diff --git a/.github/workflows/python-package.yml b/.github/workflows/python-package.yml new file mode 100644 index 0000000..f547f65 --- /dev/null +++ b/.github/workflows/python-package.yml @@ -0,0 +1,41 @@ +# This workflow will install Python dependencies, run tests and lint with a variety of Python versions +# For more information see: https://help.github.com/actions/language-and-framework-guides/using-python-with-github-actions + +name: Python package + +on: + push: + branches: [ develop ] + pull_request: + branches: [ main ] + +jobs: + build: + + runs-on: ubuntu-latest + strategy: + fail-fast: false + matrix: + python-version: ["3.8", "3.9", "3.10"] + + steps: + - uses: actions/checkout@v3 + - name: Set up Python ${{ matrix.python-version }} + uses: actions/setup-python@v3 + with: + python-version: ${{ matrix.python-version }} + - name: Install dependencies + run: | + python -m pip install --upgrade pip + python -m pip install flake8 pytest + python -m pip install . + - name: Lint with flake8 + run: | + # stop the build if there are Python syntax errors or undefined names + flake8 . --count --select=E9,F63,F7,F82 --show-source --statistics \ + --exclude tests,experiments,pipeline + # exit-zero treats all errors as warnings. The GitHub editor is 127 chars wide + flake8 . --count --exit-zero --max-complexity=10 --max-line-length=127 --statistics + - name: Test with pytest + run: | + python -m pytest tests diff --git a/.github/workflows/python-publish.yml b/.github/workflows/python-publish.yml new file mode 100644 index 0000000..ec70354 --- /dev/null +++ b/.github/workflows/python-publish.yml @@ -0,0 +1,39 @@ +# This workflow will upload a Python Package using Twine when a release is created +# For more information see: https://help.github.com/en/actions/language-and-framework-guides/using-python-with-github-actions#publishing-to-package-registries + +# This workflow uses actions that are not certified by GitHub. +# They are provided by a third-party and are governed by +# separate terms of service, privacy policy, and support +# documentation. + +name: Upload Python Package + +on: + release: + types: [published] + +permissions: + contents: read + +jobs: + deploy: + + runs-on: ubuntu-latest + + steps: + - uses: actions/checkout@v3 + - name: Set up Python + uses: actions/setup-python@v3 + with: + python-version: '3.x' + - name: Install dependencies + run: | + python -m pip install --upgrade pip + pip install build + - name: Build package + run: python -m build + - name: Publish package + uses: pypa/gh-action-pypi-publish@27b31702a0e7fc50959f5ad993c78deac1bdfc29 + with: + user: __token__ + password: ${{ secrets.PYPI_API_TOKEN }} diff --git a/.gitignore b/.gitignore index b6e4761..84ba1f9 100644 --- a/.gitignore +++ b/.gitignore @@ -127,3 +127,23 @@ dmypy.json # Pyre type checker .pyre/ + +# Mac stuff +.idea +.DS_Store + +# project stuff +data + +# google cloud +.tmp.driveupload +.tmp.drivedownload +trest + +# VS Code +.vscode + +# cluster stuff +TMPDIR +gpu_script.sh +Library \ No newline at end of file diff --git a/AUTHORS.md b/AUTHORS.md new file mode 100644 index 0000000..e69de29 diff --git a/CONTRIBUTING.md b/CONTRIBUTING.md new file mode 100644 index 0000000..1eae892 --- /dev/null +++ b/CONTRIBUTING.md @@ -0,0 +1,63 @@ +# Contributing Instructions + +## Set-up + +First, clone the repository locally. After entering the repository, create a new virtual environment and run: + +`pip install -e .` + +If you now try `pip list` you should see `ArgMiner` as one of your installed packages. You have just installed ArgMiner in a development environment. So any dependencies packaged with the previous version of ArgMiner have now been installed. + +In order to now 'develop' in this environment, you can update your virtual env with any new packages using `pip install`. The key thing is that these won't be persisted into ArgMiner, but they will be used by you locally. This will help us keep the production version clean, while we change requirements ourselves. + +I've added a `requirements.txt` file in every folder. Make sure that when you install something new, that you keep the folder updated e.g. using `pip freeze > your_name/requirements.txt`. + +## Using Jupyter Notebooks + +First, install `notebook` into your virtual environment using `pip install notebook`. + +Now, unlike with Python, you won't be able to directly import anything from ArgMiner because Jupyter Notebooks limit the path to the directory that you are running the notebook from. This means that it won't be able to 'see' the ArgMiner package. In order to let it do this, you must add your virtual env as a kernel to Jupyter. First, run: + +`pip install ipykernel` + +Then: + +`ipython kernel install --name==your_venv_name` + +If you now go into Jupyter, when selecting the kernel with which to run your notebook make sure that it is the same as the one you just installed! You should now be able to import from ArgMiner as a package. + +## Using Colab + +Unfortunately because of the way Colab works, using it with our custom environment is a bit difficult. In other projects, the way we did it was by zipping the entire project each time it was updated, then unzipping it on Colab, and then installing dependencies. This was problematic because it caused version mismatches to occur. + +Here I will describe a solution I've come up with for how we can do this as a team. It is not clean, but it should work for our purposes. + +### Committing changes directly from Colab + +When you open Colab, the default screen shows you your 'Recents'. Navigate to the 'GitHub' tab and then check the 'Include private repos' box. Then in the search bar, find 'namiyousef/argument-mining', and select the branch to be 'develop'. At some point, you will be asked to connect your account to Github. Make sure you do so when prompted. + +Once that is done, you'll be able to see all the notebooks in the repository in the last state that they were pushed. + +These notebooks don't exist locally, so if you make changes and try to save them there'll be a pop-up of "don't have permissions to save notebook, save in local drive". Don't save it locally. Instead, click on File->Save a copy in GitHub (NOT GitHub Gist). Update the commit message to something appropriate and submit :) + +### Syncing the repo with Google Drive + +There are multiple ways that this can be done, however to keep things simple I will go through a single method only. This assumes that you've already cloned your repository locally. + +First, download Google Drive for your computer. Once this has been done, sync the local copy of your repo with Google Drive. This will save the repository under 'Other Computers' within Google Drive. Now go into the broswer version of Google Drive, find the repository folder, right click and then click 'add shortcut to drive'. This will make sure that the folder is accessible through 'My Drive'. + +### Installing the virtual environment + +In order to make things easy, I've written some code that automatically installs ArgMiner as a package in your Colab. Please find the relevant code in `experiments/yousef/test.ipynb` + +### Pointers + +- To avoid issues, please make sure that your repository is always updated (e.g. using `git fetch`) and that local changes are fully synced to Google Drive before you run notebooks on it. +- If you update your notebooks on Colab, then your local repository will be out of sync. Make sure you fetch before persisting any local changes + +For now, it is not possible to save things into Colab in a clear and consistent way. So if you want to save anything please do it locally. When we play around with this setup further I'll find a way of saving things nicely. + +## Making changes to ArgMiner +I've laid out the project as such so that we don't clutter the actual package ArgMiner so much. The idea is that we can keep experimenting in our own folders under `experiments`. When we are ready to persist new changes to argminer, we can review it together. As of right now, this will be done in an ad-hoc fashion. There are no automated tests just yet. + +## Tests diff --git a/LICENSE b/LICENSE new file mode 100644 index 0000000..85aece5 --- /dev/null +++ b/LICENSE @@ -0,0 +1,21 @@ +MIT License + +Copyright (c) 2022 Yousef, Federico, Qingyu, Changmao + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. diff --git a/README.md b/README.md index 7a1c95e..9865d8f 100644 --- a/README.md +++ b/README.md @@ -1,2 +1,109 @@ -# nlp-placeholder-name -Repository for NLP project. Name to be changed when we decide on a project +# ArgMiner: End-to-end Argument Mining + +![GitHub](https://img.shields.io/github/license/namiyousef/argument-mining) +![GitHub Workflow Status](https://img.shields.io/github/workflow/status/namiyousef/argument-mining/Python%20package) +![GitHub tag (latest by date)](https://img.shields.io/github/v/tag/namiyousef/argument-mining) +--- + +_argminer_ is a PyTorch based package for argument mining on state-of-the-art datasets. It provides a high level API for processing these datasets and applying different labelling strategies, augmenting them, training on them using a model from [huggingface](https://huggingface.co/), and performing inference on them. + +## Datasets + +- Argument Annotated Essays [[1]](#1): a collection of 402 essays written by college students containing with clauses classified as Premise, Claim and MajorClaim. This is the SOTA dataset in the filed of argument mining. + +- PERSUADE [[2]](#2): A newly released dataset from the Feedback Prize Kaggle [competition](https://www.kaggle.com/competitions/feedback-prize-2021/overview). This is a collection of over 15000 argumentative essays written by U.S. students in grades 6-12. It contains the following argument types: Lead, Position, Claim, Counterclaim, Rebuttal, Evidence, and Concluding Statement. + +Another important dataset in this field is the ARG2020 [[3]](#3) dataset. This was made public at a time coinciding with the early access release so support for it does not yet exist. There are plans to implement this in the future. + +## Installation +You can install the package directly from PyPI using pip: +```bash +pip install argminer +``` +If looking to install from the latest commit, please use the following: +```bash +pip install argminer@git+https://git@github.com/namiyousef/argument-mining.git@develop +``` + +## Argminer features + +Datasets in the field of argument mining are stored in completely different formats and have different labels. This makes it difficult to compare and contrast model performance on them provided different configurations and processing steps. + +The data processing API provides a standard method of processing these datasets end-to-end to enable fast and consistent experimentation and modelling. + +- ADD DIAGRAM + +### Labelling Strategies + +SOTA argument mining methods treat the process of chunking text into it's argument types and classifying them as an NER problem on long sequences. This means that segment of text with it's associated label is converted into a sequence of classes for the model to predict. To illustrate this we will be using the following passage: + +```python +"Natural Language Processing is the best field in Machine Learning.According to a recent poll by DeepLearning.ai it's popularity has increased by twofold in the last 2 years." +``` + + +Let's suppose for the sake of argument that the passage has the following labels: + +**Sentence 1: Claim** +```python +sentence_1 = "Natural Language Processing is the best field in Machine Learning." +label_2 = "Claim" +``` + +**Sentence 2: Evidence** +```python +sentence_2 = "According to a recent poll by DeepLearning.ai it's popularity has increased by twofold in the last 2 years." +label_2 = "Evidence" +``` + +From this we can create a vector with the associated label for each word. Thus the whole text would have an assoicated label as follows: + +```python +labels = ["Claim"]*10 + ["Evidence"]*18 # numbers are length of split sentences +``` + +With the NER style of labelling, you can modify the above to indicate whether a label is the beginning of a chunk, the end of a chunk or inside a chunk. For example, `"According"` could be labelled as `"B-Evidence"` in sentence 2, and the subsequent parts of it would be labelled as `"I-Evidence"`. + +The above is easy if considering a split on words, however this becomes more complicated when we considered how transformer models work. These tokenise inputs based on substrings, and therefore the labels have to be extended. Further questions are raised, for instance: if the word according is split into `"Accord"` and `"ing"`, do we label both of these as `"B-Evidence"` or should we label `"ing"` as `"I-Evidence"`? Or do we just ignore subtokens? Or do we label subtokens as a completely separate class? + +We call a labelling strategy that keeps the subtoken labels the same as the start token labels `"wordLevel"` and a strategy that differentiates between them as `"standard"`. Further we provide the following labelling strategies: + +- **IO:** Argument tokens are classified as `"I-{arg_type}"` and non-argument tokens as `"O"` +- **BIO:** Argument start tokens are classified as `"B-{arg_type}"`, all other argument tokens as `"I-{arg_type}"`". Non-argument tokens as `"O"` +- **BIEO:** Argument start tokens are classified as `"B-{arg_type}"`, argument end tokens as `"E-{arg_type}"` and all other argument tokens as `"I-{arg_type}"`. Non-argument tokens as `"O"` +- **BIXO:** First argument start tokens are classified as `"B-{arg_type}"`, other argument start tokens are classified as `"I-{arg_type}"`. Argument subtokens are classified as `"X"`. Non-argument tokens as `"O"` + +Considering all combinations, the processor API provies functionality for the following strategies: + +- standard_io +- wordLevel_io +- standard_bio +- wordLevel_bio +- standard_bieo* +- wordLevel_bieo +- standard_bixo** + +* `B-` labels are prioritised over `E-` tokens, e.g. for a single word sentence the word would be labelled as `B-`. + +** This method is not one that is backed by literature. It is something that we thought would be interesting to examine. The intuition is that the `X` label captures grammatical elements of argument segments. + +### Data Augmentation (Adversarial Examples) + + +### Evaluation + +# Quick Start +- TODO + + + +# References +[1] +Christian S. and Iryna G. (2017). _Parsing Argumentation Structures in Persuasive Essays_. DOI: 10.1162/COLI_a_00295 + +[2] +Scott C. and the Learning Agency. url: https://github.com/scrosseye/PERSUADE_corpus + +[3] +Alhindi, T. and Ghosh, D. (2021). +"Sharks are not the threat humans are": _Argument Component Segmentation in School Student Essays_. Proceedings of the 16th Workshop on Innovative Use of NLP for Building Educational Applications. p.210-222. url: https://aclanthology.org/2021.bea-1.22 \ No newline at end of file diff --git a/Useful link b/Useful link new file mode 100644 index 0000000..bc12387 --- /dev/null +++ b/Useful link @@ -0,0 +1,2 @@ + +paper summary: https://marmalade-marten-b45.notion.site/NLP-group-coursework-003529854c4f45258036859c20f94493 diff --git a/argminer/__init__.py b/argminer/__init__.py new file mode 100644 index 0000000..263123e --- /dev/null +++ b/argminer/__init__.py @@ -0,0 +1,4 @@ +import argminer + + +__version__ = '0.0.17' diff --git a/argminer/config.py b/argminer/config.py new file mode 100644 index 0000000..3b3bac9 --- /dev/null +++ b/argminer/config.py @@ -0,0 +1,36 @@ +import os +import pandas as pd + +# -- get email details +EMAIL = os.environ.get('EMAIL', 'nlp.fyp1800@gmail.com') +EMAIL_PASSWORD = os.environ.get('EMAIL_PASSWORD', 'password') +EMAIL_RECIPIENTS = os.environ.get('EMAIL_RECIPIENTS', EMAIL) + +# -- argument mining +PREDICTION_STRING_START_ID = 0 +MAX_NORM = 10 +# -- label maps +# TODO automate these... +LABELS_DICT = dict( + TUDarmstadt=['MajorClaim', 'Claim', 'Premise'], + Persuade=['Lead', 'Position', 'Claim', 'Counterclaim', 'Rebuttal', 'Evidence', 'Concluding Statement'] +) +STRATEGIES = ['io', 'bio', 'bieo', 'bixo'] + +LABELS_MAP_DICT = {} +for dataset, labels in LABELS_DICT.items(): + LABELS_MAP_DICT[dataset] = {} + for strategy in STRATEGIES: + new_labels = ['O'] + if strategy == 'bixo': + new_labels.append('X') + for label in labels: + if 'b' in strategy: + new_labels.append(f'B-{label}') + new_labels.append(f'I-{label}') + if 'e' in strategy: + new_labels.append(f'E-{label}') + LABELS_MAP_DICT[dataset][strategy] = pd.DataFrame({ + 'label_id': list(range(len(new_labels))), + 'label': new_labels + }) diff --git a/argminer/data.py b/argminer/data.py new file mode 100644 index 0000000..77efa69 --- /dev/null +++ b/argminer/data.py @@ -0,0 +1,903 @@ +# -- public imports +import os + +import pandas as pd +from pandas.api.types import is_string_dtype +from pandas.testing import assert_frame_equal + +import torch +from torch.utils.data import Dataset + +import numpy as np + +import warnings + +# -- private imports +from argminer.utils import get_predStr + +from mlutils.torchtools.helpers import unique_first + + +# -- datasets +class ArgumentMiningDataset(Dataset): + """ + Class for loading data in batches and processing it + """ + def __init__(self, df_label_map, df_text, tokenizer, max_length, strategy, is_train=True): + super().__init__() + + + # check data in correct format + assert sorted(df_text.columns) == ['labels', 'text'], f"Please make sure input dataframe has the columns (text, labels)" + + # check strategy is within accepted strategies + assert strategy in [ + 'standard_io', + 'wordLevel_io', # consider deprecating wordLevel_io as it is the same as standard! + 'standard_bio', + 'wordLevel_bio', + 'standard_bixo', + 'standard_bieo', + 'wordLevel_bieo' + ], 'Please use a valid strategy' + + # check that label map matches strategy + assert 'O' in df_label_map.label.values, 'You are missing label "O"' + + strategy_level, strategy_name = strategy.split('_') + + labels = df_label_map.label[df_label_map.label.str.contains('-')].apply(lambda x: x[:1]) + unique_labels = sorted(list(labels.unique())) + + if strategy_name == 'io': + assert 'I' == ''.join(unique_labels) + elif strategy_name == 'bio': + assert 'BI' == ''.join(unique_labels), 'You are missing one of labels "B" or "I"' + elif strategy_name == 'bieo': + assert 'BEI' == ''.join(unique_labels), 'You are missing one of labels "B", "I" or "E"' + elif strategy_name == 'bixo': + assert 'X' in df_label_map.label.values, 'You are missing label "X"' + assert 'BI' == ''.join(unique_labels), 'You are missing one of labels "B" or "I"' + else: + raise NotImplementedError(f'Support for labelling strategy {strategy} does not exist yet') + + + + self.strategy_level = strategy_level + self.strategy_name = strategy_name + + self.inputs = df_text.text.values + if not is_string_dtype(self.inputs): raise TypeError('Text data must be string type') + + self.consider_end = 'e' in strategy_name # TODO make more robust + self.use_x = 'x' in strategy_name # TODO make more robust + + # create hash tables + self.label_to_id = { + label: id_ for label, id_ in df_label_map[['label', 'label_id']].values + } + self.id_to_label = { + id_: label for label, id_ in self.label_to_id.items() + } + + self.reduce_map = self.get_reduce_map() + + self.targets = df_text.labels.apply( + lambda x: [self.label_to_id[label] for label in x] + ).values + + # TODO padding not given label -100? Double check + # TODO maybe also double check -1 ? + + + self.is_train = is_train + + # -- prepare tokenizer + self.tokenizer = tokenizer + self.max_length = max_length + + + # ignore index + # TODO add option to add ignore_index to the subtokens as well? This will be a hassle tho + self.ignore_index = -100 + + def __len__(self): + return len(self.inputs) + # TODO need to add option to separate how CLS, PAD and SEP are labelled + # TODO need to add option for ignoring BIXO using attention mask + def __getitem__(self, index): + # self.inputs anf self.targets must be of a type that is indexible as shown + inputs = self.inputs[index] + targets = self.targets[index] + + # TODO this is for the sentencepiece tokenizer, might have to change for wordpiece + inputs = self.tokenizer( + # consider parametrising these + inputs.split(), + is_split_into_words=True, # this means that extra \n should be ignored + padding='max_length', + truncation=True, + max_length=self.max_length + ) + word_ids = inputs.word_ids() + word_id_mask = [word_id is not None for word_id in word_ids] + # TODO maybe this should go in the function? + + word_ids_filtered = [word_id for word_id in word_ids if word_id is not None] + word_ids_replaced = [word_id if word_id is not None else self.ignore_index for word_id in word_ids] + + targets = torch.as_tensor(targets, dtype=torch.long) + + labeller = getattr(self, f'_label_{self.strategy_level}') # TODO make function call directly + + targets = labeller(targets, word_id_mask, word_ids_filtered) + targets = torch.as_tensor(targets, dtype=torch.long) + + if not self.is_train: + inputs['word_ids'] = word_ids_replaced + inputs['index'] = torch.as_tensor(index) + + # for training, no need to return word_ids, or word_id_mask + # for validation and testing, there is a need to return them! + + # TODO need to think about reading weights in the middle while training? + # TODO need to think about sending things to the GPU, which ones to send + inputs = { + key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items() + } + + #inputs['doc_ids'] = index # TODO may have to convert to type long + #inputs['word_ids'] = word_ids + + + + return (inputs, targets) + + def _label_wordLevel(self, targets, word_id_mask, word_ids): + expanded_targets = torch.ones(self.max_length, dtype=torch.long) * self.ignore_index + expanded_targets[word_id_mask] = targets[word_ids] + return expanded_targets + + # TODO can any of this be enhance using unique consequitive from torch? + + def _label_standard(self, targets, word_id_mask, word_ids): + expanded_targets = self._label_wordLevel(targets, word_id_mask, word_ids) + word_start_ids = unique_first(torch.as_tensor(word_ids)) + unique_word_ids, word_id_counts = torch.unique(torch.as_tensor(word_ids), return_counts=True) + + expanded_targets_with_mask = expanded_targets[word_id_mask] + for i, (word_start_id, word_id, word_id_count) in enumerate( + zip(word_start_ids, unique_word_ids, word_id_counts)): + curr_target = expanded_targets_with_mask[word_start_id].item() + if curr_target: # step to filter the orhers + if word_id_count > 1: + ids = list(range(word_start_id, word_start_id + word_id_count)) + + # TODO can make robust by adding string condition 'E-' + position, target_label = self.id_to_label[curr_target].split('-') + if self.consider_end and 'E' == position: + ids = ids[:-1] + else: + ids = ids[1:] + + expanded_target_label = self.label_to_id['X'] if self.use_x else self.label_to_id[f'I-{target_label}'] + expanded_targets_with_mask[ids] = expanded_target_label # this label needs to be changed! + + expanded_targets[word_id_mask] = expanded_targets_with_mask + return expanded_targets + + def get_reduce_map(self): + reduce_map = {} + label_to_id = {} + for id_, label in self.id_to_label.items(): + if label not in ['X', 'O']: + label = label.split('-')[1] + reduce_map[id_] = label # uses dict to preserve order + label_to_id[label] = label + label_to_id = {label: i for i, label in enumerate(label_to_id)} + reduce_map = {i: label_to_id[label] for i, label in reduce_map.items()} + return reduce_map + + +class KaggleDataset(Dataset): + """ + Class for loading data in batches after it has been processed + """ + def __init__(self, dataframe, tokenizer, max_length): + + super().__init__() + + # -- prepare data + assert sorted(dataframe.columns) == ['labels', 'text'], f"Please make sure input dataframe has the columns (text, labels)" + # data must be in the correct format + self.inputs = dataframe.text.values + self.targets = dataframe.labels.values + if not is_string_dtype(self.inputs): raise TypeError('Text data must be string type') + # TODO assertion below is bug; not deleting so remember to add correct assertions + #if not is_integer_dtype(self.targets): raise TypeError('Label data must be integer type') + + # -- prepare tokenizer + self.tokenizer = tokenizer + self.max_length = max_length + + def __len__(self): + return len(self.inputs) + + def __getitem__(self, index): + # self.inputs anf self.targets must be of a type that is indexible as shown + inputs = self.inputs[index] + targets = self.targets[index] + + inputs = self.tokenizer( + # consider parametrising these + inputs.split(), + is_split_into_words=True, # this means that extra \n should be ignored + padding='max_length', + truncation=True, + max_length=self.max_length + ) + + word_ids = inputs.word_ids() + word_id_mask = [word_id is not None for word_id in word_ids] # consider switching mask + # to the indices that need to be read + word_ids_filtered = [word_id for word_id in word_ids if word_id is not None] + + inputs['word_ids'] = [word_id if word_id is not None else -1 for word_id in word_ids] + + + inputs = { + key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items() + } + # TODO you don't convert these to tensors! + inputs['word_id_mask'] = word_id_mask # TODO not agged properly + + targets = torch.as_tensor(targets, dtype=torch.long) + expanded_targets = torch.zeros(self.max_length, dtype=torch.long) + expanded_targets[word_id_mask] = targets[word_ids_filtered] + + return (inputs, expanded_targets) + + +class BigBirdDataset(Dataset): + """Dataset from the bigbird notebook (modified) + """ + + LABEL_ALL_SUBTOKENS = True + output_labels = ['O', 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', 'B-Counterclaim', + 'I-Counterclaim', + 'B-Rebuttal', 'I-Rebuttal', 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', + 'I-Concluding Statement'] + + labels_to_ids = {v: k for k, v in enumerate(output_labels)} + def __init__(self, dataframe, tokenizer, max_len, get_wids): + self.len = len(dataframe) + self.data = dataframe + self.tokenizer = tokenizer + self.max_len = max_len + self.get_wids = get_wids # for validation + + def __getitem__(self, index): + # GET TEXT AND WORD LABELS + text = self.data.text[index] + word_labels = self.data.entities[index] if not self.get_wids else None + + # TOKENIZE TEXT + encoding = self.tokenizer(text.split(), + is_split_into_words=True, + # return_offsets_mapping=True, + padding='max_length', + truncation=True, + max_length=self.max_len) + word_ids = encoding.word_ids() + + # CREATE TARGETS + if not self.get_wids: + previous_word_idx = None + label_ids = [] + for word_idx in word_ids: + if word_idx is None: + label_ids.append(-100) + elif word_idx != previous_word_idx: + label_ids.append(self.labels_to_ids[word_labels[word_idx]]) + else: + if self.LABEL_ALL_SUBTOKENS: + label_ids.append(self.labels_to_ids[word_labels[word_idx]]) + else: + label_ids.append(-100) + previous_word_idx = word_idx + encoding['labels'] = label_ids + + # CONVERT TO TORCH TENSORS + item = {key: torch.as_tensor(val, dtype=torch.long) for key, val in encoding.items()} + if self.get_wids: + word_ids2 = [w if w is not None else -1 for w in word_ids] + item['wids'] = torch.as_tensor(word_ids2) + + return item + else: + targets = item.pop('labels') + inputs = item + return inputs, targets + + def __len__(self): + return self.len + + +# -- data processors +class DataProcessor: + """ + Base class for getting data in a standardised form from raw + """ + def __init__(self, path): + self.path = path + self.status = None + self.dataframe = None + + @property + def preprocess(self): + """ This is pretokenisation cleaning / what is done at reading""" + if self.status is not None: + raise Exception('Preprocess method has already been called.') + return self._preprocess + + @property + def process(self): + """ This is usually the tokeniser""" + if self.status is None: + raise Exception('Cannot run process before running preprocess') + elif self.status != 'preprocessed': + raise Exception('Process method has already been called.') + + return self._process + + @property + def postprocess(self): + """ This is post tokenisation cleaning""" + if self.status is None: + raise Exception('Cannot run postprocess before running process') + elif self.status != 'processed': + raise Exception('Postprocess method has already been called.') + # TODO this is a BUG FIX + return self._postprocess + + + def from_json(self, status='postprocessed'): + + assert status in {'preprocessed', 'processed', 'postprocessed'} + filename = f'{self.__class__.__name__.split("Processor")[0]}_{status}.json' + path = os.path.join(self.path, filename) + + df = pd.read_json(path) + + self.dataframe = df + self.status = status + + return self + + def save_json(self, dir_path=''): + print("THIS BETTER SHOW") + # TODO maybe add option for custom file name? + filename = f'{self.__class__.__name__.split("Processor")[0]}_{self.status}.json' + path = os.path.join(dir_path, filename) + if self.dataframe is None: + raise TypeError('Dataframe is not yet created yet. You must call preprocess') + else: + self.dataframe.to_json(path) + + return self + + + def _default_tts(self, test_size, val_size=None, random_seed=0): + # TODO need to add a fixed seed here... + # TODO test and val sizes relative to initial dataset + df = self.dataframe.copy() + n_samples = df.shape[0] + + test_size = int(test_size * n_samples) + if val_size: + val_size = int(val_size * n_samples) + assert test_size + val_size <= n_samples, 'total of test and val exceeds data size' + + dfs = {} + np.random.seed(random_seed) + + ids = np.arange(n_samples) + np.random.shuffle(ids) + + test_ids = ids[:test_size] + train_ids = ids[test_size:] + + dfs['test'] = df.loc[test_ids] + + if val_size: + val_ids = train_ids[:val_size] + train_ids = train_ids[val_size:] + dfs['val'] = df.loc[val_ids] + + dfs['train'] = df.loc[train_ids] + + return dfs + + @property + def get_tts(self): + """ takes saved dataframe + if dataframe in final state + df_train, df_test (df_val option) + """ + #if self.status != 'postprocessed': + # raise Exception('Cannot call train test split before postprocessing') + + if hasattr(self, '_get_tts'):#'_get_tts' in self.__dict__: + # TODO do some of these need to be private? + return self._get_tts + else: + return self._default_tts + + +class TUDarmstadtProcessor(DataProcessor): + + """ + Needs to have reading, e.g. doing stuff at reading stage + + Needs to have a step for doing things to the raw data, before labels are creating + + Needs to have a step for creating the labels + + Needs to have a step for making any changes after labels have been created + """ + def __init__(self, path=''): + super().__init__(path) + + + def _preprocess(self): + # TODO note for this that some of the files had to be modified, so might not work out of the box + texts = [] + annotated_texts = [] + path = os.path.join(self.path, 'brat-project-final') + for file in os.listdir(path): + essay_num, file_extension = file.split('.') + if file_extension == 'ann': + with open(os.path.join(path, file), 'r') as f: + df_temp = pd.read_csv(f, delimiter='\t', header=None, names=['label_type', 'label', 'text']) + df_temp[['label', 'label_comp1', 'label_comp2']] = df_temp.label.str.split(expand=True) + df_temp['doc_id'] = essay_num + annotated_texts.append(df_temp) + elif file_extension == 'txt': + with open(os.path.join(path, file), 'r') as f: + texts.append((essay_num, f.read())) + else: + continue + + df_texts = pd.DataFrame.from_records(texts, columns=['doc_id', 'text']) + df_annotated = pd.concat(annotated_texts) + + assert sorted(df_annotated.doc_id.unique()) == sorted(df_texts.doc_id) + + ids_argument_segment = df_annotated.label_type.str.startswith('T') + df_arguments = df_annotated[ids_argument_segment] + df_arguments = df_arguments.rename(columns={'label_comp1': 'span_start', 'label_comp2': 'span_end'}).astype( + {'span_start': int, 'span_end': int} + ) + records = [] + df_arguments = df_arguments.sort_values(['doc_id', 'span_start', 'span_end']) + for (doc_id, text) in df_texts.sort_values('doc_id').itertuples(index=False): + df_argument = df_arguments[df_arguments.doc_id == doc_id] + prev_span = 0 + for i, (text_segment, span_start, span_end) in enumerate( + df_argument[['text', 'span_start', 'span_end']].itertuples(index=False)): + try: + assert text_segment == text[span_start: span_end] + except Exception as e: + print(f'Found non-matching segments:{"-"*50}\n\n' + f'{text_segment}\n\n' + f'{text[span_start: span_end]}\n') + + df_arguments['text'] = df_arguments['text'].where(df_arguments['text'] != text_segment, text[span_start: span_end]) + # all the exception were manually checked. These are because of qutoe chars, this is a hot fix.!!!! TODO + + records.append(('O', 'Other', text[prev_span: span_start], prev_span, span_start, doc_id)) + + prev_span = span_end + records.append(('O', 'Other', text[prev_span:], prev_span, len(text), doc_id)) + + df_other = pd.DataFrame.from_records(records, columns=df_arguments.columns) + + df_combined = pd.concat([df_other, df_arguments]) + df_combined = df_combined.sort_values(['doc_id', 'span_start', 'span_end']).reset_index(drop=True)[['doc_id', 'text', 'label']] + + # TODO move test maybe? + assert_frame_equal( + df_combined.groupby('doc_id').agg({'text':lambda x: ''.join(x)}).reset_index(), + df_texts.sort_values('doc_id').reset_index(drop=True) + ) + + self.dataframe = df_combined + self.status = 'preprocessed' + + return self + + # make it possible to run process and postprocess after preprocess as been run! + + def _process(self, strategy, processors=[], split='all', **split_params): + # processes data to standardised format, adds any extra cleaning steps + assert strategy in {'io', 'bio', 'bieo'} # for now + assert split in {'all', 'train', 'test'} + + if split == 'all': + df = self.dataframe.copy() + else: + df_dict = self.get_tts(**split_params) + df = df_dict[split] + warnings.warn(f'Getting data for split={split} with params {split_params}', UserWarning, stacklevel=2) + + for processor in processors: + df['text'] = df['text'].apply(processor) + + # add predStr + df = get_predStr(df) # TODO double check start pred string here + + # add labelling strategy + label_strat = dict( + add_end='e' in strategy, + add_beg='b' in strategy + ) + df['label'] = df[['label', 'predictionString']].apply( + lambda x: _generate_entity_labels( + len(x['predictionString']), x['label'], **label_strat + ), axis=1 + ) + + self.dataframe = df + self.status = 'processed' + + + return self + + + def _postprocess(self): + # aggregates data + + df = self.dataframe.copy() + + + df = df.groupby('doc_id').agg({ + 'text':lambda x: ' '.join(x), + 'predictionString': 'sum', + 'label': 'sum' + }) + + df = df.reset_index().rename(columns={'label':'labels'}) + + self.dataframe = df + self.status = 'postprocessed' + + return self + + def _get_tts(self, val_size=None, **kwargs): + # TODO this will cause a bug when running if you do load from json + # because it will NOT be able to see the train_test_split ids... + # This needs reworking / thinking! + # TODO kwargs added to avoid problem when running all processors together + """ + Train test split based on the TUDarmstadt dataset tts file + :return: + """ + path = os.path.join(self.path, 'train-test-split.csv') + df_tts_ids = pd.read_csv(path, delimiter=';') + ids_train = df_tts_ids.SET == "TRAIN" + ids_test = ~ids_train + + dfs = {} + df = self.dataframe.copy() + if self.status == 'postprocessed': + df_train = df[ids_train] + df_test = df[ids_test] + dfs['test'] = df_test + dfs['train'] = df_train + elif self.status == 'preprocessed': + doc_ids_test = df_tts_ids.ID.values[ids_test] + df_test = df[df.doc_id.isin(doc_ids_test)] + df_train = df[~df.doc_id.isin(doc_ids_test)] + dfs['test'] = df_test + dfs['train'] = df_train + + + # TODO this is now broken because of hotfix above, need unittests + n_samples = df.shape[0] + if val_size: + val_size = int(val_size * n_samples) + n_test_samples = df_test.shape[0] + assert val_size + n_test_samples <= n_samples, 'selected val_size is greater than the training set. ' \ + f'The test set covers {n_test_samples}/{n_samples} of data' + ids_train = df_train.index.values + ids_val = ids_train[:val_size] + ids_train = ids_train[val_size:] + dfs['val'] = df_train.loc[ids_val] + dfs['train'] = df_train.loc[ids_train] + + return dfs + + +class PersuadeProcessor(DataProcessor): + def __init__(self,path=''): + super().__init__(path) + + def _preprocess(self): + path_to_text_dir = os.path.join(self.path, 'train') + path_to_ground_truth = os.path.join(self.path, 'train.csv') + + df_ground_truth = pd.read_csv(path_to_ground_truth) + df_texts = df_from_text_files(path_to_text_dir) + + df_ground_truth = df_ground_truth.sort_values(['id', 'discourse_start', 'discourse_end']) + df_ground_truth = df_ground_truth.drop(columns=['discourse_id','discourse_start','discourse_end','discourse_type_num']) + df_ground_truth = df_ground_truth.rename(columns={'discourse_type':'label','predictionstring':'predictionString', + 'discourse_text':'text','id':'doc_id'}) + + df_texts = df_texts.rename(columns={'text':'doc_text','id':'doc_id'}) + df_texts['text_split'] = df_texts.doc_text.str.split() + df_texts['range'] = df_texts['text_split'].apply(lambda x: list(range(len(x)))) + df_texts['start_id'] = df_texts['range'].apply(lambda x: x[0]) + df_texts['end_id'] = df_texts['range'].apply(lambda x: x[-1]) + df_texts = df_texts.drop(columns=['text_split','range']) + + df_ground_truth['predictionString'] = df_ground_truth.predictionString.apply(lambda x: [int(num) for num in x.split()]) + df_ground_truth['pred_str_start_id'] = df_ground_truth.predictionString.apply(lambda x: x[0]) + df_ground_truth['pred_str_end_id'] = df_ground_truth.predictionString.apply(lambda x: x[-1]) + + df = df_ground_truth.merge(df_texts) + + + new = [] + df = df.sort_values(['doc_id','pred_str_start_id']) + prev_doc = df.iloc[0].doc_id + gd_end = -1 + + for row in df.itertuples(index=False): + + if row.doc_id != prev_doc: + + prev_row = df[(df.doc_id == prev_doc) & (df.pred_str_end_id == gd_end)].squeeze() + + if prev_row.pred_str_end_id != prev_row.end_id: + + s = prev_row.doc_text.split()[prev_row.pred_str_end_id+1:] + new_string = ' '.join(s) + new_predsStr = list(range(prev_row.pred_str_end_id+1,prev_row.end_id+1)) + new_type = 'Other' + new_id = prev_row.doc_id + new_row = {'doc_id': new_id, 'text':new_string ,'label':'Other', + 'predictionString':new_predsStr,'pred_str_start_id':new_predsStr[0], + 'pred_str_end_id':new_predsStr[-1],'doc_text':prev_row.doc_text, + 'start_id':prev_row.start_id,'end_id':prev_row.end_id} + new.append(new_row) + + + if row.pred_str_start_id != row.start_id: + s = row.doc_text.split()[:row.pred_str_start_id] + new_string = ' '.join(s) + new_predsStr = list(range(row.start_id,row.pred_str_start_id)) + new_type = 'Other' + new_id = row.doc_id + new_row = {'doc_id': new_id, 'text':new_string ,'label':'Other', + 'predictionString':new_predsStr,'pred_str_start_id':row.start_id, + 'pred_str_end_id':row.pred_str_start_id-1,'doc_text':row.doc_text, + 'start_id':row.start_id,'end_id':row.end_id} + new.append(new_row) + + prev_doc = row.doc_id + gd_end = row.pred_str_end_id + + else: #stay in the same doc + if row.pred_str_start_id != (gd_end+1) : + s = row.doc_text.split()[gd_end+1:row.pred_str_start_id] + new_string = ' '.join(s) + new_predsStr = list(range(gd_end+1,row.pred_str_start_id)) + new_type = 'Other' + new_id = row.doc_id + new_row = {'doc_id': new_id, 'text':new_string ,'label':'Other', + 'predictionString':new_predsStr,'pred_str_start_id':gd_end+1, + 'pred_str_end_id':row.pred_str_start_id-1,'doc_text':row.doc_text, + 'start_id':row.start_id,'end_id':row.end_id} + new.append(new_row) + + + gd_end = row.pred_str_end_id #line 7 + + + df = pd.concat([df,pd.DataFrame().from_records(new)]) + df = df.sort_values(['doc_id','pred_str_start_id','pred_str_end_id']) + df = df.drop(columns=['doc_text','start_id','end_id','pred_str_start_id','pred_str_end_id']) + df = df.reset_index(drop=True) + + self.dataframe = df + self.status = 'preprocessed' + return self + + def _process(self, strategy, processors=[], split='all', **split_params): + assert split in {'all', 'train', 'test'} + # processes data to standardised format, adds any extra cleaning steps + assert strategy in {'io', 'bio', 'bieo'} # for now + + # TODO imrpove this + if split == 'all': + df = self.dataframe.copy() + else: + df_dict = self.get_tts(**split_params) + df = df_dict[split] + warnings.warn(f'Getting data for split={split} with params {split_params}', UserWarning, stacklevel=2) + + + + for processor in processors: + df['text'] = df['text'].apply(processor) + + + # add labelling strategy + label_strat = dict( + add_end='e' in strategy, + add_beg='b' in strategy + ) + + df = get_predStr(df) + + df['label'] = df[['label', 'predictionString']].apply( + lambda x: _generate_entity_labels( + len(x['predictionString']), x['label'], **label_strat + ), axis=1 + ) + + self.dataframe = df + self.status = 'processed' + + + return self + + def _postprocess(self): + df_post = self.dataframe.copy() + df_post = df_post.groupby('doc_id').agg({ + 'text':lambda x: ' '.join(x), + 'predictionString': 'sum', + 'label': 'sum' + }).reset_index() + + df_post = df_post.rename(columns={'label':'labels'}) + + self.dataframe = df_post + self.status = 'postprocessed' + + return self +# class PersuadeProcessor(DataProcessor): + +# def __init__(self, path=''): +# super().__init__(path) + +# def _preprocess(self): +# warnings.warn('PersuadeProcessor does not have a preprocessor. ' +# 'Instead the postprocess method will prepare the data end-to-end', stacklevel=2) + +# self.status = 'preprocessed' +# return self + +# def _process(self, strategy, processors=[]): +# warnings.warn('PersuadeProcessor does not have a processor. ' +# 'Instead the postprocess method will prepare the data end-to-end', stacklevel=2) +# if processors: +# # TODO need to change how processor work. This is a hotfix because doing this parsing correctly +# # is difficult due to corrupted discourse_start and end values. See https://www.kaggle.com/competitions/feedback-prize-2021/discussion/297688 +# warnings.warn('PersuadeProcessor does NOT accept any processors at this time.', stacklevel=2) + +# # TODO this is for postprocess +# assert strategy in {'io', 'bio', 'bieo'} # for now + +# # add labelling strategy +# label_strat = dict( +# add_end='e' in strategy, +# add_beg='b' in strategy +# ) +# self.label_strat = label_strat + +# self.status = 'processed' +# return self + +# def _postprocess(self): +# warnings.warn('The postprocess method is behaving in a special way because of data corruption. ' +# 'This behaviour will change in the future.', DeprecationWarning, stacklevel=2) + +# label_strat = self.label_strat +# path_to_text_dir = os.path.join(self.path, 'train') +# path_to_ground_truth = os.path.join(self.path, 'train.csv') + +# df = create_labels_doc_level(path_to_text_dir, path_to_ground_truth, **label_strat) + +# df = df[['id', 'text', 'labels']].rename(columns={'id':'doc_id'}) + +# self.dataframe = df +# self.status = 'postprocessed' +# return self + +# -- helpers (may move later) +def _generate_entity_labels(length, label, add_end=False, add_beg=True): + # TODO can this get length=0 as input? (this is a pipeline / integration test) + """ + For cases where argument segment is only 1 word long, beginning given preference over end + """ + labels = [f'I-{label}'] if label != 'Other' else ['O'] + labels *= length + + if add_end: + if label != 'Other': + labels[-1] = f'E-{label}' + + if add_beg: + if label != 'Other': + labels[0] = f'B-{label}' + + return labels + + +def df_from_text_files(path_to_dir): + filenames = [filename for filename in os.listdir(path_to_dir)] + records = [(filename.rstrip('.txt'), open(os.path.join(path_to_dir, filename), 'r').read()) for filename in filenames] + df = pd.DataFrame.from_records(records, columns=['id', 'text']) + return df + +def create_labels_doc_level( + path_to_text_dir, + path_to_ground_truth, + add_end=False, + add_beg=True +): + + df_ground_truth = pd.read_csv(path_to_ground_truth) + + + df_ground_truth.predictionstring = df_ground_truth.predictionstring.str.split() + df_ground_truth['label_ids'] = df_ground_truth.predictionstring.apply(lambda x: [int(x[0]), int(x[-1])]) + df_ground_truth['range'] = df_ground_truth.label_ids.apply(lambda x: np.arange(x[0], x[1]+1)) + + + df_ground_truth['labels'] = df_ground_truth[['discourse_type', 'range']].apply( + lambda x: _generate_entity_labels(len(x.range), x.discourse_type, add_end, add_beg), + axis=1 + ) + + df_texts = df_from_text_files(path_to_text_dir) + df_texts.text = df_texts.text.str.strip() + df_texts['text_split'] = df_texts.text.str.split() + df_texts['labels'] = df_texts.text_split.apply(lambda x: len(x)*['O']) + df_texts = df_texts.merge( + df_ground_truth.groupby('id').agg({ + 'range': lambda x: np.concatenate(list(x)), + 'labels': lambda x: np.concatenate(list(x)) + }).rename(columns={'labels':'labels_temp'}), + on='id' + ) + + def update_inplace(x): + ids = x.range + new_labels = x.labels_temp + labels = np.array(x.labels, dtype=new_labels.dtype) + assert len(ids) == len(new_labels) + labels[ids] = new_labels + return list(labels) + + + df_texts.labels = df_texts.apply(lambda x: update_inplace(x), axis=1) + + return df_texts + +if __name__ == '__main__': + processor = TUDarmstadtProcessor('../data/UCL/dataset2/ArgumentAnnotatedEssays-2.0') + processor = processor.preprocess().process('bio', split='test').postprocess() + df_test = processor.dataframe + + processor = TUDarmstadtProcessor('../data/UCL/dataset2/ArgumentAnnotatedEssays-2.0') + processor = processor.preprocess().process('bio').postprocess() + df_test_new = processor.get_tts()['test'] + + from pandas.testing import assert_frame_equal + assert_frame_equal(df_test_new.reset_index(drop=True), + df_test.reset_index(drop=True)) + + diff --git a/argminer/evaluation.py b/argminer/evaluation.py new file mode 100644 index 0000000..8d07dc6 --- /dev/null +++ b/argminer/evaluation.py @@ -0,0 +1,335 @@ +# -- public imports +import gc +import torch +import warnings +import pandas as pd +import time # TODO remove this after debug + +# -- private imports +from colabtools.config import DEVICE +from colabtools.utils import move_to_device + +# -- dev imports +from argminer.config import PREDICTION_STRING_START_ID + +def get_word_labels(inputs, outputs, agg_strategy, has_x): + """ + Function that aggregates from subtokens back to words given an aggregation strategy, + probabilities for each subtoken, and word_ids. This can also be used for targets with the restriction + that agg_strategy='first' + + :param inputs: word ids that map each subtoken to it's word. This comes from tokenizer(string).word_ids() + but has the None parameters replaced with a value less than zero (e.g. -100) indicating that it is not a word (e.g. SEP, CLS) + :type inputs: torch.Tensor + :param outputs: raw predictions from a model output (OR the target variables) + :type outputs: torch.Tensor (of dtype=torch.int64 for targets) + :param agg_strategy: defines how the subtokens are aggregated back to words. This takes 'max', 'first' or 'mean' + :type agg_strategy: str + :param has_x: flag to indicates whether to ignore subtokens or not. Automatically defers to agg_strategy='first' if true + :type has_x: bool + + :returns: list of shortened tensors corresponding to each word + :rtype: list + """ + + # -- CONFIGURATION + prediction_shape = outputs[0].shape + if len(prediction_shape) > 1: + feature_dim = prediction_shape[-1] + else: + feature_dim = 1 + if outputs.dtype == torch.int64 and agg_strategy != 'first': + raise ValueError('agg_strategy must be "first" if aggregating targets vector.') + + if has_x and agg_strategy != 'first': + warnings.warn( + f'agg_strategy="{agg_strategy}" with has_x={has_x} is not compatible. ' + f'Instead aggregation with agg_strategy="first" will apply.', UserWarning, stacklevel=2 + ) + + + pred_labels = [] + for (predictions, word_ids) in zip(outputs, inputs): + + # filter items that don't correspond to words + mask = word_ids >= 0 + word_ids = word_ids[mask] + predictions = predictions[mask] + + unique_word_ids, word_id_counts = torch.unique_consecutive(word_ids, return_counts=True) + agg_predictions = torch.zeros((unique_word_ids.shape[0], feature_dim), dtype=predictions.dtype) + + start_id = 0 + for i, (unique_word_id, word_id_count) in enumerate(zip(unique_word_ids, word_id_counts)): + + end_id = start_id + word_id_count + + # get segments corresponding to word + prediction_slice = predictions[start_id: end_id] + + # apply aggregation strategy + if agg_strategy == 'mean' and not has_x: + agg_predictions[i] = prediction_slice.mean(dim=0) + elif agg_strategy == 'max' and not has_x: + agg_predictions[i], _ = prediction_slice.max(dim=0) + else: + agg_predictions[i] = prediction_slice[0] + start_id = end_id + + pred_labels.append(agg_predictions) + + return pred_labels + +def get_predictionString(labels, doc_ids): + """ + Function that takes list of tensors along with unique document ids to generate a dataframe + with predictionStrings for each (doc_id, class). + + :param labels: list of tensors that contain classes, must be of type torch.int64 + :type labels: list + :param doc_ids: collection of document ids pertaining to each item in labels + :type doc_ids: torch.Tensor + + :returns: dataframe in the following form (doc_id, class, predictionString) where predictionString is a set + """ + + ids = [] + classes = [] + prediction_strings = [] + + for doc_id, label in zip(doc_ids, labels): + unique_classes, unique_class_counts = torch.unique_consecutive(label, return_counts=True) + # define prediction string start + start_id = PREDICTION_STRING_START_ID + for unique_class, unique_class_count in zip(unique_classes, unique_class_counts): + ids.append(doc_id.item()) + classes.append(unique_class.item()) + end_id = start_id + unique_class_count + 1 + prediction_strings.append(set(range(start_id, end_id))) + start_id = end_id + return pd.DataFrame(data={'id': ids, 'class': classes, 'predictionString': prediction_strings}) + +def evaluate(df_outputs, df_targets, threshold=0.5): + """ + Calculates the macro f1 score for a given batch of data. This Macro F1 score is based on the following: + https://www.kaggle.com/competitions/feedback-prize-2021/overview/evaluation + + # TODO rename this function + :param df_outputs: outputs dataframe directly from get_predictionString + :type df_outputs: pd.DataFrame + :param df_targets: targets dataframe directly from get_predictionString + :type df_targets: pd.DataFrame + + :returns: scores for each class (tp, fp, fn and macro f1) + :rtype: pd.DataFrames + """ + + # -- Constants + gt, pred = '_gt', '_pred' + + # Merge constants + merge_on = ['id', 'class'] + suffixes = (gt, pred) + + # Columns labels + gt_id = f'index{gt}' + pred_id = f'index{pred}' + + overlap_pred_gt = f'overlap{pred}{gt}' # how much of ground truth in prediction + overlap_gt_pred = f'overlap{gt}{pred}' # how much of prediction in ground truth + + pred_col_name = 'predictionString' + gt = f'{pred_col_name}{gt}' # column name for ground truth prediction string + pred = f'{pred_col_name}{pred}' # column name for predicted prediction string + + # get unique ids for each row + df_targets = df_targets.reset_index() + df_outputs = df_outputs.reset_index() + + # merge on all combinations + df_targets = df_targets.merge( + df_outputs, on=merge_on, how='outer', suffixes=suffixes + ) + + # replace null values with predictionString set with -1 (so that it does not affect overlap calc) + # NOTE: the .nan of the 'index_' columns not filled. + df_targets[[gt, pred]] = df_targets[[gt, pred]].where(~df_targets[[gt, pred]].isnull(), {-1}) + + # find intersection and normalise against each item + df_targets[overlap_pred_gt] = df_targets[[gt, pred]].apply( + lambda x: len(x[gt].intersection(x[pred])) / len(x[pred]), axis=1 + ) + df_targets[overlap_gt_pred] = df_targets[[pred, gt]].apply( + lambda x: len(x[gt].intersection(x[pred])) / len(x[gt]), axis=1 + ) + + # label true positives + # TODO add thresholds here + df_targets['tp'] = df_targets[[overlap_pred_gt, overlap_gt_pred]].apply( + lambda x: int(x.overlap_pred_gt >= threshold and x.overlap_gt_pred >= threshold), axis=1 + ) + # find the maximum overlap + # NOTE: I'm not convinced about this. There will be cases where this does not give a correct answer + # for example: you can have overlap_gt_pred = [0.5, 0.8] and overlap_pred_gt = [1, 1] + # the max operation will give overlap_max = [1, 1] and after group by you will be left with + # the first example, which had a lower probability on the overlap_gt_pred! + + df_targets['overlap_max'] = df_targets[[overlap_pred_gt, overlap_gt_pred]].max(axis=1) + + # fix data types for grouping (sets are not hashable) + df_targets[pred] = df_targets[pred].apply(lambda x: tuple(x)) + df_targets[gt] = df_targets[gt].apply(lambda x: tuple(x)) + + # Group by and take the maximum in caes of more than one match (see above note for CAVEAT!) + df_targets_match = df_targets[df_targets['tp'] == 1].sort_values('overlap_max', ascending=False).groupby( + ['id', 'class', gt] # TODO group by pred or gt? + ).first() + + + # get false positives as prediction instances that don't appear in the true positives + df_false_positive = df_targets[ + # TODO changmao's friend does not apply this condition, so I've commented it + # (df_targets['tp'] == 0) & + (~df_targets.set_index(pred_id).index.isin(df_targets_match[pred_id])) + + ] + + # get false negatives as gt instances that don't appear in the true positives + matched_gt_id = df_targets[df_targets['tp'] == 1][gt_id].unique() + + df_false_negative = df_targets[ + # TODO changmao's friend does not apply this condition, so I've commented it + # (df_targets['tp'] == 0) & + (~df_targets.set_index(gt_id).index.isin(matched_gt_id)) + ] + + # get score counts by grouping per class + TP = df_targets_match.groupby('class')[pred_id].nunique().to_frame('tp').reset_index() + FP = df_false_positive.groupby('class')[pred_id].nunique().to_frame('fp').reset_index() + FN = df_false_negative.groupby('class')[gt_id].nunique().to_frame('fn').reset_index() + + # merge and fill empty ones with 0 + scores = TP.merge( + FN.merge(FP, how='outer'), how='outer' + ).fillna(0) + + # calculate macro_f1 score + # TODO double check F1 score correct + scores = scores.assign(f1=lambda x: x['tp'] / (x['tp'] + 1 / 2 * (x['fp'] + x['fn']))) + + return scores + +def inference(model, testloader, metrics=[]): + # TODO add options for agg method + """ + Takes a trained model and evaluates its performance based on the Macro F1 score from Kaggle as well + as custom metrics + + :param model: trained transformers model + :type model: transformers.models.* + :param testloader: data loader based on custom dataset + :type testloader: torch.utils.data.DataLoader + :param metrics: list of metrics to monitor model performance + :type metrics: list + """ + + # set model to test mode, set correct device + model.eval(); model.to(DEVICE) + + # get mapping to move from positional labels to core labels, e.g. 'B-{type}' becomes '{type}' + reduce_map = testloader.dataset.reduce_map + reduce_map_values = torch.as_tensor(list(reduce_map.values())) + reduce_map_values = move_to_device(reduce_map_values, DEVICE) + + total_metrics = [] + total_scores = [] + + with torch.no_grad(): + for i, (inputs, targets) in enumerate(testloader): + + inputs = move_to_device(inputs, DEVICE) + targets = move_to_device(targets, DEVICE) + + s = time.time() # TODO add verbose statement + loss, outputs = model( + labels=targets, + input_ids=inputs['input_ids'], + attention_mask=inputs['attention_mask'], + return_dict=False + ) + print(f'Prediction time: {time.time() - s:.3g}') + + word_ids = inputs['word_ids'] + doc_ids = inputs['index'] + + # measure performance at subtoken level + df_metrics_no_agg = pd.DataFrame.from_records({ + f'{metric.__class__.__name__}_no_agg': metric(outputs, targets) for metric in metrics + }) + + s = time.time() + # aggregate from subtoken to words # TODO strat needs to be parametrised + word_label_probas = get_word_labels(word_ids, outputs, agg_strategy='first', has_x=False) + word_label_ids = [tensor.argmax(dim=1) for tensor in word_label_probas] + + # aggregate from subtoken to words for targets. Note: agg_strategy always first + target_label_probas = get_word_labels(word_ids, targets, agg_strategy='first', has_x=False) + # TODO this is a hotfix. Need an automatic dimensioning tool! + target_label_ids = [tensor.flatten() for tensor in target_label_probas] + + + # TODO try on GPU and optimise memory and speed. Perform pandas operations on CPU + del targets, outputs + gc.collect() + torch.cuda.empty_cache() + + + # measure performance at word level, before labels are mapped to reduced form + # TODO double check metrics here is working + df_metrics_agg = pd.DataFrame.from_records({ + f'{metric.__class__.__name__}_agg': [ + metric(output, target).item() for output, target in zip(word_label_ids, target_label_ids) + ] for metric in metrics + }) + + # map word labels to reduced form + word_labels = [reduce_map_values[label_ids] for label_ids in word_label_ids] + target_labels = [reduce_map_values[label_ids] for label_ids in target_label_ids] + + print(f'Agg to word time: {time.time() - s:.3g}') + + + # measure performance at word level, for reduced labels + df_metrics_agg_reduced = pd.DataFrame.from_records({ + f'{metric.__class__.__name__}_agg_reduced': [ + metric(output, target).item() for output, target in zip(word_labels, target_labels) + ] for metric in metrics + }) + + # combine all metrics + df_metrics = pd.concat([df_metrics_no_agg, df_metrics_agg, df_metrics_agg_reduced], axis=1) + + + # get dataframes of (doc_id, class, prediction_string) + s = time.time() + df_targets_predString = get_predictionString(target_labels, doc_ids) + df_outputs_predString = get_predictionString(word_labels, doc_ids) + + print(f'Get predstring time: {time.time() - s:.3g}') + + + # get scores (and macro f1) + s = time.time() + df_scores = evaluate(df_outputs_predString, df_targets_predString) + print(f'Evaluate time: {time.time() - s:.3g}') + + total_metrics.append(df_metrics) + total_scores.append(df_scores) + print(f'Batch {i+1} complete.') + + # TODO inference is very slow.... + df_metrics_total = pd.concat(total_metrics) + df_scores_total = pd.concat(total_scores).reset_index(drop=True) + # TODO add a reduce operation on inference + + return df_metrics_total, df_scores_total diff --git a/argminer/tests/__init__.py b/argminer/tests/__init__.py new file mode 100644 index 0000000..5d8d0a1 --- /dev/null +++ b/argminer/tests/__init__.py @@ -0,0 +1,5 @@ +import warnings + +warnings.warn( + 'You are loading items testing code. This will be deleted in the future.', stacklevel=2 +) \ No newline at end of file diff --git a/argminer/tests/run_bigbird.py b/argminer/tests/run_bigbird.py new file mode 100644 index 0000000..dd7b58f --- /dev/null +++ b/argminer/tests/run_bigbird.py @@ -0,0 +1,609 @@ +# %% [markdown] +# # PyTorch BigBird NER Baseline - CV 0.615 +# This notebook is a PyTorch starter notebook for Kaggle's "Feedback Prize - Evaluating Student Writing" Competition. It demonstrates how to train, infer, and submit a model to Kaggle without internet. Currently this notebook uses +# +# * backbone BigBird (with HuggingFace's head for TokenClassification) +# * NER formulation (with `is_split_into_words=True` tokenization) +# * one fold +# +# By changing a few lines of code, we can use this notebook to evaluate different PyTorch backbones! And we can run all sorts of other experiments. If we try a backbone that doesn't accept 1024 wide tokens (like BigBird or LongFormer), then we can add a sliding window to train and inference. BigBird is a new SOTA transformer with arXiv paper [here][3] which can accept large token inputs as wide as 4096! +# +# The model in this notebook uses HuggingFace's `AutoModelForTokenClassification`. If we want a custom head, we could use `AutoModel` and then build our own head. See my TensorFlow notebook [here][2] for an example. +# +# The tokenization process uses `tokenizer(txt.split(), is_split_into_words=True)`, note that this ignores characters like `\n`. If we want our model to see new paragraphs, we need to rewrite this code and avoid `is_split_into_words=True`. See my TensorFlow notebook [here][2] for an example. +# +# This notebook uses many code cells from Raghavendrakotala's great notebook [here][1]. Don't forget to upvote Raghavendrakotala's notebook :-) +# +# [1]: https://www.kaggle.com/raghavendrakotala/fine-tunned-on-roberta-base-as-ner-problem-0-533 +# [2]: https://www.kaggle.com/cdeotte/tensorflow-longformer-ner-cv-0-617 +# [3]: https://arxiv.org/abs/2007.14062 + +# %% [markdown] +# # Configuration +# This notebook can either train a new model or load a previously trained model (made from previous notebook version). Furthermore, this notebook can either create new NER labels or load existing NER labels (made from previous notebook version). In this notebook version, we will load model and load NER labels. +# +# Also this notebook can load huggingface stuff (like tokenizers) from a Kaggle dataset, or download it from internet. (If it downloads from internet, you can then put it in a Kaggle dataset, so next time you can turn internet off). + +# %% [code] {"execution":{"iopub.status.busy":"2022-03-12T18:24:18.036934Z","iopub.execute_input":"2022-03-12T18:24:18.037239Z","iopub.status.idle":"2022-03-12T18:24:18.042773Z","shell.execute_reply.started":"2022-03-12T18:24:18.037207Z","shell.execute_reply":"2022-03-12T18:24:18.041948Z"}} +import os +from os.path import join +import time + +ROOT_DIR = 'data' +DATA_DIR = join(ROOT_DIR, 'feedback-prize-2021') +TRAIN_DIR = join(DATA_DIR, 'train') +TEST_DIR = join(DATA_DIR, 'test') +TRAIN_CSV_PATH = join(DATA_DIR, 'train.csv') + + + +# DECLARE HOW MANY GPUS YOU WISH TO USE. +# KAGGLE ONLY HAS 1, BUT OFFLINE, YOU CAN USE MORE +os.environ["CUDA_VISIBLE_DEVICES"] = "0" # 0,1,2,3 for four gpu + +# VERSION FOR SAVING MODEL WEIGHTS +VER = os.environ.get('VER', 0) +LOC_MODEL_NAME = os.environ.get('LOC_MODEL_NAME', 'py-bigbird') +LOC_MODEL_NAME = f'{LOC_MODEL_NAME}_v{VER}' + + +# IF VARIABLE IS NONE, THEN NOTEBOOK COMPUTES TOKENS +# OTHERWISE NOTEBOOK LOADS TOKENS FROM PATH +LOAD_TOKENS_FROM = join(ROOT_DIR, LOC_MODEL_NAME) if not VER else None + +# IF VARIABLE IS NONE, THEN NOTEBOOK TRAINS A NEW MODEL +# OTHERWISE IT LOADS YOUR PREVIOUSLY TRAINED MODEL +LOAD_MODEL_FROM = join(ROOT_DIR, LOC_MODEL_NAME) if not VER else None + +# IF FOLLOWING IS NONE, THEN NOTEBOOK +# USES INTERNET AND DOWNLOADS HUGGINGFACE +# CONFIG, TOKENIZER, AND MODEL +DOWNLOADED_MODEL_PATH = join(ROOT_DIR, LOC_MODEL_NAME) if not VER else None + +if DOWNLOADED_MODEL_PATH is None: + DOWNLOADED_MODEL_PATH = 'model' +MODEL_NAME = 'google/bigbird-roberta-base' + +# %% [code] {"execution":{"iopub.status.busy":"2022-03-12T18:24:20.121002Z","iopub.execute_input":"2022-03-12T18:24:20.121557Z","iopub.status.idle":"2022-03-12T18:24:20.130501Z","shell.execute_reply.started":"2022-03-12T18:24:20.121517Z","shell.execute_reply":"2022-03-12T18:24:20.129527Z"}} +from torch import cuda + +config = {'model_name': MODEL_NAME, + 'max_length': 1024, + 'train_batch_size': 4, + 'valid_batch_size': 4, + 'epochs': 5, + 'learning_rates': [2.5e-5, 2.5e-5, 2.5e-6, 2.5e-6, 2.5e-7], + 'max_grad_norm': 10, + 'device': 'cuda' if cuda.is_available() else 'cpu'} + +# THIS WILL COMPUTE VAL SCORE DURING COMMIT BUT NOT DURING SUBMIT +COMPUTE_VAL_SCORE = True +if len(os.listdir(TEST_DIR)) > 5: + COMPUTE_VAL_SCORE = False + +# %% [markdown] +# # How To Submit PyTorch Without Internet +# Many people ask me, how do I submit PyTorch models without internet? With HuggingFace Transformer, it's easy. Just download the following 3 things (1) model weights, (2) tokenizer files, (3) config file, and upload them to a Kaggle dataset. Below shows code how to get the files from HuggingFace for Google's BigBird-base. But this same code can download any transformer, like for example roberta-base. + +# %% [code] {"execution":{"iopub.status.busy":"2022-03-12T18:24:20.852257Z","iopub.execute_input":"2022-03-12T18:24:20.852566Z","iopub.status.idle":"2022-03-12T18:24:20.871892Z","shell.execute_reply.started":"2022-03-12T18:24:20.852529Z","shell.execute_reply":"2022-03-12T18:24:20.871218Z"}} +from transformers import * + +if DOWNLOADED_MODEL_PATH == 'model': + os.mkdir('model') + + tokenizer = AutoTokenizer.from_pretrained(MODEL_NAME, add_prefix_space=True) + tokenizer.save_pretrained('model') + + config_model = AutoConfig.from_pretrained(MODEL_NAME) + config_model.num_labels = 15 + config_model.save_pretrained('model') + + backbone = AutoModelForTokenClassification.from_pretrained(MODEL_NAME, + config=config_model) + backbone.save_pretrained('model') + +# %% [markdown] +# # Load Data and Libraries +# In addition to loading the train dataframe, we will load all the train and text files and save them in a dataframe. + +# %% [code] {"papermill":{"duration":3.432226,"end_time":"2021-12-21T12:12:07.26275","exception":false,"start_time":"2021-12-21T12:12:03.830524","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-03-12T18:24:24.409513Z","iopub.execute_input":"2022-03-12T18:24:24.409774Z","iopub.status.idle":"2022-03-12T18:24:24.416351Z","shell.execute_reply.started":"2022-03-12T18:24:24.409745Z","shell.execute_reply":"2022-03-12T18:24:24.41557Z"}} +import numpy as np, os +import pandas as pd, gc +from tqdm import tqdm + +from transformers import AutoTokenizer, AutoModelForTokenClassification +from torch.utils.data import Dataset, DataLoader +import torch +from sklearn.metrics import accuracy_score + +# %% [code] {"papermill":{"duration":1.866495,"end_time":"2021-12-21T12:12:09.158087","exception":false,"start_time":"2021-12-21T12:12:07.291592","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-03-12T18:24:25.052334Z","iopub.execute_input":"2022-03-12T18:24:25.052866Z","iopub.status.idle":"2022-03-12T18:24:25.821754Z","shell.execute_reply.started":"2022-03-12T18:24:25.052828Z","shell.execute_reply":"2022-03-12T18:24:25.820976Z"}} +train_df = pd.read_csv(TRAIN_CSV_PATH) +print(train_df.shape) +train_df.head() + +# %% [code] {"papermill":{"duration":0.083228,"end_time":"2021-12-21T12:12:09.396487","exception":false,"start_time":"2021-12-21T12:12:09.313259","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-03-12T18:24:27.970141Z","iopub.execute_input":"2022-03-12T18:24:27.970677Z","iopub.status.idle":"2022-03-12T18:24:27.986326Z","shell.execute_reply.started":"2022-03-12T18:24:27.970642Z","shell.execute_reply":"2022-03-12T18:24:27.985731Z"}} +# https://www.kaggle.com/raghavendrakotala/fine-tunned-on-roberta-base-as-ner-problem-0-533 +test_names, test_texts = [], [] +for f in list(os.listdir(TEST_DIR)): + test_names.append(f.replace('.txt', '')) + test_texts.append(open(os.path.join(TEST_DIR, f), 'r').read()) +test_texts = pd.DataFrame({'id': test_names, 'text': test_texts}) +test_texts.head() + +# %% [code] {"papermill":{"duration":38.695201,"end_time":"2021-12-21T12:12:48.120383","exception":false,"start_time":"2021-12-21T12:12:09.425182","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-03-12T18:24:32.2065Z","iopub.execute_input":"2022-03-12T18:24:32.206949Z","iopub.status.idle":"2022-03-12T18:24:39.084573Z","shell.execute_reply.started":"2022-03-12T18:24:32.206892Z","shell.execute_reply":"2022-03-12T18:24:39.083833Z"}} +# https://www.kaggle.com/raghavendrakotala/fine-tunned-on-roberta-base-as-ner-problem-0-533 +test_names, train_texts = [], [] + +for f in tqdm(list(os.listdir(TRAIN_DIR))): + test_names.append(f.replace('.txt', '')) + train_texts.append(open(os.path.join(TRAIN_DIR, f), 'r').read()) +train_text_df = pd.DataFrame({'id': test_names, 'text': train_texts}) +train_text_df.head() + +# %% [markdown] {"papermill":{"duration":0.123678,"end_time":"2021-12-21T12:12:48.368476","exception":false,"start_time":"2021-12-21T12:12:48.244798","status":"completed"},"tags":[]} +# # Convert Train Text to NER Labels +# We will now convert all text words into NER labels and save in a dataframe. + +# %% [code] {"execution":{"iopub.status.busy":"2022-03-12T18:24:43.851532Z","iopub.execute_input":"2022-03-12T18:24:43.851819Z","iopub.status.idle":"2022-03-12T18:24:56.454943Z","shell.execute_reply.started":"2022-03-12T18:24:43.851785Z","shell.execute_reply":"2022-03-12T18:24:56.454225Z"}} +if not LOAD_TOKENS_FROM: + all_entities = [] + for ii, i in enumerate(train_text_df.iterrows()): + if ii % 100 == 0: print(ii, ', ', end='') + total = i[1]['text'].split().__len__() + entities = ["O"] * total + for j in train_df[train_df['id'] == i[1]['id']].iterrows(): + discourse = j[1]['discourse_type'] + list_ix = [int(x) for x in j[1]['predictionstring'].split(' ')] + entities[list_ix[0]] = f"B-{discourse}" + for k in list_ix[1:]: entities[k] = f"I-{discourse}" + all_entities.append(entities) + train_text_df['entities'] = all_entities + train_text_df.to_csv('train_NER.csv', index=False) + +else: + from ast import literal_eval + + train_text_df = pd.read_csv(f'{LOAD_TOKENS_FROM}/train_NER.csv') + # pandas saves lists as string, we must convert back + train_text_df.entities = train_text_df.entities.apply(lambda x: literal_eval(x)) + +print(train_text_df.shape) +train_text_df.head() + +# %% [code] {"papermill":{"duration":0.940609,"end_time":"2021-12-21T12:18:50.456125","exception":false,"start_time":"2021-12-21T12:18:49.515516","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-03-12T18:25:06.69618Z","iopub.execute_input":"2022-03-12T18:25:06.696457Z","iopub.status.idle":"2022-03-12T18:25:06.702495Z","shell.execute_reply.started":"2022-03-12T18:25:06.696427Z","shell.execute_reply":"2022-03-12T18:25:06.701576Z"}} +# CREATE DICTIONARIES THAT WE CAN USE DURING TRAIN AND INFER +output_labels = ['O', 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', 'B-Counterclaim', + 'I-Counterclaim', + 'B-Rebuttal', 'I-Rebuttal', 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', + 'I-Concluding Statement'] + +labels_to_ids = {v: k for k, v in enumerate(output_labels)} +ids_to_labels = {k: v for k, v in enumerate(output_labels)} + +# %% [code] {"papermill":{"duration":0.994404,"end_time":"2021-12-21T12:18:52.798977","exception":false,"start_time":"2021-12-21T12:18:51.804573","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-03-12T18:25:07.810776Z","iopub.execute_input":"2022-03-12T18:25:07.811647Z","iopub.status.idle":"2022-03-12T18:25:07.817875Z","shell.execute_reply.started":"2022-03-12T18:25:07.811599Z","shell.execute_reply":"2022-03-12T18:25:07.817188Z"}} +labels_to_ids + +# %% [markdown] {"papermill":{"duration":1.001889,"end_time":"2021-12-21T12:18:54.981896","exception":false,"start_time":"2021-12-21T12:18:53.980007","status":"completed"},"tags":[]} +# # Define the dataset function +# Below is our PyTorch dataset function. It always outputs tokens and attention. During training it also provides labels. And during inference it also provides word ids to help convert token predictions into word predictions. +# +# Note that we use `text.split()` and `is_split_into_words=True` when we convert train text to labeled train tokens. This is how the HugglingFace tutorial does it. However, this removes characters like `\n` new paragraph. If you want your model to see new paragraphs, then we need to map words to tokens ourselves using `return_offsets_mapping=True`. See my TensorFlow notebook [here][1] for an example. +# +# Some of the following code comes from the example at HuggingFace [here][2]. However I think the code at that link is wrong. The HuggingFace original code is [here][3]. With the flag `LABEL_ALL` we can either label just the first subword token (when one word has more than one subword token). Or we can label all the subword tokens (with the word's label). In this notebook version, we label all the tokens. There is a Kaggle discussion [here][4] +# +# [1]: https://www.kaggle.com/cdeotte/tensorflow-longformer-ner-cv-0-617 +# [2]: https://huggingface.co/docs/transformers/custom_datasets#tok_ner +# [3]: https://github.com/huggingface/transformers/blob/86b40073e9aee6959c8c85fcba89e47b432c4f4d/examples/pytorch/token-classification/run_ner.py#L371 +# [4]: https://www.kaggle.com/c/feedback-prize-2021/discussion/296713 + +# %% [code] {"papermill":{"duration":0.934726,"end_time":"2021-12-21T12:18:56.852259","exception":false,"start_time":"2021-12-21T12:18:55.917533","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-03-12T18:25:09.943353Z","iopub.execute_input":"2022-03-12T18:25:09.943718Z","iopub.status.idle":"2022-03-12T18:25:09.954748Z","shell.execute_reply.started":"2022-03-12T18:25:09.943684Z","shell.execute_reply":"2022-03-12T18:25:09.953867Z"}} +LABEL_ALL_SUBTOKENS = True + + +class dataset(Dataset): + def __init__(self, dataframe, tokenizer, max_len, get_wids): + self.len = len(dataframe) + self.data = dataframe + self.tokenizer = tokenizer + self.max_len = max_len + self.get_wids = get_wids # for validation + + def __getitem__(self, index): + # GET TEXT AND WORD LABELS + text = self.data.text[index] + word_labels = self.data.entities[index] if not self.get_wids else None + + # TOKENIZE TEXT + encoding = self.tokenizer(text.split(), + is_split_into_words=True, + # return_offsets_mapping=True, + padding='max_length', + truncation=True, + max_length=self.max_len) + word_ids = encoding.word_ids() + + # CREATE TARGETS + if not self.get_wids: + previous_word_idx = None + label_ids = [] + for word_idx in word_ids: + if word_idx is None: + label_ids.append(-100) + elif word_idx != previous_word_idx: + label_ids.append(labels_to_ids[word_labels[word_idx]]) + else: + if LABEL_ALL_SUBTOKENS: + label_ids.append(labels_to_ids[word_labels[word_idx]]) + else: + label_ids.append(-100) + previous_word_idx = word_idx + encoding['labels'] = label_ids + + # CONVERT TO TORCH TENSORS + item = {key: torch.as_tensor(val) for key, val in encoding.items()} + if self.get_wids: + word_ids2 = [w if w is not None else -1 for w in word_ids] + item['wids'] = torch.as_tensor(word_ids2) + + return item + + def __len__(self): + return self.len + + +# %% [markdown] {"papermill":{"duration":0.936225,"end_time":"2021-12-21T12:19:08.206923","exception":false,"start_time":"2021-12-21T12:19:07.270698","status":"completed"},"tags":[]} +# # Create Train and Validation Dataloaders +# We will use the same train and validation subsets as my TensorFlow notebook [here][1]. Then we can compare results. And/or experiment with ensembling the validation fold predictions. +# +# [1]: https://www.kaggle.com/cdeotte/tensorflow-longformer-ner-cv-0-617 + +# %% [code] {"execution":{"iopub.status.busy":"2022-03-12T18:25:11.267476Z","iopub.execute_input":"2022-03-12T18:25:11.267727Z","iopub.status.idle":"2022-03-12T18:25:11.289536Z","shell.execute_reply.started":"2022-03-12T18:25:11.267698Z","shell.execute_reply":"2022-03-12T18:25:11.288817Z"}} +# CHOOSE VALIDATION INDEXES (that match my TF notebook) +IDS = train_df.id.unique() +print('There are', len(IDS), 'train texts. We will split 90% 10% for validation.') + +# TRAIN VALID SPLIT 90% 10% +np.random.seed(42) +train_idx = np.random.choice(np.arange(len(IDS)), int(0.9 * len(IDS)), replace=False) +valid_idx = np.setdiff1d(np.arange(len(IDS)), train_idx) +np.random.seed(None) + +# %% [code] {"papermill":{"duration":0.953973,"end_time":"2021-12-21T12:19:10.088215","exception":false,"start_time":"2021-12-21T12:19:09.134242","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-03-12T18:25:12.379503Z","iopub.execute_input":"2022-03-12T18:25:12.380039Z","iopub.status.idle":"2022-03-12T18:25:12.484832Z","shell.execute_reply.started":"2022-03-12T18:25:12.380001Z","shell.execute_reply":"2022-03-12T18:25:12.484039Z"}} +# CREATE TRAIN SUBSET AND VALID SUBSET +data = train_text_df[['id', 'text', 'entities']] +train_dataset = data.loc[data['id'].isin(IDS[train_idx]), ['text', 'entities']].reset_index(drop=True) +test_dataset = data.loc[data['id'].isin(IDS[valid_idx])].reset_index(drop=True) + +print("FULL Dataset: {}".format(data.shape)) +print("TRAIN Dataset: {}".format(train_dataset.shape)) +print("TEST Dataset: {}".format(test_dataset.shape)) + +tokenizer = AutoTokenizer.from_pretrained(DOWNLOADED_MODEL_PATH) +training_set = dataset(train_dataset, tokenizer, config['max_length'], False) +testing_set = dataset(test_dataset, tokenizer, config['max_length'], True) + +# %% [code] {"papermill":{"duration":0.955464,"end_time":"2021-12-21T12:19:12.022567","exception":false,"start_time":"2021-12-21T12:19:11.067103","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-03-12T18:25:13.961431Z","iopub.execute_input":"2022-03-12T18:25:13.961987Z","iopub.status.idle":"2022-03-12T18:25:13.996222Z","shell.execute_reply.started":"2022-03-12T18:25:13.961949Z","shell.execute_reply":"2022-03-12T18:25:13.995334Z"}} +# TRAIN DATASET AND VALID DATASET +train_params = {'batch_size': config['train_batch_size'], + 'shuffle': True, + 'num_workers': 2, + 'pin_memory': True + } + +test_params = {'batch_size': config['valid_batch_size'], + 'shuffle': False, + 'num_workers': 2, + 'pin_memory': True + } + +training_loader = DataLoader(training_set, **train_params) +testing_loader = DataLoader(testing_set, **test_params) + +# TEST DATASET +test_texts_set = dataset(test_texts, tokenizer, config['max_length'], True) +test_texts_loader = DataLoader(test_texts_set, **test_params) + + +# %% [markdown] +# # Train Model +# The PyTorch train function is taken from Raghavendrakotala's great notebook [here][1]. I assume it uses a masked loss which avoids computing loss when target is `-100`. If not, we need to update this. +# +# In Kaggle notebooks, we will train our model for 5 epochs `batch_size=4` with Adam optimizer and learning rates `LR = [2.5e-5, 2.5e-5, 2.5e-6, 2.5e-6, 2.5e-7]`. The loaded model was trained offline with `batch_size=8` and `LR = [5e-5, 5e-5, 5e-6, 5e-6, 5e-7]`. (Note the learning rate changes `e-5`, `e-6`, and `e-7`). Using `batch_size=4` will probably achieve a better validation score than `batch_size=8`, but I haven't tried yet. +# +# [1]: https://www.kaggle.com/raghavendrakotala/fine-tunned-on-roberta-base-as-ner-problem-0-533 + +# %% [code] {"papermill":{"duration":1.00345,"end_time":"2021-12-21T12:19:31.294225","exception":false,"start_time":"2021-12-21T12:19:30.290775","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2022-03-12T18:25:15.686455Z","iopub.execute_input":"2022-03-12T18:25:15.686705Z","iopub.status.idle":"2022-03-12T18:25:15.701769Z","shell.execute_reply.started":"2022-03-12T18:25:15.686677Z","shell.execute_reply":"2022-03-12T18:25:15.700843Z"}} +# https://www.kaggle.com/raghavendrakotala/fine-tunned-on-roberta-base-as-ner-problem-0-533 +def train(epoch): + tr_loss, tr_accuracy = 0, 0 + nb_tr_examples, nb_tr_steps = 0, 0 + # tr_preds, tr_labels = [], [] + + # put model in training mode + model.train() + + start_batch_load = time.time() + for idx, batch in enumerate(training_loader): + start_train = time.time() + + ids = batch['input_ids'].to(config['device'], dtype=torch.long) + mask = batch['attention_mask'].to(config['device'], dtype=torch.long) + labels = batch['labels'].to(config['device'], dtype=torch.long) + + loss, tr_logits = model(input_ids=ids, attention_mask=mask, labels=labels, + return_dict=False) + tr_loss += loss.item() + + nb_tr_steps += 1 + nb_tr_examples += labels.size(0) + + if idx % 200 == 0: + loss_step = tr_loss / nb_tr_steps + print(f"Training loss after {idx:04d} training steps: {loss_step}") + + # compute training accuracy + flattened_targets = labels.view(-1) # shape (batch_size * seq_len,) + active_logits = tr_logits.view(-1, model.num_labels) # shape (batch_size * seq_len, num_labels) + flattened_predictions = torch.argmax(active_logits, axis=1) # shape (batch_size * seq_len,) + + # only compute accuracy at active labels + active_accuracy = labels.view(-1) != -100 # shape (batch_size, seq_len) + # active_labels = torch.where(active_accuracy, labels.view(-1), torch.tensor(-100).type_as(labels)) + + labels = torch.masked_select(flattened_targets, active_accuracy) + predictions = torch.masked_select(flattened_predictions, active_accuracy) + + # tr_labels.extend(labels) + # tr_preds.extend(predictions) + + tmp_tr_accuracy = accuracy_score(labels.cpu().numpy(), predictions.cpu().numpy()) + tr_accuracy += tmp_tr_accuracy + + # gradient clipping + torch.nn.utils.clip_grad_norm_( + parameters=model.parameters(), max_norm=config['max_grad_norm'] + ) + + # backward pass + optimizer.zero_grad() + loss.backward() + optimizer.step() + end_train = time.time() + print( + f'Completed batch {idx + 1}: Total time ({end_train - start_batch_load: .3g}), Load time ({start_train - start_batch_load}), Train time ({end_train - start_train})') + start_batch_load = time.time() + + epoch_loss = tr_loss / nb_tr_steps + tr_accuracy = tr_accuracy / nb_tr_steps + print(f"Training loss epoch: {epoch_loss}") + print(f"Training accuracy epoch: {tr_accuracy}") + + +# %% [code] {"execution":{"iopub.status.busy":"2022-03-12T18:25:16.880842Z","iopub.execute_input":"2022-03-12T18:25:16.881533Z","iopub.status.idle":"2022-03-12T18:25:18.454143Z","shell.execute_reply.started":"2022-03-12T18:25:16.881497Z","shell.execute_reply":"2022-03-12T18:25:18.453197Z"}} +# CREATE MODEL +config_model = AutoConfig.from_pretrained(DOWNLOADED_MODEL_PATH + '/config.json') +model = AutoModelForTokenClassification.from_pretrained( + DOWNLOADED_MODEL_PATH + '/pytorch_model.bin', config=config_model) +model.to(config['device']) +optimizer = torch.optim.Adam(params=model.parameters(), lr=config['learning_rates'][0]) + +# %% [code] {"execution":{"iopub.status.busy":"2022-03-12T18:22:47.774277Z","iopub.execute_input":"2022-03-12T18:22:47.774961Z","iopub.status.idle":"2022-03-12T18:22:48.120368Z","shell.execute_reply.started":"2022-03-12T18:22:47.774917Z","shell.execute_reply":"2022-03-12T18:22:48.119453Z"}} +# LOOP TO TRAIN MODEL (or load model) +if not LOAD_MODEL_FROM: + for epoch in range(config['epochs']): + + print(f"### Training epoch: {epoch + 1}") + for g in optimizer.param_groups: + g['lr'] = config['learning_rates'][epoch] + lr = optimizer.param_groups[0]['lr'] + print(f'### LR = {lr}\n') + + train(epoch) + torch.cuda.empty_cache() + gc.collect() + + torch.save(model.state_dict(), f'{LOC_MODEL_NAME}_v{VER}.pt') +else: + + model.load_state_dict(torch.load(f'{LOAD_MODEL_FROM}/{LOC_MODEL_NAME}_v{VER}.pt')) + print('Model loaded.') + +# %% [code] {"execution":{"iopub.status.busy":"2022-03-12T18:25:22.54889Z","iopub.execute_input":"2022-03-12T18:25:22.549597Z"}} +for epoch in range(config['epochs']): + + print(f"### Training epoch: {epoch + 1}") + for g in optimizer.param_groups: + g['lr'] = config['learning_rates'][epoch] + lr = optimizer.param_groups[0]['lr'] + print(f'### LR = {lr}\n') + + train(epoch) + torch.cuda.empty_cache() + gc.collect() + +torch.save(model.state_dict(), f'{LOC_MODEL_NAME}_v{VER}.pt') + + +# %% [markdown] +# # Inference and Validation Code +# We will infer in batches using our data loader which is faster than inferring one text at a time with a for-loop. The metric code is taken from Rob Mulla's great notebook [here][2]. Our model achieves validation F1 score 0.615! +# +# During inference our model will make predictions for each subword token. Some single words consist of multiple subword tokens. In the code below, we use a word's first subword token prediction as the label for the entire word. We can try other approaches, like averaging all subword predictions or taking `B` labels before `I` labels etc. +# +# [1]: https://www.kaggle.com/raghavendrakotala/fine-tunned-on-roberta-base-as-ner-problem-0-533 +# [2]: https://www.kaggle.com/robikscube/student-writing-competition-twitch + +# %% [code] {"execution":{"iopub.status.busy":"2021-12-24T18:51:26.626644Z","iopub.execute_input":"2021-12-24T18:51:26.626902Z","iopub.status.idle":"2021-12-24T18:51:26.63465Z","shell.execute_reply.started":"2021-12-24T18:51:26.626869Z","shell.execute_reply":"2021-12-24T18:51:26.633853Z"}} +def inference(batch): + # MOVE BATCH TO GPU AND INFER + ids = batch["input_ids"].to(config['device']) + mask = batch["attention_mask"].to(config['device']) + outputs = model(ids, attention_mask=mask, return_dict=False) + all_preds = torch.argmax(outputs[0], axis=-1).cpu().numpy() + + # INTERATE THROUGH EACH TEXT AND GET PRED + predictions = [] + for k, text_preds in enumerate(all_preds): + token_preds = [ids_to_labels[i] for i in text_preds] + + prediction = [] + word_ids = batch['wids'][k].numpy() + previous_word_idx = -1 + for idx, word_idx in enumerate(word_ids): + if word_idx == -1: + pass + elif word_idx != previous_word_idx: + prediction.append(token_preds[idx]) + previous_word_idx = word_idx + predictions.append(prediction) + + return predictions + + +# %% [code] {"execution":{"iopub.status.busy":"2021-12-24T18:51:26.636067Z","iopub.execute_input":"2021-12-24T18:51:26.636584Z","iopub.status.idle":"2021-12-24T18:51:26.647585Z","shell.execute_reply.started":"2021-12-24T18:51:26.636546Z","shell.execute_reply":"2021-12-24T18:51:26.646928Z"}} +# https://www.kaggle.com/zzy990106/pytorch-ner-infer +# code has been modified from original +def get_predictions(df=test_dataset, loader=testing_loader): + # put model in training mode + model.eval() + + # GET WORD LABEL PREDICTIONS + y_pred2 = [] + for batch in loader: + labels = inference(batch) + y_pred2.extend(labels) + + final_preds2 = [] + for i in range(len(df)): + + idx = df.id.values[i] + # pred = [x.replace('B-','').replace('I-','') for x in y_pred2[i]] + pred = y_pred2[i] # Leave "B" and "I" + preds = [] + j = 0 + while j < len(pred): + cls = pred[j] + if cls == 'O': + j += 1 + else: + cls = cls.replace('B', 'I') # spans start with B + end = j + 1 + while end < len(pred) and pred[end] == cls: + end += 1 + + if cls != 'O' and cls != '' and end - j > 7: + final_preds2.append((idx, cls.replace('I-', ''), + ' '.join(map(str, list(range(j, end)))))) + + j = end + + oof = pd.DataFrame(final_preds2) + oof.columns = ['id', 'class', 'predictionstring'] + + return oof + + +# %% [code] {"execution":{"iopub.status.busy":"2021-12-24T18:51:26.649284Z","iopub.execute_input":"2021-12-24T18:51:26.649674Z","iopub.status.idle":"2021-12-24T18:51:26.66552Z","shell.execute_reply.started":"2021-12-24T18:51:26.649639Z","shell.execute_reply":"2021-12-24T18:51:26.664844Z"}} +# from Rob Mulla @robikscube +# https://www.kaggle.com/robikscube/student-writing-competition-twitch +def calc_overlap(row): + """ + Calculates the overlap between prediction and + ground truth and overlap percentages used for determining + true positives. + """ + set_pred = set(row.predictionstring_pred.split(' ')) + set_gt = set(row.predictionstring_gt.split(' ')) + # Length of each and intersection + len_gt = len(set_gt) + len_pred = len(set_pred) + inter = len(set_gt.intersection(set_pred)) + overlap_1 = inter / len_gt + overlap_2 = inter / len_pred + return [overlap_1, overlap_2] + + +def score_feedback_comp(pred_df, gt_df): + """ + A function that scores for the kaggle + Student Writing Competition + + Uses the steps in the evaluation page here: + https://www.kaggle.com/c/feedback-prize-2021/overview/evaluation + """ + gt_df = gt_df[['id', 'discourse_type', 'predictionstring']] \ + .reset_index(drop=True).copy() + pred_df = pred_df[['id', 'class', 'predictionstring']] \ + .reset_index(drop=True).copy() + pred_df['pred_id'] = pred_df.index + gt_df['gt_id'] = gt_df.index + # Step 1. all ground truths and predictions for a given class are compared. + joined = pred_df.merge(gt_df, + left_on=['id', 'class'], + right_on=['id', 'discourse_type'], + how='outer', + suffixes=('_pred', '_gt') + ) + joined['predictionstring_gt'] = joined['predictionstring_gt'].fillna(' ') + joined['predictionstring_pred'] = joined['predictionstring_pred'].fillna(' ') + + joined['overlaps'] = joined.apply(calc_overlap, axis=1) + + # 2. If the overlap between the ground truth and prediction is >= 0.5, + # and the overlap between the prediction and the ground truth >= 0.5, + # the prediction is a match and considered a true positive. + # If multiple matches exist, the match with the highest pair of overlaps is taken. + joined['overlap1'] = joined['overlaps'].apply(lambda x: eval(str(x))[0]) + joined['overlap2'] = joined['overlaps'].apply(lambda x: eval(str(x))[1]) + + joined['potential_TP'] = (joined['overlap1'] >= 0.5) & (joined['overlap2'] >= 0.5) + joined['max_overlap'] = joined[['overlap1', 'overlap2']].max(axis=1) + tp_pred_ids = joined.query('potential_TP') \ + .sort_values('max_overlap', ascending=False) \ + .groupby(['id', 'predictionstring_gt']).first()['pred_id'].values + + # 3. Any unmatched ground truths are false negatives + # and any unmatched predictions are false positives. + fp_pred_ids = [p for p in joined['pred_id'].unique() if p not in tp_pred_ids] + + matched_gt_ids = joined.query('potential_TP')['gt_id'].unique() + unmatched_gt_ids = [c for c in joined['gt_id'].unique() if c not in matched_gt_ids] + + # Get numbers of each type + TP = len(tp_pred_ids) + FP = len(fp_pred_ids) + FN = len(unmatched_gt_ids) + # calc microf1 + my_f1_score = TP / (TP + 0.5 * (FP + FN)) + return my_f1_score + + +# %% [code] {"execution":{"iopub.status.busy":"2021-12-24T18:51:26.66668Z","iopub.execute_input":"2021-12-24T18:51:26.666937Z","iopub.status.idle":"2021-12-24T18:53:12.478642Z","shell.execute_reply.started":"2021-12-24T18:51:26.666902Z","shell.execute_reply":"2021-12-24T18:53:12.477793Z"}} +if COMPUTE_VAL_SCORE: # note this doesn't run during submit + # VALID TARGETS + valid = train_df.loc[train_df['id'].isin(IDS[valid_idx])] + + # OOF PREDICTIONS + oof = get_predictions(test_dataset, testing_loader) + + # COMPUTE F1 SCORE + f1s = [] + CLASSES = oof['class'].unique() + for c in CLASSES: + pred_df = oof.loc[oof['class'] == c].copy() + gt_df = valid.loc[valid['discourse_type'] == c].copy() + f1 = score_feedback_comp(pred_df, gt_df) + print(c, f1) + f1s.append(f1) + print('Overall', np.mean(f1s)) + +# %% [markdown] {"papermill":{"duration":1.170872,"end_time":"2021-12-21T12:58:34.316729","exception":false,"start_time":"2021-12-21T12:58:33.145857","status":"completed"},"tags":[]} +# # Infer Test Data and Write Submission CSV +# We will now infer the test data and write submission CSV + +# %% [code] {"papermill":{"duration":0.998396,"end_time":"2021-12-21T12:58:50.260737","exception":false,"start_time":"2021-12-21T12:58:49.262341","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2021-12-24T18:53:12.480154Z","iopub.execute_input":"2021-12-24T18:53:12.48045Z","iopub.status.idle":"2021-12-24T18:53:13.074441Z","shell.execute_reply.started":"2021-12-24T18:53:12.480399Z","shell.execute_reply":"2021-12-24T18:53:13.073708Z"}} +sub = get_predictions(test_texts, test_texts_loader) +sub.head() + +# %% [code] {"papermill":{"duration":1.020359,"end_time":"2021-12-21T12:58:54.413788","exception":false,"start_time":"2021-12-21T12:58:53.393429","status":"completed"},"tags":[],"execution":{"iopub.status.busy":"2021-12-24T18:53:13.076066Z","iopub.execute_input":"2021-12-24T18:53:13.076315Z","iopub.status.idle":"2021-12-24T18:53:13.083963Z","shell.execute_reply.started":"2021-12-24T18:53:13.07628Z","shell.execute_reply":"2021-12-24T18:53:13.083318Z"}} +sub.to_csv("submission.csv", index=False) \ No newline at end of file diff --git a/argminer/utils.py b/argminer/utils.py new file mode 100644 index 0000000..90d12fc --- /dev/null +++ b/argminer/utils.py @@ -0,0 +1,307 @@ +# -- public imports +import io +import os +import json +import base64 + +import pandas as pd + +import smtplib + +from email.mime.text import MIMEText +from email.mime.multipart import MIMEMultipart +from email.mime.image import MIMEImage + +import matplotlib.pyplot as plt +# -- private imports + +# -- dev imports +from argminer.config import EMAIL, EMAIL_PASSWORD, EMAIL_RECIPIENTS, PREDICTION_STRING_START_ID, LABELS_MAP_DICT + + + +def _get_label_maps(unique_labels, strategy): + unique_labels = [label for label in unique_labels if label != 'Other'] + labels = ['O'] + if strategy == 'io': + for label in unique_labels: + labels.append(f'I-{label}') + elif strategy == 'bio': + for label in unique_labels: + labels.append(f'B-{label}') + labels.append(f'I-{label}') + elif strategy == 'bieo': + for label in unique_labels: + labels.append(f'B-{label}') + labels.append(f'I-{label}') + labels.append(f'E-{label}') + elif strategy == 'bixo': + labels.append('X') + for label in unique_labels: + labels.append(f'B-{label}') + labels.append(f'I-{label}') + else: + raise NotImplementedError(f'Strategy {strategy} has not implementation yet.') + + return pd.DataFrame({ + 'label': labels + }).reset_index().rename(columns={'index': 'label_id'}) + + +# TODO these need to move to other packages as well +def send_job_completion_report(job_name): + + SENDER = EMAIL + SENDER_PASSWORD = EMAIL_PASSWORD + RECIEVER = EMAIL_RECIPIENTS + + # email parameters + JOB_STATUS = 'SUCCESS' if os.path.exists('scores.json') else 'FAILED' + MODEL_NAME = os.environ.get('MODEL_NAME') + MAX_LENGTH = os.environ.get('MAX_LENGTH') + EPOCHS = os.environ.get('EPOCHS') + BATCH_SIZE = os.environ.get('BATCH_SIZE') + VERBOSE = os.environ.get('VERBOSE') + SAVE_FREQ = os.environ.get('SAVE_FREQ') + TEST_SIZE = os.environ.get('TEST_SIZE') + DATASET = os.environ.get('DATASET') + STRATEGY = os.environ.get('STRATEGY') + RUN_INFERENCE = os.environ.get('RUN_INFERENCE') + + subject = f'JOB {job_name}: {JOB_STATUS}' + + mail_content = f''' + JOB PARAMETERS: + --------------- + MODEL_NAME: {MODEL_NAME} + MAX_LENGTH: {MAX_LENGTH} + + DATASET: {DATASET} + STRATEGY: {STRATEGY} + TEST_SIZE: {TEST_SIZE} + + EPOCHS: {EPOCHS} + BATCH_SIZE: {BATCH_SIZE} + VERBOSE: {VERBOSE} + SAVE_FREQ: {SAVE_FREQ} + ''' + if RUN_INFERENCE and JOB_STATUS == 'SUCCESS': + strat_level, strat_label = STRATEGY.split('_') + df_label_map = LABELS_MAP_DICT[DATASET][strat_label] + df_scores = pd.read_json('scores.json') + df_label_map = df_label_map.merge( + df_scores.groupby('class').mean().reset_index(), how='left', left_on='label_id', right_on='class' + # TODO this will fail hard if you make changes to the code. Needs to be more robust for reporting + ).set_index('label')[['f1']] + + macro_f1 = df_label_map['f1'].mean() + macro_f1_nan = df_label_map['f1'].fillna(0).mean() + mail_content += f''' + INFERENCE RESULTS: + ------------------ + macro_f1: {macro_f1} + macro_f1 with nan: {macro_f1_nan} + + DETAILED RESULTS: + ----------------- + {df_label_map.to_string()} + ''' + + with open('training_scores.json', 'r') as f: + scores_dict = json.load(f) + + epoch_f_scores = scores_dict['epoch_scores']['FScore'] + epoch_batch_ids = scores_dict['epoch_batch_ids']['FScore'] + f_scores = scores_dict['scores']['FScore'] + + batches = range(len(f_scores)) + plt.plot(batches, f_scores) + plt.plot(epoch_batch_ids, epoch_f_scores, 'or') + + + plt.xlabel('Time') + plt.ylabel('FScore') + + buffer = io.BytesIO() + plt.savefig(buffer, format='png') + buffer.seek(0) + img_data = buffer.read() + + + # Setup the MIME + message = MIMEMultipart() + message['From'] = SENDER + message['To'] = RECIEVER + message['Subject'] = subject + + # The body and the attachments for the mail + message.attach(MIMEText(mail_content, 'plain')) + message.attach(MIMEImage(img_data)) + + # Create SMTP session for sending the mail + session = smtplib.SMTP('smtp.gmail.com', 587) # use gmail with port + session.starttls() # enable security + session.login(SENDER, SENDER_PASSWORD) # login with mail_id and password + text = message.as_string() + session.sendmail(SENDER, RECIEVER, text) + session.quit() + print('Mail successfully sent.') + +def encode_model_name(model_name, epoch): + model_name = f'{model_name}_{epoch}' + model_name_b = model_name.encode('ascii') + encoded_model_name = base64.b64encode(model_name_b).decode('ascii') + return encoded_model_name + +def decode_model_name(encoded_model_name): + encoded_model_name_b = encoded_model_name.encode('ascii') + model_name = base64.b64decode(encoded_model_name_b).decode('ascii') + return model_name + +def get_predStr(df): + assert all(item in list(df) for item in ['label', 'text', 'doc_id']), "Please use a dataframe with correct columns" + prediction_strings = [] + start_id = PREDICTION_STRING_START_ID + prev_doc = df.iloc[0].doc_id + for (text, doc_id) in df[['text', 'doc_id']].itertuples(index=False): + if doc_id != prev_doc: + prev_doc = doc_id + start_id = PREDICTION_STRING_START_ID + text_split = text.split() + end_id = start_id + len(text_split) + prediction_strings.append( + [num for num in range(start_id, end_id)] + ) + start_id = end_id + df['predictionString'] = prediction_strings + return df + + +def _generate_job_scripts(DATASET, MODEL_NAME, EPOCHS, STRATEGY): + assert DATASET in {'Persuade', 'TUDarmstadt'} + assert MODEL_NAME in {'google/bigbird-roberta-base', 'roberta-base'} + assert STRATEGY in {'io', 'bio', 'bieo'} + # inferred variables + + if DATASET == 'Persuade' and EPOCHS == 20: + HOURS = 24 + else: + HOURS = 6 + + if MODEL_NAME == 'google/bigbird-roberta-base': + MAX_LENGTH = 1024 + MODEL_SHORT = 'bigbird' + else: + MAX_LENGTH = 512 + MODEL_SHORT = 'roberta' + + JOB_NAME = f'{DATASET}_e{EPOCHS}_{STRATEGY}_{MODEL_SHORT}' + + script_text = f'''#!/bin/bash -l +#$ -m be + +# Request ten minutes of wallclock time (format hours:minutes:seconds). +#$ -l h_rt={HOURS}:00:0 + +# request GPU node +#$ -l gpu=1 + +# request A100 GPU node +# #$ -ac allow=L + +# Request RAM (must be an integer followed by M, G, or T) +#$ -l mem=32G + +# Request temp space +#$ -l tmpfs=15G + +# Set the name of the job. +#$ -N {JOB_NAME} + +nvidia-smi + +# ENV VARIABLES +# -- email configs +export EMAIL_PASSWORD="NLP.FYP1800" +export EMAIL_RECIPIENTS="ucabyn0@ucl.ac.uk, ucabfd0@ucl.ac.uk, ucabqfe@ucl.ac.uk, ucabc21@ucl.ac.uk, qingyu.feng.21@ucl.ac.uk, changmao.huang.21@ucl.ac.uk" + +# -- model specific configs +export MODEL_NAME="{MODEL_NAME}" +export MAX_LENGTH={MAX_LENGTH} + +# -- training configs +export EPOCHS={EPOCHS} +export BATCH_SIZE=4 +export VERBOSE=2 +export SAVE_FREQ=10 +export TEST_SIZE="0.3" + +# -- dataset configs +export DATASET="Persuade" + +# -- experiment configs +export STRATEGY_LEVEL="standard" +export STRATEGY_NAME="{STRATEGY}" +export STRATEGY="${{STRATEGY_LEVEL}}_${{STRATEGY_NAME}}" +export RUN_INFERENCE=1 + +# -- inferred variables +export JSON_FILE_NAME="${{DATASET}}_postprocessed.json" +export DATA_PATH="data/${{STRATEGY_NAME}}/${{JSON_FILE_NAME}}" + +# TODO this is a hotfix due to darmstadt processor tts. Needs cleaning +export TTS_FILE="train-test-split.csv" +export TTS_PATH="data/${{TTS_FILE}}" +cp -r $TTS_PATH $TMPDIR/$TTS_FILE + +# Set the working directory to somewhere in your scratch space. +# This is a necessary step as compute nodes cannot write to $HOME. +# Replace "" with your UCL user ID. +#$ -wd /home/ucabyn0/Scratch + +# COPY NECESSARY FILES +cp -r job_files/run.py $TMPDIR/run.py +cp -r $DATA_PATH $TMPDIR/$JSON_FILE_NAME +cp -r venv $TMPDIR/venv + +cd $TMPDIR + + +# LOAD MODULES +module unload compilers mpi +module load compilers/gnu/4.9.2 +module load python/3.7.4 +module load cuda/10.1.243/gnu-4.9.2 +module load cudnn/7.5.0.56/cuda-10.1 + +# venv should have the most recent version of argminer installed +source venv/bin/activate + + + +python3 -c "import torch; print(f'GPU Availability: torch.cuda.is_available()')" +python3 run.py $DATASET $STRATEGY $MODEL_NAME $MAX_LENGTH -test-size=$TEST_SIZE -b=$BATCH_SIZE -e=$EPOCHS -save-freq=$SAVE_FREQ -verbose=$VERBOSE -i=$RUN_INFERENCE +python3 -c "from argminer.utils import send_job_completion_report; send_job_completion_report('${{JOB_ID}}')" + + +# nvidia-smi + +tar -zcvf $HOME/Scratch/files_from_job_$JOB_ID.tar.gz $TMPDIR + +env + ''' + with open(f'job_scripts/{JOB_NAME}.sh', 'w') as f: + f.write(script_text) + + +#if __name__ == '__main__': +# for dataset in {'Persuade', 'TUDarmstadt'}: +# for model_name in { +# #'google/bigbird-roberta-base', +# 'roberta-base' +# }: +# for strategy in {'io', 'bio', 'bieo'}: +# for epochs in {5, 20}: +# _generate_job_scripts( +# dataset, model_name, epochs, strategy +# ) diff --git a/cluster/README.md b/cluster/README.md new file mode 100644 index 0000000..41595a9 --- /dev/null +++ b/cluster/README.md @@ -0,0 +1,35 @@ +# Cluster compute testing directory + +This is a directory that lightly mocks the structure in a cluster computer system. This allows you to test .sh scripts for syntax errors and correct behaviour before submitting jobs. + +Note that depending on the cluster compute system you are using that this structure may vary. + +## How to use this folder for testing + +Please note that the directory structure as to be as follows: + +- cluster_setup/ + - Scratch/ + - data/ + - train-test-split.csv (must exist if using TUDarmstadt) + - {labelling_strategy}/ + - {dataset}_postprocessed.json + - job_files/ + - run.py + - TMPDIR/ + - job_script.sh + +The following instructions allow you to emulate the behaviour on the cluster + +1. Set path variables correctly and make your working directory to be `cluster_setup/Scratch` +```bash +export TMPDIR="TMPDIR" +export HOME=".." +``` + +2. Make sure that rthe python interpreter being used is capable of running `cluster_setup/job_files/run.py`. Downloading `argminer==0.0.6` should work + +3. Run the job script of your liking +```bash +/bin/bash job_script.sh +``` \ No newline at end of file diff --git a/cluster/archive/run_archive.py b/cluster/archive/run_archive.py new file mode 100644 index 0000000..8551e49 --- /dev/null +++ b/cluster/archive/run_archive.py @@ -0,0 +1,137 @@ +# -- public imports + +# utils +import gc +import plac +import time +import pandas as pd +from ast import literal_eval + +# pytorch +import torch +from torch.utils.data import DataLoader + +# huggingface +from transformers import AutoModelForTokenClassification, AutoTokenizer, AutoConfig + + +# -- private imports +from colabtools.utils import get_gpu_utilization, move_to_device + +# -- dev imports +from argminer.data import BigBirdDataset +from argminer.utils import encode_model_name + +if torch.cuda.is_available(): + DEVICE = 'cuda' + print('CUDA device detected. Using GPU...') +else: + DEVICE = 'cpu' + print('CUDA device NOT detected. Using CPU...') + +@plac.annotations( + model_name=("name of HuggingFace model to use", "positional", None, str), + max_length=("max number of tokens", "positional", None, int), + batch_size=("Batch size for training", "option", "b", int), + epochs=("Number of epochs to train for", "option", "e", int), + save_freq=("How frequently to save model, in epochs", "option", None, int), + verbose=("Set model verbosity", "option", None, int) +) +def main(model_name, max_length, epochs=5, batch_size=16, save_freq=1, verbose=2): + """ + Trains a HuggingFace model + :return: + """ + tokenizer = AutoTokenizer.from_pretrained(model_name, add_prefix_space=True) + + config_model = AutoConfig.from_pretrained(model_name) + config_model.num_labels = 15 + + model = AutoModelForTokenClassification.from_pretrained(model_name, config=config_model) # TODO force_download + optimizer = torch.optim.Adam(params=model.parameters()) + + df_texts = pd.read_csv('data/train_NER.csv') + df_texts.entities = df_texts.entities.apply(lambda x: literal_eval(x)) + df_texts = df_texts.drop('id', axis=1) + train_set = BigBirdDataset(df_texts, tokenizer, max_length, False) + + train_params = { + 'batch_size': batch_size, + 'shuffle': True, + 'num_workers': 2, + 'pin_memory': True + } + + train_loader = DataLoader(train_set, **train_params) + model.to(DEVICE) + print(f'Model pushed to device: {DEVICE}') + for epoch in range(epochs): + model.train() + start_epoch_message = f'EPOCH {epoch + 1} STARTED' + print(start_epoch_message) + print(f'{"-" * len(start_epoch_message)}') + start_epoch = time.time() + + start_load = time.time() + training_loss = 0 + for i, (inputs, targets) in enumerate(train_loader): + start_train = time.time() + inputs = move_to_device(inputs, DEVICE) + targets = move_to_device(targets, DEVICE) + if DEVICE != 'cpu': + print(f'GPU Utilisation at batch {i+1} after data loading: {get_gpu_utilization()}') + + optimizer.zero_grad() + + loss, outputs = model( + labels=targets, + input_ids=inputs['input_ids'], + attention_mask=inputs['attention_mask'], + return_dict=False + ) + if DEVICE != 'cpu': + print(f'GPU Utilisation at batch {i+1} after training: {get_gpu_utilization()}') + + + training_loss += loss.item() + + # backward pass + optimizer.zero_grad() + loss.backward() + optimizer.step() + + del targets, inputs, loss, outputs + gc.collect() + torch.cuda.empty_cache() + + end_train = time.time() + + if verbose > 1: + print( + f'Batch {i + 1} complete. Time taken: load({start_train - start_load:.3g}), ' + f'train({end_train - start_train:.3g}), total({end_train - start_load:.3g}). ' + ) + start_load = time.time() + + print_message = f'Epoch {epoch + 1}/{epochs} complete. ' \ + f'Time taken: {start_load - start_epoch:.3g}. ' \ + f'Loss: {training_loss/(i+1): .3g}' + + if verbose: + print(f'{"-" * len(print_message)}') + print(print_message) + print(f'{"-" * len(print_message)}') + + if epoch % save_freq == 0: + encoded_model_name = encode_model_name(model_name, epoch+1) + save_path = f'models/{encoded_model_name}.pt' + torch.save(model.state_dict(), save_path) + print(f'Model saved at epoch {epoch+1} at: {save_path}') + + encoded_model_name = encode_model_name(model_name, 'final') + save_path = f'models/{encoded_model_name}.pt' + torch.save(model.state_dict(), save_path) + print(f'Model saved at epoch {epoch + 1} at: {save_path}') + +if __name__ == '__main__': + plac.call(main) diff --git a/cluster/archive/run_test.py b/cluster/archive/run_test.py new file mode 100644 index 0000000..7e65f59 --- /dev/null +++ b/cluster/archive/run_test.py @@ -0,0 +1,143 @@ +# -- public imports + +# utils +import gc +import plac +import time +import pandas as pd +from ast import literal_eval + +# pytorch +import torch +from torch.utils.data import DataLoader + +# huggingface +from transformers import AutoModelForTokenClassification, AutoTokenizer, AutoConfig + + +# -- private imports +from colabtools.utils import get_gpu_utilization + +# -- dev imports +from argminer.data import BigBirdDataset +from argminer.utils import encode_model_name, _move + + +if torch.cuda.is_available(): + DEVICE = 'cuda' + print('CUDA device detected. Using GPU...') +else: + DEVICE = 'cpu' + print('CUDA device NOT detected. Using CPU...') + + +@plac.annotations( + model_name=("name of HuggingFace model to use", "positional", None, str), + max_length=("max number of tokens", "positional", None, int), + batch_size=("Batch size for training", "option", "b", int), + epochs=("Number of epochs to train for", "option", "e", int), + save_freq=("How frequently to save model, in epochs", "option", None, int), + verbose=("Set model verbosity", "option", None, int) +) +def main(model_name, max_length, epochs=5, batch_size=16, save_freq=1, verbose=2): + """ + Trains a HuggingFace model + :return: + """ + tokenizer = AutoTokenizer.from_pretrained(model_name, add_prefix_space=True) + + config_model = AutoConfig.from_pretrained(model_name) + config_model.num_labels = 15 + + model = AutoModelForTokenClassification.from_pretrained(model_name, config=config_model) + optimizer = torch.optim.Adam(params=model.parameters()) + + df_texts = pd.read_csv('data/train_NER.csv') + df_texts.entities = df_texts.entities.apply(lambda x: literal_eval(x)) + df_texts = df_texts.drop('id', axis=1) + train_set = BigBirdDataset(df_texts, tokenizer, max_length, False) + + train_params = { + 'batch_size': batch_size, + 'shuffle': True, + 'num_workers': 2, + 'pin_memory': True + } + + train_loader = DataLoader(train_set, **train_params) + model.to(DEVICE) + print(f'Model pushed to device: {DEVICE}') + for epoch in range(epochs): + model.train() + start_epoch_message = f'EPOCH {epoch + 1} STARTED' + print(start_epoch_message) + print(f'{"-" * len(start_epoch_message)}') + start_epoch = time.time() + + start_load = time.time() + training_loss = 0 + for i, (inputs, targets) in enumerate(train_loader): + start_train = time.time() + inputs = _move(inputs, DEVICE) + targets = _move(targets, DEVICE) + if DEVICE != 'cpu': + print(f'GPU Utilisation at batch {i+1} after data loading: {get_gpu_utilization()}') + + optimizer.zero_grad() + + loss, outputs = model( + labels=targets, + input_ids=inputs['input_ids'], + attention_mask=inputs['attention_mask'], + return_dict=False + ) + if DEVICE != 'cpu': + print(f'GPU Utilisation at batch {i+1} after training: {get_gpu_utilization()}') + + + training_loss += loss.item() + + # backward pass + optimizer.zero_grad() + loss.backward() + optimizer.step() + + del targets, inputs, loss, outputs + gc.collect() + torch.cuda.empty_cache() + + end_train = time.time() + + if verbose > 1: + print( + f'Batch {i + 1} complete. Time taken: load({start_train - start_load:.3g}), ' + f'train({end_train - start_train:.3g}), total({end_train - start_load:.3g}). ' + ) + start_load = time.time() + + print_message = f'Epoch {epoch + 1}/{epochs} complete. ' \ + f'Time taken: {start_load - start_epoch:.3g}. ' \ + f'Loss: {training_loss/(i+1): .3g}' + + if verbose: + print(f'{"-" * len(print_message)}') + print(print_message) + print(f'{"-" * len(print_message)}') + + if epoch % save_freq == 0: + encoded_model_name = encode_model_name(model_name, epoch+1) + # TODO + # - at the beginning of loop create models dir if not eixst + # - fix saving using .save_pretrained() + # - make the save path global_var? + save_path = f'models/{encoded_model_name}.pt' + torch.save(model.state_dict(), save_path) + print(f'Model saved at epoch {epoch+1} at: {save_path}') + + encoded_model_name = encode_model_name(model_name, 'final') + save_path = f'models/{encoded_model_name}.pt' + torch.save(model.state_dict(), save_path) + print(f'Model saved at epoch {epoch + 1} at: {save_path}') + +if __name__ == '__main__': + plac.call(main) diff --git a/cluster/cluster_setup/Scratch/job_files/run.py b/cluster/cluster_setup/Scratch/job_files/run.py new file mode 100644 index 0000000..fa209a6 --- /dev/null +++ b/cluster/cluster_setup/Scratch/job_files/run.py @@ -0,0 +1,255 @@ +# -*- coding: utf-8 -*- +"""This is imported from End_to_end_GPU.ipynb + +Automatically generated by Colaboratory. + +Original file is located at + https://colab.research.google.com/github/namiyousef/argument-mining/blob/develop/experiments/changmao/End-to-end_GPU_v1.ipynb + +# End-to-end + +This notebook should form the core skeleton of the 'run' function + +## Colab Set up +""" +# -- public imports + +# base +import os +import gc +import json +import time +import warnings + +# pytorch +import torch +from torch.utils.data import DataLoader + +# huggingface +from transformers import AutoTokenizer, AutoModelForTokenClassification + +# other libs +import pandas as pd +from pandas.testing import assert_frame_equal + +import plac + + +# -- private imports + +# ml-utils +from mlutils.torchtools.metrics import FScore + +# colab-dev-tools +from colabtools.utils import move_to_device, get_gpu_utilization +from colabtools.config import DEVICE + +# argminer +from argminer.data import ArgumentMiningDataset, TUDarmstadtProcessor, PersuadeProcessor +from argminer.evaluation import inference +from argminer.utils import encode_model_name +from argminer.config import LABELS_MAP_DICT, MAX_NORM + + +# -- globals +TEST_SIZE = 0.3 + +# -- define plac inputs +@plac.annotations( + dataset=("name of dataset to use", "positional", None, str), + strategy=("name of training strategy to use in form {level}_{labellin scheme}", "positional", None, str), + model_name=("name of HuggingFace model to use", "positional", None, str), + max_length=("max number of tokens", "positional", None, int), + test_size=("test size to use (as a percentage of entire dataset)", "option", None, float), + batch_size=("Batch size for training", "option", "b", int), + epochs=("Number of epochs to train for", "option", "e", int), + save_freq=("How frequently to save model, in epochs", "option", None, int), + verbose=("Set model verbosity", "option", None, int), + run_inference=("Flag to run inference or not", "option", 'i', bool) +) +def main(dataset, strategy, model_name, max_length, test_size, batch_size, epochs, save_freq, verbose, run_inference): + """ + Function to run models as a script. This function expects the following directory structure: + - cwd (usually $TMPDIR on cluster) + - df_{dataset}_postprocessed.json + - train-test-split.csv (for TUDarmstadt) + :param dataset: + :param strategy: + :param model_name: + :param max_length: + :param batch_size: + :param epochs: + :param save_freq: + :param verbose: + :return: + """ + + # configs + strat_name, strat_label = strategy.split('_') + df_label_map = LABELS_MAP_DICT[dataset][strat_label] + num_labels = len(set(df_label_map.label)) + + # get data processor and train_test_splits + try: + processor = TUDarmstadtProcessor() if dataset == 'TUDarmstadt' else PersuadeProcessor() + processor = processor.from_json() + if dataset == 'TUDarmstadt': + if test_size == 0: + warnings.warn( + f"Detected test_size={test_size}. " + f"No splits being made. " + f"Train and test data treated identicallu.", + UserWarning, stacklevel=2 + ) + df_total = processor.dataframe + df_dict = { + 'train': df_total, + 'test': df_total + } + else: + df_dict = processor.get_tts(test_size=test_size) + else: + df_dict = processor.get_tts(test_size=test_size) + + df_train = df_dict.get('train')[['text', 'labels']] # TODO standardise this, so that you don't need to apply this.. + df_test = df_dict.get('test')[['text', 'labels']] + + except Exception as e: # TODO granularise errors + raise Exception(f'Error occurred during data processing and splitting. Full logs: {e}') + + # get tokenizer, model and optimizer + try: + tokenizer = AutoTokenizer.from_pretrained(model_name, add_prefix_space=True) + model = AutoModelForTokenClassification.from_pretrained(model_name, num_labels=num_labels) + # TODO force_download + # TODO add option for optimizer + optimizer = torch.optim.Adam(params=model.parameters()) + except Exception as e: + raise Exception(f'Error from tokenizer and model loading. Full logs {e}') + + try: + train_set = ArgumentMiningDataset(df_label_map, df_train, tokenizer, max_length, strategy) + test_set = ArgumentMiningDataset(df_label_map, df_test, tokenizer, max_length, strategy, is_train=False) + train_loader = DataLoader(train_set, batch_size=batch_size, shuffle=True) + test_loader = DataLoader(test_set, batch_size=batch_size, shuffle=True) + except Exception as e: + raise Exception(f'Error occured during dataset/loader creation. Full logs {e}') + + if not os.path.exists('models'): + os.makedirs('models') + print('models directory created!') + + + metrics = [FScore(average='macro')] + scores = { + 'scores': { + metric.__class__.__name__: [] for metric in metrics + }, + 'epoch_scores': { + metric.__class__.__name__: [] for metric in metrics + }, + 'epoch_batch_ids': { + metric.__class__.__name__: [] for metric in metrics + } + } + + model.to(DEVICE) + print(f'Model pushed to device: {DEVICE}') + for epoch in range(epochs): + model.train() + start_epoch_message = f'EPOCH {epoch + 1} STARTED' + print(start_epoch_message) + print(f'{"-" * len(start_epoch_message)}') + start_epoch = time.time() + + start_load = time.time() + training_loss = 0 + for i, (inputs, targets) in enumerate(train_loader): + start_train = time.time() + inputs = move_to_device(inputs, DEVICE) + targets = move_to_device(targets, DEVICE) + + optimizer.zero_grad() + + loss, outputs = model( + labels=targets, + input_ids=inputs['input_ids'], + attention_mask=inputs['attention_mask'], + return_dict=False + ) + gpu_util = 'NO GPU' if DEVICE == 'cpu' else get_gpu_utilization() + training_loss += loss.item() + + # backward pass + + torch.nn.utils.clip_grad_norm_( + parameters=model.parameters(), max_norm=MAX_NORM + ) + + loss.backward() + optimizer.step() + + # metrics + for metric in metrics: + score = metric(outputs, targets) + scores['scores'][metric.__class__.__name__].append(score.item()) + + del targets, inputs, loss, outputs + gc.collect() + torch.cuda.empty_cache() + + end_train = time.time() + + if verbose > 1: + print( + f'Batch {i + 1} complete. ' + f'Time taken: load({start_train - start_load:.3g}),' + f'train({end_train - start_train:.3g}),' + f'total({end_train - start_load:.3g}). ' + f'GPU util. after train: {gpu_util}. ' + f'Metrics: {" ".join([f"{metric_name}({score_list[-1]:.3g})" for metric_name, score_list in scores["scores"].items()])}' + ) + start_load = time.time() + + for metric in metrics: + score = scores['scores'][metric.__class__.__name__][:i+1] + avg_score = sum(score)/len(score) + scores['epoch_scores'][metric.__class__.__name__].append(avg_score) + scores['epoch_batch_ids'][metric.__class__.__name__].append(i) + + print_message = f'Epoch {epoch + 1}/{epochs} complete. ' \ + f'Time taken: {start_load - start_epoch:.3g}. ' \ + f'Loss: {training_loss/(i+1): .3g}. ' \ + f'Metrics: {" ".join([f"{metric_name}({score_list[-1]:.3g})" for metric_name, score_list in scores["epoch_scores"].items()])}' + + if verbose: + print(f'{"-" * len(print_message)}') + print(print_message) + print(f'{"-" * len(print_message)}') + + + if epoch % save_freq == 0: + encoded_model_name = encode_model_name(model_name, epoch+1) + save_path = f'models/{encoded_model_name}' + model.save_pretrained(save_path) + print(f'Model saved at epoch {epoch+1} at: {save_path}') + + encoded_model_name = encode_model_name(model_name, 'final') + save_path = f'models/{encoded_model_name}' + model.save_pretrained(save_path) + print(f'Model saved at epoch {epoch + 1} at: {save_path}') + + with open('training_scores.json', 'w') as f: + json.dump(scores, f) + print('Saved scores.') + + # load trained model + if run_inference: + trained_model = AutoModelForTokenClassification.from_pretrained(save_path) + df_metrics, df_scores = inference(trained_model, test_loader) + df_scores.to_json('scores.json') + + + +if __name__ == '__main__': + plac.call(main) \ No newline at end of file diff --git a/cluster/cluster_setup/Scratch/sample_job_script.sh b/cluster/cluster_setup/Scratch/sample_job_script.sh new file mode 100644 index 0000000..daba35e --- /dev/null +++ b/cluster/cluster_setup/Scratch/sample_job_script.sh @@ -0,0 +1,67 @@ +#!/bin/bash -l + +# ADD CLUSTER COMPUTE SPECIFIC CONFIGURATIONS (e.g. memory request, gpu request) +# FOR TESTING PURPOSES THESE ARE IGNORED + +# ENV VARIABLES +# -- email configs +export EMAIL_PASSWORD="password" +export EMAIL_RECIPIENTS="recipient@mail.com" + +# -- model specific configs +export MODEL_NAME="google/bigbird-roberta-base" +export MAX_LENGTH=32 + +# -- training configs +export EPOCHS=1 +export BATCH_SIZE=2 +export VERBOSE=2 +export SAVE_FREQ=5 +export TEST_SIZE="0.3" + +# -- dataset configs +export DATASET="Persuade" + +# -- experiment configs +export STRATEGY_LEVEL="standard" +export STRATEGY_NAME="bieo" +export STRATEGY="${STRATEGY_LEVEL}_${STRATEGY_NAME}" +export RUN_INFERENCE=1 + +# -- inferred variables +export JSON_FILE_NAME="${DATASET}_postprocessed.json" +export DATA_PATH="data/${STRATEGY_NAME}/${JSON_FILE_NAME}" + +# TODO this is a hotfix due to darmstadt processor tts. Needs cleaning +export TTS_FILE="train-test-split.csv" +export TTS_PATH="data/${TTS_FILE}" +cp -r $TTS_PATH $TMPDIR/$TTS_FILE + +# COPY NECESSARY FILES +cp -r job_files/run.py $TMPDIR/run.py +cp -r $DATA_PATH $TMPDIR/$JSON_FILE_NAME +cp -r venv $TMPDIR/venv + +cd $TMPDIR + + +# LOAD MODULES +module unload compilers mpi +module load compilers/gnu/4.9.2 +module load python/3.7.4 +module load cuda/10.1.243/gnu-4.9.2 +module load cudnn/7.5.0.56/cuda-10.1 + +# venv should have the most recent version of argminer installed +source venv/bin/activate + + + +python3 -c "import torch; print(f'GPU Availability: {torch.cuda.is_available()}')" +python3 run.py $DATASET $STRATEGY $MODEL_NAME $MAX_LENGTH -test-size=$TEST_SIZE -b=$BATCH_SIZE -e=$EPOCHS -save-freq=$SAVE_FREQ -verbose=$VERBOSE -i=$RUN_INFERENCE +python3 -c "from argminer.utils import send_job_completion_report; send_job_completion_report('${JOB_ID}')" + + +# nvidia-smi + +tar -zcvf $HOME/Scratch/files_from_job_$JOB_ID.tar.gz $TMPDIR diff --git a/experiments/__init__.py b/experiments/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/experiments/changmao/End-to-end_GPU_v1.ipynb b/experiments/changmao/End-to-end_GPU_v1.ipynb new file mode 100644 index 0000000..b965b4a --- /dev/null +++ b/experiments/changmao/End-to-end_GPU_v1.ipynb @@ -0,0 +1,2268 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "1c2ec16d", + "metadata": { + "id": "1c2ec16d" + }, + "source": [ + "# End-to-end\n", + "\n", + "This notebook should form the core skeleton of the 'run' function" + ] + }, + { + "cell_type": "markdown", + "source": [ + "## Colab Set up" + ], + "metadata": { + "id": "XWQS_TUhKKej" + }, + "id": "XWQS_TUhKKej" + }, + { + "cell_type": "code", + "source": [ + "# -- env setup\n", + "import os\n", + "import gc\n", + "\n", + "!python3.7 -m pip install git+https://github.com/namiyousef/colab-utils.git\n", + "from colabtools.utils import get_gpu_utilization, mount_drive, install_private_library\n", + "\n", + "drive_path = mount_drive()\n", + "project_path = os.path.join(drive_path, 'COMP0087/data/core')\n", + "#development_dir = os.path.join(drive_path, 'argument-mining/argminer')\n", + "\n", + "install_private_library(os.path.join(drive_path, 'nlp/github_config.json'), 'argument-mining')" + ], + "metadata": { + "id": "X7OwoLnBKHQB", + "outputId": "a715230f-3f49-4c11-c1b6-de4a996002bb", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "id": "X7OwoLnBKHQB", + "execution_count": 3, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Collecting git+https://github.com/namiyousef/colab-utils.git\n", + " Cloning https://github.com/namiyousef/colab-utils.git to /tmp/pip-req-build-amgam1gu\n", + " Running command git clone -q https://github.com/namiyousef/colab-utils.git /tmp/pip-req-build-amgam1gu\n", + "Requirement already satisfied: torch in /usr/local/lib/python3.7/dist-packages (from colab-dev-tools==0.0.7) (1.10.0+cu111)\n", + "Requirement already satisfied: numpy in /usr/local/lib/python3.7/dist-packages (from colab-dev-tools==0.0.7) (1.21.5)\n", + "Requirement already satisfied: nvidia-ml-py3 in /usr/local/lib/python3.7/dist-packages (from colab-dev-tools==0.0.7) (7.352.0)\n", + "Requirement already satisfied: typing-extensions in /usr/local/lib/python3.7/dist-packages (from torch->colab-dev-tools==0.0.7) (3.10.0.2)\n", + "Drive already mounted at /content/drive; to attempt to forcibly remount, call drive.mount(\"/content/drive\", force_remount=True).\n", + "Google Drive mount successful.\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "id": "c1302e4f", + "metadata": { + "id": "c1302e4f" + }, + "source": [ + "### Imports" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "7d8ed729", + "metadata": { + "id": "7d8ed729", + "outputId": "c4391004-166e-4134-d4d6-f256e9b37a48", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Import of ArgMiner successful\n" + ] + } + ], + "source": [ + "# -- public imports\n", + "\n", + "from transformers import AutoTokenizer, AutoModelForTokenClassification\n", + "import pandas as pd\n", + "from torch.utils.data import DataLoader\n", + "import torch\n", + "from pandas.testing import assert_frame_equal\n", + "import time\n", + "\n", + "# -- private imports\n", + "from colabtools.utils import move_to_device\n", + "from colabtools.config import DEVICE\n", + "\n", + "# -- dev imports\n", + "%load_ext autoreload\n", + "%autoreload 2\n", + "\n", + "from argminer.data import ArgumentMiningDataset, TUDarmstadtProcessor, PersuadeProcessor\n", + "from argminer.evaluation import inference\n", + "from argminer.utils import encode_model_name\n", + "from argminer.config import LABELS_MAP_DICT\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "59272e27", + "metadata": { + "id": "59272e27" + }, + "outputs": [], + "source": [ + "# constants (these will be abstracted away by inputs that you give to run)\n", + "\n", + "# -- model specific configurations\n", + "model_name = 'google/bigbird-roberta-base'\n", + "max_length = 1024\n", + "\n", + "# -- training configurations\n", + "epochs = 5\n", + "batch_size = 2\n", + "verbose = 2\n", + "save_freq = 2\n", + "\n", + "# -- dataset configurations\n", + "dataset_name = 'Persuade'\n", + "\n", + "# -- experiment configurations\n", + "strategy = 'standard_bieo'\n", + "strat_name, strat_label = strategy.split('_')\n", + "\n", + "# -- inferred configurations\n", + "df_label_map = LABELS_MAP_DICT[dataset_name][strat_label]\n", + "num_labels = len(set(df_label_map.label))\n", + "Processor = eval(f'{dataset_name}Processor')\n" + ] + }, + { + "cell_type": "markdown", + "id": "f5b81b26", + "metadata": { + "id": "f5b81b26" + }, + "source": [ + "### Tokenizer, Model and Optimizer" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "882197f3", + "metadata": { + "id": "882197f3", + "outputId": "51a589fe-fedc-47a9-f4f5-718c3b2f47cc", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 284, + "referenced_widgets": [ + "2368aeddd9aa45118918d3c5a9de5418", + "f8ffa1e9d1384eeeb6eb808d70b02018", + "c038ce3bdfd14aa39cfe2eab33f984d3", + "0761569692354998bcf00930b08643f7", + "58ef5df2b9604607aa8f2aa9662414a5", + "6bd04a7e0c4849d0a07d56351bc23dca", + "3d019ee3e4c447cabeb1da93572be56d", + "12b32557435d49d4ab2c6df2bf2e7eec", + "7fe0d8709c8e41259bd763db919a6b9d", + "8d7b07ba65554383951db6d3dc076c06", + "7c103205178448759f821df394e057b0", + "c6d66b9325d8478cb86f357b9f82bc2f", + "d4bf81c7190a4a41ae327ab97a88cb7d", + "811979af331e465d9a4a49d9c40f9ffc", + "116a4710b64145b8ad3f30ffcc07aad7", + "fe66fa7db2be486fbc215d8692a126cc", + "b8881b0e24fa436baa8fa82d26733dbc", + "51149e61a59741a780e3135600fc6ca8", + "b697f1c871e045969a8b3e215f4a6016", + "b0bcac79e3034fdc9c6a45ab89cfe9d3", + "06cac06bf85f457a8e12d52cf9265dff", + "9e7a222f4e964c0abc5cbbb7d5a2d7aa", + "49f675a6ac2e43e4bf672c2936aa50cf", + "842be3d0cc534fd5bd4d3f9682883118", + "c367d9a7da5c48c4bd51057056d6bf53", + "a2c1abc8a8aa432b805835380f095060", + "5a1fc7f8ba614b6fbdfc76f672c9bb4b", + "776097a5b3a94243bb47cd1f89dc4190", + "5187a447793f404cb3c7d764f71a103f", + "52ddc5c748204aeebda0b934afc2df61", + "8b012d1e527042b7b0aaac5cb716e4c9", + "2bbd760241e54200adf2e1697e203053", + "1353178af5924398b9a8a0eb91c5086d", + "40c5e392238f4b1d986a7610532687bc", + "2fd92533239c46fcb73b170ca77d31b9", + "966c0c33c3724c0e9d6d49a7b23a1296", + "5b21698c298441089fbb369ce6b419b0", + "11a3ed5e5c214149b3b822e0760cd302", + "aca4e642a7304b4b9148e0949479efaf", + "524d6c99bc7641afbb940cbcad53661f", + "294900455c7c47d888a0e6390aba06f2", + "2e16e8c6aa684648be5ec92198fa88eb", + "1c8c3301705447ceabafbebdd252773a", + "d356deea3a1f48c9ba9e0216825c302f", + "bfed5603d2f240d1854b3015a10be64e", + "5338d7dd7ae240049e912a1d4a893577", + "3826fab209a54adf8dc8cd80d6c5bf08", + "410e5992519b4f2a95d7eabcb7467106", + "3a6fb57534f547e480d47ffcc1b22ac4", + "2d03cbeffc0248ff9ae166f739a09125", + "04a678cc951b4b249c85300710d3bf20", + "3b47a8c0d04845c5a2a0435a0805631c", + "f2a9eebd9d56456fab46d3eaca38209b", + "34220a8ca5d44c3ead6ee5a88c84b7b0", + "7a8d3840ca3b4f0b817f6a695291b3e1" + ] + } + }, + "outputs": [ + { + "output_type": "display_data", + "data": { + "text/plain": [ + "Downloading: 0%| | 0.00/0.99k [00:00 1:\n", + " print(\n", + " f'Batch {i + 1} complete. Time taken: load({start_train - start_load:.3g}), '\n", + " f'train({end_train - start_train:.3g}), total({end_train - start_load:.3g}). '\n", + " )\n", + " start_load = time.time()\n", + "\n", + " print_message = f'Epoch {epoch + 1}/{epochs} complete. ' \\\n", + " f'Time taken: {start_load - start_epoch:.3g}. ' \\\n", + " f'Loss: {training_loss/(i+1): .3g}'\n", + "\n", + " if verbose:\n", + " print(f'{\"-\" * len(print_message)}')\n", + " print(print_message)\n", + " print(f'{\"-\" * len(print_message)}')\n", + "\n", + " if epoch % save_freq == 0:\n", + " encoded_model_name = encode_model_name(model_name, epoch+1)\n", + " save_path = f'models/{encoded_model_name}'\n", + " model.save_pretrained(save_path)\n", + " print(f'Model saved at epoch {epoch+1} at: {save_path}')\n", + "\n", + "encoded_model_name = encode_model_name(model_name, 'final')\n", + "save_path = f'models/{encoded_model_name}'\n", + "model.save_pretrained(save_path)\n", + "print(f'Model saved at epoch {epoch + 1} at: {save_path}')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "12afdc17", + "metadata": { + "id": "12afdc17" + }, + "outputs": [], + "source": [ + "# load trained model\n", + "path = ''\n", + "trained_model = AutoModelForTokenClassification.from_pretrained(path)" + ] + }, + { + "cell_type": "code", + "source": [ + "df_metrics, df_scores = inference(trained_model, test_loader)" + ], + "metadata": { + "id": "VQcpzbhuPPwu" + }, + "id": "VQcpzbhuPPwu", + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "bd86b6d3", + "metadata": { + "id": "bd86b6d3" + }, + "outputs": [], + "source": [ + "df_scores" + ] + }, + { + "cell_type": "code", + "source": [ + "" + ], + "metadata": { + "id": "KSc1Z5UFQJgU" + }, + "id": "KSc1Z5UFQJgU", + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "" + ], + "metadata": { + "id": "WoOfJ70gQeAk" + }, + "id": "WoOfJ70gQeAk", + "execution_count": null, + "outputs": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + }, + "colab": { + "name": "End-to-end_no_GPU.ipynb", + "provenance": [] + }, + "accelerator": "GPU", + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "2368aeddd9aa45118918d3c5a9de5418": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f8ffa1e9d1384eeeb6eb808d70b02018", + "IPY_MODEL_c038ce3bdfd14aa39cfe2eab33f984d3", + "IPY_MODEL_0761569692354998bcf00930b08643f7" + ], + "layout": "IPY_MODEL_58ef5df2b9604607aa8f2aa9662414a5" + } + }, + "f8ffa1e9d1384eeeb6eb808d70b02018": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6bd04a7e0c4849d0a07d56351bc23dca", + "placeholder": "​", + "style": "IPY_MODEL_3d019ee3e4c447cabeb1da93572be56d", + "value": "Downloading: 100%" + } + }, + "c038ce3bdfd14aa39cfe2eab33f984d3": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_12b32557435d49d4ab2c6df2bf2e7eec", + "max": 1017, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_7fe0d8709c8e41259bd763db919a6b9d", + "value": 1017 + } + }, + "0761569692354998bcf00930b08643f7": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8d7b07ba65554383951db6d3dc076c06", + "placeholder": "​", + "style": "IPY_MODEL_7c103205178448759f821df394e057b0", + "value": " 0.99k/0.99k [00:00<00:00, 21.1kB/s]" + } + }, + "58ef5df2b9604607aa8f2aa9662414a5": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6bd04a7e0c4849d0a07d56351bc23dca": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3d019ee3e4c447cabeb1da93572be56d": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "12b32557435d49d4ab2c6df2bf2e7eec": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7fe0d8709c8e41259bd763db919a6b9d": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8d7b07ba65554383951db6d3dc076c06": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7c103205178448759f821df394e057b0": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c6d66b9325d8478cb86f357b9f82bc2f": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d4bf81c7190a4a41ae327ab97a88cb7d", + "IPY_MODEL_811979af331e465d9a4a49d9c40f9ffc", + "IPY_MODEL_116a4710b64145b8ad3f30ffcc07aad7" + ], + "layout": "IPY_MODEL_fe66fa7db2be486fbc215d8692a126cc" + } + }, + "d4bf81c7190a4a41ae327ab97a88cb7d": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b8881b0e24fa436baa8fa82d26733dbc", + "placeholder": "​", + "style": "IPY_MODEL_51149e61a59741a780e3135600fc6ca8", + "value": "Downloading: 100%" + } + }, + "811979af331e465d9a4a49d9c40f9ffc": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b697f1c871e045969a8b3e215f4a6016", + "max": 760, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_b0bcac79e3034fdc9c6a45ab89cfe9d3", + "value": 760 + } + }, + "116a4710b64145b8ad3f30ffcc07aad7": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_06cac06bf85f457a8e12d52cf9265dff", + "placeholder": "​", + "style": "IPY_MODEL_9e7a222f4e964c0abc5cbbb7d5a2d7aa", + "value": " 760/760 [00:00<00:00, 20.1kB/s]" + } + }, + "fe66fa7db2be486fbc215d8692a126cc": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b8881b0e24fa436baa8fa82d26733dbc": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "51149e61a59741a780e3135600fc6ca8": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b697f1c871e045969a8b3e215f4a6016": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b0bcac79e3034fdc9c6a45ab89cfe9d3": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "06cac06bf85f457a8e12d52cf9265dff": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9e7a222f4e964c0abc5cbbb7d5a2d7aa": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "49f675a6ac2e43e4bf672c2936aa50cf": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_842be3d0cc534fd5bd4d3f9682883118", + "IPY_MODEL_c367d9a7da5c48c4bd51057056d6bf53", + "IPY_MODEL_a2c1abc8a8aa432b805835380f095060" + ], + "layout": "IPY_MODEL_5a1fc7f8ba614b6fbdfc76f672c9bb4b" + } + }, + "842be3d0cc534fd5bd4d3f9682883118": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_776097a5b3a94243bb47cd1f89dc4190", + "placeholder": "​", + "style": "IPY_MODEL_5187a447793f404cb3c7d764f71a103f", + "value": "Downloading: 100%" + } + }, + "c367d9a7da5c48c4bd51057056d6bf53": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_52ddc5c748204aeebda0b934afc2df61", + "max": 845731, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_8b012d1e527042b7b0aaac5cb716e4c9", + "value": 845731 + } + }, + "a2c1abc8a8aa432b805835380f095060": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2bbd760241e54200adf2e1697e203053", + "placeholder": "​", + "style": "IPY_MODEL_1353178af5924398b9a8a0eb91c5086d", + "value": " 826k/826k [00:00<00:00, 8.66MB/s]" + } + }, + "5a1fc7f8ba614b6fbdfc76f672c9bb4b": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "776097a5b3a94243bb47cd1f89dc4190": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5187a447793f404cb3c7d764f71a103f": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "52ddc5c748204aeebda0b934afc2df61": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8b012d1e527042b7b0aaac5cb716e4c9": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2bbd760241e54200adf2e1697e203053": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1353178af5924398b9a8a0eb91c5086d": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "40c5e392238f4b1d986a7610532687bc": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2fd92533239c46fcb73b170ca77d31b9", + "IPY_MODEL_966c0c33c3724c0e9d6d49a7b23a1296", + "IPY_MODEL_5b21698c298441089fbb369ce6b419b0" + ], + "layout": "IPY_MODEL_11a3ed5e5c214149b3b822e0760cd302" + } + }, + "2fd92533239c46fcb73b170ca77d31b9": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aca4e642a7304b4b9148e0949479efaf", + "placeholder": "​", + "style": "IPY_MODEL_524d6c99bc7641afbb940cbcad53661f", + "value": "Downloading: 100%" + } + }, + "966c0c33c3724c0e9d6d49a7b23a1296": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_294900455c7c47d888a0e6390aba06f2", + "max": 775, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_2e16e8c6aa684648be5ec92198fa88eb", + "value": 775 + } + }, + "5b21698c298441089fbb369ce6b419b0": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1c8c3301705447ceabafbebdd252773a", + "placeholder": "​", + "style": "IPY_MODEL_d356deea3a1f48c9ba9e0216825c302f", + "value": " 775/775 [00:00<00:00, 16.6kB/s]" + } + }, + "11a3ed5e5c214149b3b822e0760cd302": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aca4e642a7304b4b9148e0949479efaf": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "524d6c99bc7641afbb940cbcad53661f": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "294900455c7c47d888a0e6390aba06f2": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2e16e8c6aa684648be5ec92198fa88eb": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1c8c3301705447ceabafbebdd252773a": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d356deea3a1f48c9ba9e0216825c302f": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bfed5603d2f240d1854b3015a10be64e": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5338d7dd7ae240049e912a1d4a893577", + "IPY_MODEL_3826fab209a54adf8dc8cd80d6c5bf08", + "IPY_MODEL_410e5992519b4f2a95d7eabcb7467106" + ], + "layout": "IPY_MODEL_3a6fb57534f547e480d47ffcc1b22ac4" + } + }, + "5338d7dd7ae240049e912a1d4a893577": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2d03cbeffc0248ff9ae166f739a09125", + "placeholder": "​", + "style": "IPY_MODEL_04a678cc951b4b249c85300710d3bf20", + "value": "Downloading: 100%" + } + }, + "3826fab209a54adf8dc8cd80d6c5bf08": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3b47a8c0d04845c5a2a0435a0805631c", + "max": 512568261, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_f2a9eebd9d56456fab46d3eaca38209b", + "value": 512568261 + } + }, + "410e5992519b4f2a95d7eabcb7467106": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_34220a8ca5d44c3ead6ee5a88c84b7b0", + "placeholder": "​", + "style": "IPY_MODEL_7a8d3840ca3b4f0b817f6a695291b3e1", + "value": " 489M/489M [00:18<00:00, 34.0MB/s]" + } + }, + "3a6fb57534f547e480d47ffcc1b22ac4": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2d03cbeffc0248ff9ae166f739a09125": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "04a678cc951b4b249c85300710d3bf20": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3b47a8c0d04845c5a2a0435a0805631c": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f2a9eebd9d56456fab46d3eaca38209b": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "34220a8ca5d44c3ead6ee5a88c84b7b0": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7a8d3840ca3b4f0b817f6a695291b3e1": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + } + } + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} \ No newline at end of file diff --git a/experiments/changmao/End-to-end_GPU_v1_original.ipynb b/experiments/changmao/End-to-end_GPU_v1_original.ipynb new file mode 100644 index 0000000..0af9d19 --- /dev/null +++ b/experiments/changmao/End-to-end_GPU_v1_original.ipynb @@ -0,0 +1,2269 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "1c2ec16d", + "metadata": { + "id": "1c2ec16d" + }, + "source": [ + "# End-to-end\n", + "\n", + "This notebook should form the core skeleton of the 'run' function" + ] + }, + { + "cell_type": "markdown", + "source": [ + "## Colab Set up" + ], + "metadata": { + "id": "XWQS_TUhKKej" + }, + "id": "XWQS_TUhKKej" + }, + { + "cell_type": "code", + "source": [ + "# -- env setup\n", + "import os\n", + "import gc\n", + "\n", + "!python3.7 -m pip install git+https://github.com/namiyousef/colab-utils.git\n", + "from colabtools.utils import get_gpu_utilization, mount_drive, install_private_library\n", + "\n", + "drive_path = mount_drive()\n", + "project_path = os.path.join(drive_path, 'COMP0087/data/core')\n", + "#development_dir = os.path.join(drive_path, 'argument-mining/argminer')\n", + "\n", + "install_private_library(os.path.join(drive_path, 'nlp/github_config.json'), 'argument-mining')" + ], + "metadata": { + "id": "X7OwoLnBKHQB", + "outputId": "7881b2d5-d9ac-41bf-d2c2-322af2651829", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "id": "X7OwoLnBKHQB", + "execution_count": 20, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Collecting git+https://github.com/namiyousef/colab-utils.git\n", + " Cloning https://github.com/namiyousef/colab-utils.git to /tmp/pip-req-build-8ukhohse\n", + " Running command git clone -q https://github.com/namiyousef/colab-utils.git /tmp/pip-req-build-8ukhohse\n", + "Requirement already satisfied: torch in /usr/local/lib/python3.7/dist-packages (from colab-dev-tools==0.0.7) (1.10.0+cu111)\n", + "Requirement already satisfied: numpy in /usr/local/lib/python3.7/dist-packages (from colab-dev-tools==0.0.7) (1.21.5)\n", + "Requirement already satisfied: nvidia-ml-py3 in /usr/local/lib/python3.7/dist-packages (from colab-dev-tools==0.0.7) (7.352.0)\n", + "Requirement already satisfied: typing-extensions in /usr/local/lib/python3.7/dist-packages (from torch->colab-dev-tools==0.0.7) (3.10.0.2)\n", + "Drive already mounted at /content/drive; to attempt to forcibly remount, call drive.mount(\"/content/drive\", force_remount=True).\n", + "Google Drive mount successful.\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "id": "c1302e4f", + "metadata": { + "id": "c1302e4f" + }, + "source": [ + "### Imports" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "id": "7d8ed729", + "metadata": { + "id": "7d8ed729", + "outputId": "b0051ca3-f97b-481e-ff42-c34df9badc7d", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "The autoreload extension is already loaded. To reload it, use:\n", + " %reload_ext autoreload\n" + ] + } + ], + "source": [ + "# -- public imports\n", + "\n", + "from transformers import AutoTokenizer, AutoModelForTokenClassification\n", + "import pandas as pd\n", + "from torch.utils.data import DataLoader\n", + "import torch\n", + "from pandas.testing import assert_frame_equal\n", + "import time\n", + "\n", + "# -- private imports\n", + "from colabtools.utils import move_to_device\n", + "from colabtools.config import DEVICE\n", + "\n", + "# -- dev imports\n", + "%load_ext autoreload\n", + "%autoreload 2\n", + "\n", + "from argminer.data import ArgumentMiningDataset, TUDarmstadtProcessor, PersuadeProcessor\n", + "from argminer.evaluation import inference\n", + "from argminer.utils import encode_model_name\n", + "from argminer.config import LABELS_MAP_DICT\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "id": "59272e27", + "metadata": { + "id": "59272e27" + }, + "outputs": [], + "source": [ + "# constants (these will be abstracted away by inputs that you give to run)\n", + "\n", + "# -- model specific configurations\n", + "model_name = 'google/bigbird-roberta-base'\n", + "max_length = 1024\n", + "\n", + "# -- training configurations\n", + "epochs = 5\n", + "batch_size = 2\n", + "verbose = 2\n", + "save_freq = 2\n", + "\n", + "# -- dataset configurations\n", + "dataset_name = 'Persuade'\n", + "\n", + "# -- experiment configurations\n", + "strategy = 'standard_bieo'\n", + "strat_name, strat_label = strategy.split('_')\n", + "\n", + "# -- inferred configurations\n", + "df_label_map = LABELS_MAP_DICT[dataset_name][strat_label]\n", + "num_labels = len(set(df_label_map.label))\n", + "Processor = eval(f'{dataset_name}Processor')\n" + ] + }, + { + "cell_type": "markdown", + "id": "f5b81b26", + "metadata": { + "id": "f5b81b26" + }, + "source": [ + "### Tokenizer, Model and Optimizer" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "882197f3", + "metadata": { + "id": "882197f3", + "outputId": "51a589fe-fedc-47a9-f4f5-718c3b2f47cc", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 284, + "referenced_widgets": [ + "2368aeddd9aa45118918d3c5a9de5418", + "f8ffa1e9d1384eeeb6eb808d70b02018", + "c038ce3bdfd14aa39cfe2eab33f984d3", + "0761569692354998bcf00930b08643f7", + "58ef5df2b9604607aa8f2aa9662414a5", + "6bd04a7e0c4849d0a07d56351bc23dca", + "3d019ee3e4c447cabeb1da93572be56d", + "12b32557435d49d4ab2c6df2bf2e7eec", + "7fe0d8709c8e41259bd763db919a6b9d", + "8d7b07ba65554383951db6d3dc076c06", + "7c103205178448759f821df394e057b0", + "c6d66b9325d8478cb86f357b9f82bc2f", + "d4bf81c7190a4a41ae327ab97a88cb7d", + "811979af331e465d9a4a49d9c40f9ffc", + "116a4710b64145b8ad3f30ffcc07aad7", + "fe66fa7db2be486fbc215d8692a126cc", + "b8881b0e24fa436baa8fa82d26733dbc", + "51149e61a59741a780e3135600fc6ca8", + "b697f1c871e045969a8b3e215f4a6016", + "b0bcac79e3034fdc9c6a45ab89cfe9d3", + "06cac06bf85f457a8e12d52cf9265dff", + "9e7a222f4e964c0abc5cbbb7d5a2d7aa", + "49f675a6ac2e43e4bf672c2936aa50cf", + "842be3d0cc534fd5bd4d3f9682883118", + "c367d9a7da5c48c4bd51057056d6bf53", + "a2c1abc8a8aa432b805835380f095060", + "5a1fc7f8ba614b6fbdfc76f672c9bb4b", + "776097a5b3a94243bb47cd1f89dc4190", + "5187a447793f404cb3c7d764f71a103f", + "52ddc5c748204aeebda0b934afc2df61", + "8b012d1e527042b7b0aaac5cb716e4c9", + "2bbd760241e54200adf2e1697e203053", + "1353178af5924398b9a8a0eb91c5086d", + "40c5e392238f4b1d986a7610532687bc", + "2fd92533239c46fcb73b170ca77d31b9", + "966c0c33c3724c0e9d6d49a7b23a1296", + "5b21698c298441089fbb369ce6b419b0", + "11a3ed5e5c214149b3b822e0760cd302", + "aca4e642a7304b4b9148e0949479efaf", + "524d6c99bc7641afbb940cbcad53661f", + "294900455c7c47d888a0e6390aba06f2", + "2e16e8c6aa684648be5ec92198fa88eb", + "1c8c3301705447ceabafbebdd252773a", + "d356deea3a1f48c9ba9e0216825c302f", + "bfed5603d2f240d1854b3015a10be64e", + "5338d7dd7ae240049e912a1d4a893577", + "3826fab209a54adf8dc8cd80d6c5bf08", + "410e5992519b4f2a95d7eabcb7467106", + "3a6fb57534f547e480d47ffcc1b22ac4", + "2d03cbeffc0248ff9ae166f739a09125", + "04a678cc951b4b249c85300710d3bf20", + "3b47a8c0d04845c5a2a0435a0805631c", + "f2a9eebd9d56456fab46d3eaca38209b", + "34220a8ca5d44c3ead6ee5a88c84b7b0", + "7a8d3840ca3b4f0b817f6a695291b3e1" + ] + } + }, + "outputs": [ + { + "output_type": "display_data", + "data": { + "text/plain": [ + "Downloading: 0%| | 0.00/0.99k [00:00 1:\n", + " print(\n", + " f'Batch {i + 1} complete. Time taken: load({start_train - start_load:.3g}), '\n", + " f'train({end_train - start_train:.3g}), total({end_train - start_load:.3g}). '\n", + " )\n", + " start_load = time.time()\n", + "\n", + " print_message = f'Epoch {epoch + 1}/{epochs} complete. ' \\\n", + " f'Time taken: {start_load - start_epoch:.3g}. ' \\\n", + " f'Loss: {training_loss/(i+1): .3g}'\n", + "\n", + " if verbose:\n", + " print(f'{\"-\" * len(print_message)}')\n", + " print(print_message)\n", + " print(f'{\"-\" * len(print_message)}')\n", + "\n", + " if epoch % save_freq == 0:\n", + " encoded_model_name = encode_model_name(model_name, epoch+1)\n", + " save_path = f'models/{encoded_model_name}'\n", + " model.save_pretrained(save_path)\n", + " print(f'Model saved at epoch {epoch+1} at: {save_path}')\n", + "\n", + "encoded_model_name = encode_model_name(model_name, 'final')\n", + "save_path = f'models/{encoded_model_name}'\n", + "model.save_pretrained(save_path)\n", + "print(f'Model saved at epoch {epoch + 1} at: {save_path}')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "12afdc17", + "metadata": { + "id": "12afdc17" + }, + "outputs": [], + "source": [ + "# load trained model\n", + "path = ''\n", + "trained_model = AutoModelForTokenClassification.from_pretrained(path)" + ] + }, + { + "cell_type": "code", + "source": [ + "df_metrics, df_scores = inference(trained_model, test_loader)" + ], + "metadata": { + "id": "VQcpzbhuPPwu" + }, + "id": "VQcpzbhuPPwu", + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "bd86b6d3", + "metadata": { + "id": "bd86b6d3" + }, + "outputs": [], + "source": [ + "df_scores" + ] + }, + { + "cell_type": "code", + "source": [ + "" + ], + "metadata": { + "id": "KSc1Z5UFQJgU" + }, + "id": "KSc1Z5UFQJgU", + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "" + ], + "metadata": { + "id": "WoOfJ70gQeAk" + }, + "id": "WoOfJ70gQeAk", + "execution_count": null, + "outputs": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + }, + "colab": { + "name": "End-to-end_no_GPU.ipynb", + "provenance": [] + }, + "accelerator": "GPU", + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "2368aeddd9aa45118918d3c5a9de5418": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_f8ffa1e9d1384eeeb6eb808d70b02018", + "IPY_MODEL_c038ce3bdfd14aa39cfe2eab33f984d3", + "IPY_MODEL_0761569692354998bcf00930b08643f7" + ], + "layout": "IPY_MODEL_58ef5df2b9604607aa8f2aa9662414a5" + } + }, + "f8ffa1e9d1384eeeb6eb808d70b02018": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6bd04a7e0c4849d0a07d56351bc23dca", + "placeholder": "​", + "style": "IPY_MODEL_3d019ee3e4c447cabeb1da93572be56d", + "value": "Downloading: 100%" + } + }, + "c038ce3bdfd14aa39cfe2eab33f984d3": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_12b32557435d49d4ab2c6df2bf2e7eec", + "max": 1017, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_7fe0d8709c8e41259bd763db919a6b9d", + "value": 1017 + } + }, + "0761569692354998bcf00930b08643f7": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8d7b07ba65554383951db6d3dc076c06", + "placeholder": "​", + "style": "IPY_MODEL_7c103205178448759f821df394e057b0", + "value": " 0.99k/0.99k [00:00<00:00, 21.1kB/s]" + } + }, + "58ef5df2b9604607aa8f2aa9662414a5": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6bd04a7e0c4849d0a07d56351bc23dca": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3d019ee3e4c447cabeb1da93572be56d": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "12b32557435d49d4ab2c6df2bf2e7eec": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7fe0d8709c8e41259bd763db919a6b9d": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "8d7b07ba65554383951db6d3dc076c06": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7c103205178448759f821df394e057b0": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c6d66b9325d8478cb86f357b9f82bc2f": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d4bf81c7190a4a41ae327ab97a88cb7d", + "IPY_MODEL_811979af331e465d9a4a49d9c40f9ffc", + "IPY_MODEL_116a4710b64145b8ad3f30ffcc07aad7" + ], + "layout": "IPY_MODEL_fe66fa7db2be486fbc215d8692a126cc" + } + }, + "d4bf81c7190a4a41ae327ab97a88cb7d": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b8881b0e24fa436baa8fa82d26733dbc", + "placeholder": "​", + "style": "IPY_MODEL_51149e61a59741a780e3135600fc6ca8", + "value": "Downloading: 100%" + } + }, + "811979af331e465d9a4a49d9c40f9ffc": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b697f1c871e045969a8b3e215f4a6016", + "max": 760, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_b0bcac79e3034fdc9c6a45ab89cfe9d3", + "value": 760 + } + }, + "116a4710b64145b8ad3f30ffcc07aad7": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_06cac06bf85f457a8e12d52cf9265dff", + "placeholder": "​", + "style": "IPY_MODEL_9e7a222f4e964c0abc5cbbb7d5a2d7aa", + "value": " 760/760 [00:00<00:00, 20.1kB/s]" + } + }, + "fe66fa7db2be486fbc215d8692a126cc": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b8881b0e24fa436baa8fa82d26733dbc": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "51149e61a59741a780e3135600fc6ca8": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b697f1c871e045969a8b3e215f4a6016": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b0bcac79e3034fdc9c6a45ab89cfe9d3": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "06cac06bf85f457a8e12d52cf9265dff": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9e7a222f4e964c0abc5cbbb7d5a2d7aa": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "49f675a6ac2e43e4bf672c2936aa50cf": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_842be3d0cc534fd5bd4d3f9682883118", + "IPY_MODEL_c367d9a7da5c48c4bd51057056d6bf53", + "IPY_MODEL_a2c1abc8a8aa432b805835380f095060" + ], + "layout": "IPY_MODEL_5a1fc7f8ba614b6fbdfc76f672c9bb4b" + } + }, + "842be3d0cc534fd5bd4d3f9682883118": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_776097a5b3a94243bb47cd1f89dc4190", + "placeholder": "​", + "style": "IPY_MODEL_5187a447793f404cb3c7d764f71a103f", + "value": "Downloading: 100%" + } + }, + "c367d9a7da5c48c4bd51057056d6bf53": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_52ddc5c748204aeebda0b934afc2df61", + "max": 845731, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_8b012d1e527042b7b0aaac5cb716e4c9", + "value": 845731 + } + }, + "a2c1abc8a8aa432b805835380f095060": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2bbd760241e54200adf2e1697e203053", + "placeholder": "​", + "style": "IPY_MODEL_1353178af5924398b9a8a0eb91c5086d", + "value": " 826k/826k [00:00<00:00, 8.66MB/s]" + } + }, + "5a1fc7f8ba614b6fbdfc76f672c9bb4b": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "776097a5b3a94243bb47cd1f89dc4190": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5187a447793f404cb3c7d764f71a103f": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "52ddc5c748204aeebda0b934afc2df61": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8b012d1e527042b7b0aaac5cb716e4c9": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2bbd760241e54200adf2e1697e203053": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1353178af5924398b9a8a0eb91c5086d": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "40c5e392238f4b1d986a7610532687bc": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_2fd92533239c46fcb73b170ca77d31b9", + "IPY_MODEL_966c0c33c3724c0e9d6d49a7b23a1296", + "IPY_MODEL_5b21698c298441089fbb369ce6b419b0" + ], + "layout": "IPY_MODEL_11a3ed5e5c214149b3b822e0760cd302" + } + }, + "2fd92533239c46fcb73b170ca77d31b9": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aca4e642a7304b4b9148e0949479efaf", + "placeholder": "​", + "style": "IPY_MODEL_524d6c99bc7641afbb940cbcad53661f", + "value": "Downloading: 100%" + } + }, + "966c0c33c3724c0e9d6d49a7b23a1296": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_294900455c7c47d888a0e6390aba06f2", + "max": 775, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_2e16e8c6aa684648be5ec92198fa88eb", + "value": 775 + } + }, + "5b21698c298441089fbb369ce6b419b0": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_1c8c3301705447ceabafbebdd252773a", + "placeholder": "​", + "style": "IPY_MODEL_d356deea3a1f48c9ba9e0216825c302f", + "value": " 775/775 [00:00<00:00, 16.6kB/s]" + } + }, + "11a3ed5e5c214149b3b822e0760cd302": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aca4e642a7304b4b9148e0949479efaf": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "524d6c99bc7641afbb940cbcad53661f": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "294900455c7c47d888a0e6390aba06f2": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2e16e8c6aa684648be5ec92198fa88eb": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "1c8c3301705447ceabafbebdd252773a": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d356deea3a1f48c9ba9e0216825c302f": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bfed5603d2f240d1854b3015a10be64e": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_5338d7dd7ae240049e912a1d4a893577", + "IPY_MODEL_3826fab209a54adf8dc8cd80d6c5bf08", + "IPY_MODEL_410e5992519b4f2a95d7eabcb7467106" + ], + "layout": "IPY_MODEL_3a6fb57534f547e480d47ffcc1b22ac4" + } + }, + "5338d7dd7ae240049e912a1d4a893577": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2d03cbeffc0248ff9ae166f739a09125", + "placeholder": "​", + "style": "IPY_MODEL_04a678cc951b4b249c85300710d3bf20", + "value": "Downloading: 100%" + } + }, + "3826fab209a54adf8dc8cd80d6c5bf08": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3b47a8c0d04845c5a2a0435a0805631c", + "max": 512568261, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_f2a9eebd9d56456fab46d3eaca38209b", + "value": 512568261 + } + }, + "410e5992519b4f2a95d7eabcb7467106": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_34220a8ca5d44c3ead6ee5a88c84b7b0", + "placeholder": "​", + "style": "IPY_MODEL_7a8d3840ca3b4f0b817f6a695291b3e1", + "value": " 489M/489M [00:18<00:00, 34.0MB/s]" + } + }, + "3a6fb57534f547e480d47ffcc1b22ac4": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2d03cbeffc0248ff9ae166f739a09125": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "04a678cc951b4b249c85300710d3bf20": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3b47a8c0d04845c5a2a0435a0805631c": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f2a9eebd9d56456fab46d3eaca38209b": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "34220a8ca5d44c3ead6ee5a88c84b7b0": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7a8d3840ca3b4f0b817f6a695291b3e1": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + } + } + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} \ No newline at end of file diff --git a/experiments/changmao/paper.txt b/experiments/changmao/paper.txt new file mode 100644 index 0000000..a97e693 --- /dev/null +++ b/experiments/changmao/paper.txt @@ -0,0 +1 @@ +https://marmalade-marten-b45.notion.site/NLP-group-coursework-003529854c4f45258036859c20f94493 \ No newline at end of file diff --git a/experiments/changmao/requirements.txt b/experiments/changmao/requirements.txt new file mode 100644 index 0000000..e69de29 diff --git a/experiments/federico/Augmentations.ipynb b/experiments/federico/Augmentations.ipynb new file mode 100644 index 0000000..b1cb744 --- /dev/null +++ b/experiments/federico/Augmentations.ipynb @@ -0,0 +1,433 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "# This will use the nlpaug package, see dependencies here: https://github.com/makcedward/nlpaug, which\n", + "# probably will need to be installed if you want to run this (and when we add this to the module)\n", + "# It should (theoretically) be more widely used than the textattack package, and it looks more flexible and diverse." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# What attacks to add?\n", + "On the theoretical side of things, we want to add augmentations (attacks), that we think will be likely to throw off the model.\n", + "There is no point in adding keyboard-driven mis-spellings or randomly shuffling words in a phrase since that will probably be too artificial and distant from the actual use-case of the model.\n", + "\n", + "Attacks that would make sense to me, going into increasing order of how much it could break the model, are the following:\n", + "1. Changing random words with synonyms.\n", + "2. Changing random words with others with a similar embedding.\n", + "3. Changing random words with a plausible spelling mistake\n", + "4. Adding filler words.\n", + "5. Changing random words with antonyms (this should not change the argumentative structure, only the contents of the argument).\n", + "6. Changing only the first word of a phrase (a likely B token) with its antonym.\n", + "7. Paraphrase (or summarise) using other models (already in the nlpaug library).\n", + "8. Injecting a filler argumentative expression (from TUDarmstadt guide pdf) at the beginning of a phrase\n", + "\n", + "Also note that we could divide these in two major categories, namely word insertions and word substitutions." + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package averaged_perceptron_tagger to\n", + "[nltk_data] /Users/fededagos/nltk_data...\n", + "[nltk_data] Package averaged_perceptron_tagger is already up-to-\n", + "[nltk_data] date!\n", + "[nltk_data] Downloading package wordnet to\n", + "[nltk_data] /Users/fededagos/nltk_data...\n", + "[nltk_data] Package wordnet is already up-to-date!\n", + "[nltk_data] Downloading package omw-1.4 to\n", + "[nltk_data] /Users/fededagos/nltk_data...\n", + "[nltk_data] Package omw-1.4 is already up-to-date!\n" + ] + }, + { + "data": { + "text/plain": [ + "True" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import numpy as np\n", + "\n", + "import nlpaug.augmenter.char as nac\n", + "import nlpaug.augmenter.word as naw\n", + "import nlpaug.augmenter.sentence as nas\n", + "\n", + "import nltk\n", + "nltk.download('averaged_perceptron_tagger')\n", + "nltk.download('wordnet')\n", + "nltk.download('omw-1.4')" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [], + "source": [ + "text = [\"From this point of view, I firmly believe that we should attach more importance to cooperation during primary education.\"]" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Note: for every augmenter we can choose the minimum and maximum number of words to change/insert, and with which probability to do so. Defaults are: min = 1, max = 10, p = 0.3" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Synonym\n", + "Requires downloading dictionaries" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Original:\n", + "['From this point of view, I firmly believe that we should attach more importance to cooperation during primary education.']\n", + "Augmented Text:\n", + "['From this point of vista, I firm think that we should attach more than importance to cooperation during chief education.']\n" + ] + } + ], + "source": [ + "aug = naw.SynonymAug()\n", + "augmented_text = aug.augment(text)\n", + "print(\"Original:\")\n", + "print(text)\n", + "print(\"Augmented Text:\")\n", + "print(augmented_text)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Random word insertion /substitution\n", + "Needs to download BERT (or any other model in transformers).\n", + "Results of this look pretty cool, and the attack also makes sense." + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Original:\n", + "['From this point of view, I firmly believe that we should attach more importance to cooperation during primary education.']\n", + "Augmented Text:\n", + "['from this point be of view, and i firmly believe strongly that we children should attach dramatically more importance to cooperation than during proper primary education.']\n" + ] + } + ], + "source": [ + "aug = naw.ContextualWordEmbsAug(\n", + " model_path='bert-base-uncased', action=\"insert\")\n", + "augmented_text = aug.augment(text)\n", + "print(\"Original:\")\n", + "print(text)\n", + "print(\"Augmented Text:\")\n", + "print(augmented_text)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Random spelling mistakes\n", + "It is supposed to use random spelling mistakes from dictionaries, but looks quite bad." + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Original:\n", + "['From this point of view, I firmly believe that we should attach more importance to cooperation during primary education.']\n", + "Augmented Texts:\n", + "['Fron ths point of view, I firmely believe thai me should attack more importance to cooperation during primay education.']\n" + ] + } + ], + "source": [ + "aug = naw.SpellingAug()\n", + "augmented_texts = aug.augment(text)\n", + "print(\"Original:\")\n", + "print(text)\n", + "print(\"Augmented Texts:\")\n", + "print(augmented_texts)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Antonyms\n", + "Also depends on downloaded dictionaries. This looks like one of the most interesting: changing the sentiment and or the contents of a claim still make it a claim: will the model pick up on this?" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Original:\n", + "['From this point of view, I firmly believe that we should attach more importance to cooperation during primary education.']\n", + "Augmented Text:\n", + "['From this point of view, I firmly disbelieve that we should detach less importance to cooperation during secondary education.']\n" + ] + } + ], + "source": [ + "aug = naw.AntonymAug()\n", + "augmented_text = aug.augment(text)\n", + "print(\"Original:\")\n", + "print(text)\n", + "print(\"Augmented Text:\")\n", + "print(augmented_text)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Summarisation\n", + "This requires downloading T5. Results can look like BS." + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Original:\n", + "['From this point of view, I firmly believe that we should attach more importance to cooperation during primary education.']\n", + "Augmented Text:\n", + "['timothy stanley: we should attach more importance to cooperation during primary education. he says i firmly believe that we should give more emphasis to cooperation.']\n" + ] + } + ], + "source": [ + "aug = nas.AbstSummAug(model_path='t5-base')\n", + "augmented_text = aug.augment(text)\n", + "print(\"Original:\")\n", + "print(text)\n", + "print(\"Augmented Text:\")\n", + "print(augmented_text)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Random keyword change\n", + "The following is interesting: we can define a list of \"reserved words\" and the augmenter will swap each reserved word with another one from the list at random. We could change groups of logical connectives in this way, or overload the use of prepositions after the subject, etc..." + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Original:\n", + "['From this point of view, I firmly believe that we should attach more importance to cooperation during primary education.']\n", + "Augmented Text:\n", + "['From this point of view, I therefore firmly believe that we should attach more importance to cooperation during primary education.']\n" + ] + } + ], + "source": [ + "reserved_tokens = [\n", + " [\"I\", \"I therefore\"],\n", + "]\n", + "reserved_aug = naw.ReservedAug(reserved_tokens=reserved_tokens)\n", + "augmented_text = reserved_aug.augment(text)\n", + "\n", + "print(\"Original:\")\n", + "print(text)\n", + "print(\"Augmented Text:\")\n", + "print(augmented_text)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "A more extensive example is the following:" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Original:\n", + "['From this point of view, I firmly believe that we should attach more importance to cooperation during primary education.']\n", + "Augmented Text:\n", + "['From this point of view, I basically firmly believe that we should attach more importance to cooperation during primary education.']\n" + ] + } + ], + "source": [ + "reserved_tokens = [\n", + " [\n", + " \"I\",\n", + " \"I therefore\",\n", + " \"I actually\",\n", + " \"I basically\",\n", + " \"I seriously\",\n", + " \"I really\",\n", + " \"I highly\",\n", + " \"I totally\",\n", + " \"I absolutely\",\n", + " ],\n", + "]\n", + "reserved_aug = naw.ReservedAug(reserved_tokens=reserved_tokens)\n", + "augmented_text = reserved_aug.augment(text)\n", + "\n", + "print(\"Original:\")\n", + "print(text)\n", + "print(\"Augmented Text:\")\n", + "print(augmented_text)\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Custom fillers from TuDarmstadt" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [], + "source": [ + "def filler_augment(text, fillers=None):\n", + " \"\"\"Augments the beginning of text with a phrase taken from a list of pre-defined filler phrases.\n", + " The filler phrases are taken from the TUDarmstadt annotation guidelines, with the addition of some\n", + " other common fillers used in english.\"\"\"\n", + " if fillers is None:\n", + " fillers = [\n", + " \"According to the previous fact, \",\n", + " \"As can be seen, \",\n", + " \"For example, \",\n", + " \"Another important point which contributes to my argument is that \",\n", + " \"I agree to this view that \",\n", + " \"In this context, \",\n", + " \"At the end of the day, \",\n", + " ]\n", + " random_idx = np.random.choice(len(fillers))\n", + " filler = fillers[random_idx]\n", + " aug_text = filler + text[0].lower() + text[1:]\n", + " \n", + " return aug_text\n" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'I agree to this view that from this point of view, I firmly believe that we should attach more importance to cooperation during primary education.'" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "filler_augment(text[0])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "interpreter": { + "hash": "ee6a9a8b61699f32b5a7a55c4b76a23d31b5e19b5306abe9fe34779c1ab572f7" + }, + "kernelspec": { + "display_name": "Python 3.10.0 ('python10')", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.0" + }, + "orig_nbformat": 4 + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/experiments/federico/End-to-end_GPU.ipynb b/experiments/federico/End-to-end_GPU.ipynb new file mode 100644 index 0000000..63150b1 --- /dev/null +++ b/experiments/federico/End-to-end_GPU.ipynb @@ -0,0 +1,518 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "1c2ec16d", + "metadata": { + "id": "1c2ec16d" + }, + "source": [ + "# End-to-end\n", + "\n", + "This notebook should form the core skeleton of the 'run' function" + ] + }, + { + "cell_type": "markdown", + "source": [ + "## Colab Set up" + ], + "metadata": { + "id": "XWQS_TUhKKej" + }, + "id": "XWQS_TUhKKej" + }, + { + "cell_type": "code", + "source": [ + "# -- env setup\n", + "import os\n", + "import gc\n", + "\n", + "!python3.7 -m pip install git+https://github.com/namiyousef/colab-utils.git\n", + "from colabtools.utils import get_gpu_utilization, mount_drive, install_private_library\n", + "\n", + "drive_path = mount_drive()\n", + "project_path = os.path.join(drive_path, 'argument-mining')\n", + "development_dir = os.path.join(drive_path, 'argument-mining/argminer')\n", + "\n", + "install_private_library(os.path.join(project_path, 'data/github_config.json'), 'argument-mining')" + ], + "metadata": { + "id": "X7OwoLnBKHQB", + "outputId": "1a8516e4-4d63-4fde-b736-717f6fe3357e", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "id": "X7OwoLnBKHQB", + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Collecting git+https://github.com/namiyousef/colab-utils.git\n", + " Cloning https://github.com/namiyousef/colab-utils.git to /tmp/pip-req-build-5i7ydzp6\n", + " Running command git clone -q https://github.com/namiyousef/colab-utils.git /tmp/pip-req-build-5i7ydzp6\n", + "Requirement already satisfied: nvidia-ml-py3 in /usr/local/lib/python3.7/dist-packages (from colabtools==0.0.5) (7.352.0)\n", + "Requirement already satisfied: torch in /usr/local/lib/python3.7/dist-packages (from colabtools==0.0.5) (1.10.0+cu111)\n", + "Requirement already satisfied: typing-extensions in /usr/local/lib/python3.7/dist-packages (from torch->colabtools==0.0.5) (3.10.0.2)\n", + "Building wheels for collected packages: colabtools\n", + " Building wheel for colabtools (setup.py) ... \u001b[?25l\u001b[?25hdone\n", + " Created wheel for colabtools: filename=colabtools-0.0.5-py3-none-any.whl size=3585 sha256=b0808ec10b9aba31db65c105148d19c652618702710623944c7f38fcac29e020\n", + " Stored in directory: /tmp/pip-ephem-wheel-cache-t4irkesa/wheels/1c/35/c0/364531e4ff0f0fe0f3296c80f1ee668b03ae6c6c378c5a44bf\n", + "Successfully built colabtools\n", + "Installing collected packages: colabtools\n", + "Successfully installed colabtools-0.0.5\n", + "Google Drive import successful.\n", + "CUDA device detected. Using GPU...\n", + "Mounted at /content/drive\n", + "Google Drive mount successful.\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "id": "c1302e4f", + "metadata": { + "id": "c1302e4f" + }, + "source": [ + "### Imports" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7d8ed729", + "metadata": { + "id": "7d8ed729", + "outputId": "efb3ba2f-ec41-4a60-d4fb-7a4fdd2b51dc", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Import of ArgMiner successful\n" + ] + } + ], + "source": [ + "# -- public imports\n", + "\n", + "from transformers import AutoTokenizer, AutoModelForTokenClassification\n", + "import pandas as pd\n", + "from torch.utils.data import DataLoader\n", + "import torch\n", + "from pandas.testing import assert_frame_equal\n", + "import time\n", + "\n", + "# -- private imports\n", + "from colabtools.utils import move_to_device\n", + "from colabtools.config import DEVICE\n", + "\n", + "# -- dev imports\n", + "%load_ext autoreload\n", + "%autoreload 2\n", + "\n", + "from argminer.data import ArgumentMiningDataset, TUDarmstadtProcessor, PersuadeProcessor\n", + "from argminer.evaluation import inference\n", + "from argminer.utils import encode_model_name\n", + "from argminer.config import LABELS_MAP_DICT\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "59272e27", + "metadata": { + "id": "59272e27" + }, + "outputs": [], + "source": [ + "# constants (these will be abstracted away by inputs that you give to run)\n", + "\n", + "# -- model specific configurations\n", + "model_name = 'google/bigbird-roberta-base'\n", + "max_length = 1024\n", + "\n", + "# -- training configurations\n", + "epochs = 5\n", + "batch_size = 2\n", + "verbose = 2\n", + "save_freq = 2\n", + "\n", + "# -- dataset configurations\n", + "dataset_name = 'Persuade'\n", + "\n", + "# -- experiment configurations\n", + "strategy = 'standard_bieo'\n", + "strat_name, strat_label = strategy.split('_')\n", + "\n", + "# -- inferred configurations\n", + "df_label_map = LABELS_MAP_DICT[dataset_name][strat_label]\n", + "num_labels = len(set(df_label_map.label))\n", + "Processor = eval(f'{dataset_name}Processor')\n" + ] + }, + { + "cell_type": "markdown", + "id": "f5b81b26", + "metadata": { + "id": "f5b81b26" + }, + "source": [ + "### Tokenizer, Model and Optimizer" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "882197f3", + "metadata": { + "id": "882197f3", + "outputId": "1c6866c9-e63f-414a-8218-80d7484a4f59", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "outputs": [ + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Some weights of the model checkpoint at google/bigbird-roberta-base were not used when initializing BigBirdForTokenClassification: ['cls.predictions.decoder.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.predictions.transform.LayerNorm.bias', 'cls.seq_relationship.bias', 'cls.predictions.bias', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.dense.weight']\n", + "- This IS expected if you are initializing BigBirdForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing BigBirdForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "Some weights of BigBirdForTokenClassification were not initialized from the model checkpoint at google/bigbird-roberta-base and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n" + ] + } + ], + "source": [ + "tokenizer = AutoTokenizer.from_pretrained(model_name, add_prefix_space=True)\n", + "model = AutoModelForTokenClassification.from_pretrained(model_name, num_labels=num_labels) \n", + "# TODO force_download\n", + "# TODO add option for optimizer\n", + "optimizer = torch.optim.Adam(params=model.parameters())" + ] + }, + { + "cell_type": "markdown", + "id": "cb3e225a", + "metadata": { + "id": "cb3e225a" + }, + "source": [ + "### Dataset \n", + "Note this will change as the Processor develops. On the cluster you will need to use different options" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ccc67877", + "metadata": { + "id": "ccc67877", + "outputId": "22ba1471-aed5-42ca-aebc-6bbc9fdcf1bc", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "\n" + ] + } + ], + "source": [ + "processor = Processor(os.path.join(project_path, f'data/{strat_label}'))\n", + "processor = processor.from_json()\n", + "df_total = processor.dataframe\n", + "\n", + "df_dict = processor.get_tts(test_size=0.3, val_size=0.1)\n", + "df_train = df_dict.get('train')[['text', 'labels']]\n", + "df_test = df_dict.get('test')[['text', 'labels']]\n", + "df_val = df_dict.get('val')[['text', 'labels']]\n", + "\n", + "#df_train = df_total[['text', 'labels']].head(10) \n", + "#df_test = df_total[['text', 'labels']].tail(201)\n", + "\n", + "\n", + "#assert_frame_equal(df_total[['text', 'labels']], pd.concat([df_train, df_test]))\n", + "\n", + "# todo this changes NOTE FIXED BT STRATEGY!!\n", + "# todo this needs to get updated as well.....\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ccf36a48", + "metadata": { + "id": "ccf36a48" + }, + "outputs": [], + "source": [ + "train_set = ArgumentMiningDataset(df_label_map, df_train, tokenizer, max_length, strategy)\n", + "test_set = ArgumentMiningDataset(df_label_map, df_test, tokenizer, max_length, strategy, is_train=False)\n", + "\n", + "train_loader = DataLoader(train_set, batch_size=batch_size)\n", + "test_loader = DataLoader(test_set, batch_size=batch_size)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d2aa673e", + "metadata": { + "id": "d2aa673e", + "outputId": "ad9cf94d-5991-4a83-8443-af62a83b3a68", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 852 + } + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Model pushed to device: cuda\n", + "EPOCH 1 STARTED\n", + "---------------\n", + "GPU Utilisation at batch 1 after data loading: 2739\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py:978: UserWarning: __floordiv__ is deprecated, and its behavior will change in a future version of pytorch. It currently rounds toward 0 (like the 'trunc' function NOT 'floor'). This results in incorrect rounding for negative values. To keep the current behavior, use torch.div(a, b, rounding_mode='trunc'), or for actual floor division, use torch.div(a, b, rounding_mode='floor').\n", + " * num_indices_to_pick_from\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "GPU Utilisation at batch 1 after training: 5763\n", + "Batch 1 complete. Time taken: load(0.0248), train(2.19), total(2.22). \n", + "GPU Utilisation at batch 2 after data loading: 2797\n", + "GPU Utilisation at batch 2 after training: 7251\n", + "Batch 2 complete. Time taken: load(0.0156), train(2.04), total(2.05). \n", + "GPU Utilisation at batch 3 after data loading: 2797\n", + "GPU Utilisation at batch 3 after training: 7251\n", + "Batch 3 complete. Time taken: load(0.0133), train(2.03), total(2.04). \n", + "GPU Utilisation at batch 4 after data loading: 2797\n", + "GPU Utilisation at batch 4 after training: 7251\n", + "Batch 4 complete. Time taken: load(0.0162), train(2.04), total(2.06). \n", + "GPU Utilisation at batch 5 after data loading: 2797\n", + "GPU Utilisation at batch 5 after training: 7251\n", + "Batch 5 complete. Time taken: load(0.0172), train(2.03), total(2.04). \n", + "GPU Utilisation at batch 6 after data loading: 2797\n", + "GPU Utilisation at batch 6 after training: 7251\n", + "Batch 6 complete. Time taken: load(0.024), train(2.02), total(2.05). \n", + "GPU Utilisation at batch 7 after data loading: 2797\n" + ] + }, + { + "output_type": "error", + "ename": "KeyboardInterrupt", + "evalue": "ignored", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 26\u001b[0m \u001b[0minput_ids\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'input_ids'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 27\u001b[0m \u001b[0mattention_mask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'attention_mask'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 28\u001b[0;31m \u001b[0mreturn_dict\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 29\u001b[0m )\n\u001b[1;32m 30\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mDEVICE\u001b[0m \u001b[0;34m!=\u001b[0m \u001b[0;34m'cpu'\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m_call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1100\u001b[0m if not (self._backward_hooks or self._forward_hooks or self._forward_pre_hooks or _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m or _global_forward_hooks or _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mforward_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1103\u001b[0m \u001b[0;31m# Do not call functions when jit is used\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1104\u001b[0m \u001b[0mfull_backward_hooks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnon_full_backward_hooks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, input_ids, attention_mask, token_type_ids, position_ids, head_mask, inputs_embeds, labels, output_attentions, output_hidden_states, return_dict)\u001b[0m\n\u001b[1;32m 2878\u001b[0m \u001b[0moutput_attentions\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0moutput_attentions\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2879\u001b[0m \u001b[0moutput_hidden_states\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0moutput_hidden_states\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 2880\u001b[0;31m \u001b[0mreturn_dict\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mreturn_dict\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2881\u001b[0m )\n\u001b[1;32m 2882\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m_call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1100\u001b[0m if not (self._backward_hooks or self._forward_hooks or self._forward_pre_hooks or _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m or _global_forward_hooks or _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mforward_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1103\u001b[0m \u001b[0;31m# Do not call functions when jit is used\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1104\u001b[0m \u001b[0mfull_backward_hooks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnon_full_backward_hooks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, input_ids, attention_mask, token_type_ids, position_ids, head_mask, inputs_embeds, encoder_hidden_states, encoder_attention_mask, past_key_values, use_cache, output_attentions, output_hidden_states, return_dict)\u001b[0m\n\u001b[1;32m 2150\u001b[0m \u001b[0mto_mask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mto_mask\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2151\u001b[0m \u001b[0mblocked_encoder_mask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mblocked_encoder_mask\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 2152\u001b[0;31m \u001b[0mreturn_dict\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mreturn_dict\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2153\u001b[0m )\n\u001b[1;32m 2154\u001b[0m \u001b[0msequence_output\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mencoder_outputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m_call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1100\u001b[0m if not (self._backward_hooks or self._forward_hooks or self._forward_pre_hooks or _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m or _global_forward_hooks or _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mforward_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1103\u001b[0m \u001b[0;31m# Do not call functions when jit is used\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1104\u001b[0m \u001b[0mfull_backward_hooks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnon_full_backward_hooks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, hidden_states, attention_mask, head_mask, encoder_hidden_states, encoder_attention_mask, past_key_values, use_cache, output_attentions, output_hidden_states, band_mask, from_mask, to_mask, blocked_encoder_mask, return_dict)\u001b[0m\n\u001b[1;32m 1639\u001b[0m \u001b[0mblocked_encoder_mask\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1640\u001b[0m \u001b[0mpast_key_value\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1641\u001b[0;31m \u001b[0moutput_attentions\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1642\u001b[0m )\n\u001b[1;32m 1643\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m_call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1100\u001b[0m if not (self._backward_hooks or self._forward_hooks or self._forward_pre_hooks or _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m or _global_forward_hooks or _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mforward_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1103\u001b[0m \u001b[0;31m# Do not call functions when jit is used\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1104\u001b[0m \u001b[0mfull_backward_hooks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnon_full_backward_hooks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, hidden_states, attention_mask, head_mask, encoder_hidden_states, encoder_attention_mask, band_mask, from_mask, to_mask, blocked_encoder_mask, past_key_value, output_attentions)\u001b[0m\n\u001b[1;32m 1492\u001b[0m \u001b[0mto_mask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mto_mask\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1493\u001b[0m \u001b[0mfrom_blocked_mask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mblocked_encoder_mask\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1494\u001b[0;31m \u001b[0mto_blocked_mask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mblocked_encoder_mask\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1495\u001b[0m )\n\u001b[1;32m 1496\u001b[0m \u001b[0mattention_output\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself_attention_outputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m_call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1100\u001b[0m if not (self._backward_hooks or self._forward_hooks or self._forward_pre_hooks or _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m or _global_forward_hooks or _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mforward_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1103\u001b[0m \u001b[0;31m# Do not call functions when jit is used\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1104\u001b[0m \u001b[0mfull_backward_hooks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnon_full_backward_hooks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, hidden_states, attention_mask, head_mask, encoder_hidden_states, encoder_attention_mask, past_key_value, output_attentions, band_mask, from_mask, to_mask, from_blocked_mask, to_blocked_mask)\u001b[0m\n\u001b[1;32m 1395\u001b[0m ), \"BigBird cannot be used as a decoder when config.attention_type != 'original_full'\"\n\u001b[1;32m 1396\u001b[0m self_outputs = self.self(\n\u001b[0;32m-> 1397\u001b[0;31m \u001b[0mhidden_states\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mband_mask\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfrom_mask\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mto_mask\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfrom_blocked_mask\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mto_blocked_mask\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moutput_attentions\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1398\u001b[0m )\n\u001b[1;32m 1399\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m_call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1100\u001b[0m if not (self._backward_hooks or self._forward_hooks or self._forward_pre_hooks or _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m or _global_forward_hooks or _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mforward_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1103\u001b[0m \u001b[0;31m# Do not call functions when jit is used\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1104\u001b[0m \u001b[0mfull_backward_hooks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnon_full_backward_hooks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, hidden_states, band_mask, from_mask, to_mask, from_blocked_mask, to_blocked_mask, output_attentions)\u001b[0m\n\u001b[1;32m 488\u001b[0m \u001b[0mplan_from_length\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mNone\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 489\u001b[0m \u001b[0mplan_num_rand_blocks\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mNone\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 490\u001b[0;31m \u001b[0moutput_attentions\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0moutput_attentions\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 491\u001b[0m )\n\u001b[1;32m 492\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mbigbird_block_sparse_attention\u001b[0;34m(self, query_layer, key_layer, value_layer, band_mask, from_mask, to_mask, from_blocked_mask, to_blocked_mask, n_heads, n_rand_blocks, attention_head_size, from_block_size, to_block_size, batch_size, from_seq_len, to_seq_len, seed, plan_from_length, plan_num_rand_blocks, output_attentions)\u001b[0m\n\u001b[1;32m 591\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 592\u001b[0m \u001b[0mrand_attn\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mnp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstack\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrand_attn\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0maxis\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 593\u001b[0;31m \u001b[0mrand_attn\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtensor\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrand_attn\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdevice\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mquery_layer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdevice\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdtype\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mlong\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 594\u001b[0m \u001b[0mrand_attn\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0munsqueeze_\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 595\u001b[0m \u001b[0mrand_attn\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcat\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mrand_attn\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0m_\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mrange\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbatch_size\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdim\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mKeyboardInterrupt\u001b[0m: " + ] + } + ], + "source": [ + "if not os.path.exists('models'):\n", + " os.makedirs('models')\n", + " print('models directory created!')\n", + "model.to(DEVICE)\n", + "print(f'Model pushed to device: {DEVICE}')\n", + "for epoch in range(epochs):\n", + " model.train()\n", + " start_epoch_message = f'EPOCH {epoch + 1} STARTED'\n", + " print(start_epoch_message)\n", + " print(f'{\"-\" * len(start_epoch_message)}')\n", + " start_epoch = time.time()\n", + "\n", + " start_load = time.time()\n", + " training_loss = 0\n", + " for i, (inputs, targets) in enumerate(train_loader):\n", + " start_train = time.time()\n", + " inputs = move_to_device(inputs, DEVICE)\n", + " targets = move_to_device(targets, DEVICE)\n", + " if DEVICE != 'cpu':\n", + " print(f'GPU Utilisation at batch {i+1} after data loading: {get_gpu_utilization()}')\n", + "\n", + " optimizer.zero_grad()\n", + "\n", + " loss, outputs = model(\n", + " labels=targets,\n", + " input_ids=inputs['input_ids'],\n", + " attention_mask=inputs['attention_mask'],\n", + " return_dict=False\n", + " )\n", + " if DEVICE != 'cpu':\n", + " print(f'GPU Utilisation at batch {i+1} after training: {get_gpu_utilization()}')\n", + "\n", + "\n", + " training_loss += loss.item()\n", + "\n", + " # backward pass\n", + " optimizer.zero_grad()\n", + " loss.backward()\n", + " optimizer.step()\n", + "\n", + " del targets, inputs, loss, outputs\n", + " gc.collect()\n", + " torch.cuda.empty_cache()\n", + "\n", + " end_train = time.time()\n", + "\n", + " if verbose > 1:\n", + " print(\n", + " f'Batch {i + 1} complete. Time taken: load({start_train - start_load:.3g}), '\n", + " f'train({end_train - start_train:.3g}), total({end_train - start_load:.3g}). '\n", + " )\n", + " start_load = time.time()\n", + "\n", + " print_message = f'Epoch {epoch + 1}/{epochs} complete. ' \\\n", + " f'Time taken: {start_load - start_epoch:.3g}. ' \\\n", + " f'Loss: {training_loss/(i+1): .3g}'\n", + "\n", + " if verbose:\n", + " print(f'{\"-\" * len(print_message)}')\n", + " print(print_message)\n", + " print(f'{\"-\" * len(print_message)}')\n", + "\n", + " if epoch % save_freq == 0:\n", + " encoded_model_name = encode_model_name(model_name, epoch+1)\n", + " save_path = f'models/{encoded_model_name}'\n", + " model.save_pretrained(save_path)\n", + " print(f'Model saved at epoch {epoch+1} at: {save_path}')\n", + "\n", + "encoded_model_name = encode_model_name(model_name, 'final')\n", + "save_path = f'models/{encoded_model_name}'\n", + "model.save_pretrained(save_path)\n", + "print(f'Model saved at epoch {epoch + 1} at: {save_path}')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "12afdc17", + "metadata": { + "id": "12afdc17" + }, + "outputs": [], + "source": [ + "# load trained model\n", + "path = ''\n", + "trained_model = AutoModelForTokenClassification.from_pretrained(path)" + ] + }, + { + "cell_type": "code", + "source": [ + "df_metrics, df_scores = inference(trained_model, test_loader)" + ], + "metadata": { + "id": "VQcpzbhuPPwu" + }, + "id": "VQcpzbhuPPwu", + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "bd86b6d3", + "metadata": { + "id": "bd86b6d3" + }, + "outputs": [], + "source": [ + "df_scores" + ] + }, + { + "cell_type": "code", + "source": [ + "" + ], + "metadata": { + "id": "KSc1Z5UFQJgU" + }, + "id": "KSc1Z5UFQJgU", + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "" + ], + "metadata": { + "id": "WoOfJ70gQeAk" + }, + "id": "WoOfJ70gQeAk", + "execution_count": null, + "outputs": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + }, + "colab": { + "name": "End-to-end_no_GPU.ipynb", + "provenance": [] + }, + "accelerator": "GPU" + }, + "nbformat": 4, + "nbformat_minor": 5 +} \ No newline at end of file diff --git a/experiments/federico/Longformer.ipynb b/experiments/federico/Longformer.ipynb new file mode 100644 index 0000000..8b8b769 --- /dev/null +++ b/experiments/federico/Longformer.ipynb @@ -0,0 +1,1322 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "id": "8zIVWaSRUxuA" + }, + "source": [ + "# Foreword:\n", + "To run in Colab, we need to have the files in Drive. \n", + "To do this easily, we have to follow a couple of steps:\n", + "1. Go to Federico's `NLP_project` folder in Drive [here](https://drive.google.com/drive/folders/16Gm33Ckb_YoX_z_x9xVITt2afa-aAPLX?usp=sharing), and Add a shortcut to your drive.\n", + "2. Mount google drive on Colab by running the code cells that will follow.\n", + "3. Done, the directory structure will look like this:\n", + "```\n", + "YOUR_GOOGLE_DRIVE/\n", + "└── COMP0087/\n", + " ├── data/\n", + " │ ├── test\n", + " │ ├── train\n", + " │ ├── train.csv\n", + " │ └── sample_submission.csv\n", + " ├── model\n", + " └── output\n", + "```\n", + "4. Make sure you change the directory you are using in the `HyperParameters` class defined below to `/content/drive/MyDrive/NLP_project`\n", + "I have already done this automatically by setting a cd to that folder if we are on colab, I am writing this just so that you are aware." + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "ifzzOtkEUxuC", + "outputId": "2a9731b7-e07f-4b0f-d6a4-42477467bd1d" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Mounted at /content/drive\n" + ] + } + ], + "source": [ + "ON_COLAB = True\n", + "if ON_COLAB:\n", + " # Mount drive:\n", + " from google.colab import drive, files\n", + " # mount Google Drive\n", + " drive.mount(\"/content/drive\")" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "V5K5Cr2fUxuE" + }, + "source": [ + "# Imports" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": { + "id": "eriNZqVPVW9a" + }, + "outputs": [], + "source": [ + "%%capture\n", + "# if on Colab, we need to install missing stuff!\n", + "if ON_COLAB:\n", + " !pip install transformers\n", + " !pip install iterative-stratification" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "id": "OtO0xcw1UxuF" + }, + "outputs": [], + "source": [ + "import gc\n", + "import os\n", + "import torch\n", + "import random\n", + "import numpy as np\n", + "import pandas as pd\n", + "import torch.nn as nn\n", + "\n", + "from tqdm.notebook import tqdm\n", + "from sklearn.metrics import accuracy_score\n", + "from torch.cuda.amp import autocast, GradScaler\n", + "from torch.utils.data import Dataset, DataLoader\n", + "from transformers import AutoConfig, AutoModel, AutoTokenizer\n", + "from iterstrat.ml_stratifiers import MultilabelStratifiedKFold" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "id": "i9N0xf4RXlVL" + }, + "outputs": [], + "source": [ + "if ON_COLAB:\n", + " !cd /content/drive/MyDrive/NLP_project\n", + "\n", + "\n", + "# DATA DIR ---- TO CHANGE\n", + "DATA_DIR = 'drive/MyDrive/NLP_project/'" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "_lgNlqCIUxuF" + }, + "source": [ + "Config class containing all necessary hyperparameters:" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": { + "id": "COkK9LFUUxuG" + }, + "outputs": [], + "source": [ + "class HyperParameters:\n", + " \n", + " # Here we choose model type. Can be changed for others\n", + " name = 'longformer'\n", + " model_savename = 'longformer'\n", + " model_name = 'allenai/longformer-base-4096' # this is the most important: determines what transformer is used in training\n", + " \n", + " # Directory hyperparameters: make sure to change with what you are using! Only needed to change here\n", + " base_dir = DATA_DIR\n", + " data_dir = os.path.join(base_dir, 'data')\n", + " pre_data_dir = os.path.join(base_dir, 'data/preprocessed')\n", + " model_dir = os.path.join(base_dir, f'model/{name}')\n", + " output_dir = os.path.join(base_dir, f'output/{name}')\n", + " \n", + " # Training hyperparameters\n", + " is_debug = False\n", + " n_epoch = 2 # not to exceed runtime limit\n", + " n_fold = 5\n", + " verbose_steps = 500\n", + " random_seed = 42\n", + "\n", + " # Model specific hyperparameters\n", + " max_length = 1024\n", + " inference_max_length = 4096\n", + " train_batch_size = 4\n", + " valid_batch_size = 4\n", + " lr = 4e-5\n", + "\n", + " # Task hyperparameters\n", + " num_labels = 15\n", + " label_subtokens = True\n", + " output_hidden_states = True\n", + " hidden_dropout_prob = 0.1\n", + " layer_norm_eps = 1e-7\n", + " add_pooling_layer = False\n", + " verbose_steps = 500\n", + " if is_debug:\n", + " debug_sample = 1000\n", + " verbose_steps = 16\n", + " n_epoch = 1\n", + " n_fold = 2\n", + "\n", + "if not os.path.exists(HyperParameters.model_dir):\n", + " !mkdir $HyperParameters.model_dir" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "BF5bW6aVUxuG" + }, + "source": [ + "Constant for the task:" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": { + "id": "08glsD47UxuH" + }, + "outputs": [], + "source": [ + "IGNORE_INDEX = -100\n", + "NON_LABEL = -1\n", + "OUTPUT_LABELS = ['O', 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', 'B-Counterclaim', 'I-Counterclaim', \n", + " 'B-Rebuttal', 'I-Rebuttal', 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', 'I-Concluding Statement']\n", + "LABELS_TO_IDS = {v:k for k,v in enumerate(OUTPUT_LABELS)}\n", + "IDS_TO_LABELS = {k:v for k,v in enumerate(OUTPUT_LABELS)}\n", + "\n", + "MIN_THRESH = {\n", + " \"I-Lead\": 9,\n", + " \"I-Position\": 5,\n", + " \"I-Evidence\": 14,\n", + " \"I-Claim\": 3,\n", + " \"I-Concluding Statement\": 11,\n", + " \"I-Counterclaim\": 6,\n", + " \"I-Rebuttal\": 4,\n", + "}\n", + "\n", + "PROB_THRESH = {\n", + " \"I-Lead\": 0.7,\n", + " \"I-Position\": 0.55,\n", + " \"I-Evidence\": 0.65,\n", + " \"I-Claim\": 0.55,\n", + " \"I-Concluding Statement\": 0.7,\n", + " \"I-Counterclaim\": 0.5,\n", + " \"I-Rebuttal\": 0.55,\n", + "}" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "5WJbWh4GUxuI" + }, + "source": [ + "Taming randomness and setting device" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "2u_8GvKvUxuI", + "outputId": "9f70db7b-2294-4423-9c1c-63c86d78d676" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Using device: cpu\n" + ] + } + ], + "source": [ + "def set_seed(seed=HyperParameters.random_seed):\n", + " np.random.seed(seed)\n", + " \n", + " random.seed(seed)\n", + " \n", + " torch.manual_seed(seed)\n", + " torch.cuda.manual_seed(seed)\n", + " \n", + " torch.backends.cudnn.deterministic =True\n", + " torch.backends.cudnn.benchmark = False\n", + "\n", + "set_seed()\n", + "\n", + "# Set proper device\n", + "if torch.cuda.is_available():\n", + " device = torch.device('cuda')\n", + "else:\n", + " device = torch.device('cpu')\n", + "\n", + "print(f'Using device: {device}')" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "IXW7QdTPUxuK" + }, + "source": [ + "# Data importing and preprocessing" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "Fh1Bdo7UUxuK" + }, + "source": [ + "Importing corrected data" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "id": "cDhwkU7MUxuK" + }, + "outputs": [], + "source": [ + "df_alltrain = pd.read_csv(f'{HyperParameters.data_dir}/corrected_train.csv')" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": { + "id": "O7hy7b6uUxuL" + }, + "outputs": [], + "source": [ + "def agg_essays(train_flg):\n", + " \"\"\"\n", + " Splits every word in an essay and adds the text of each essay to a dataframe.\n", + " \"\"\"\n", + " folder = 'train' if train_flg else 'test'\n", + " names, texts =[], []\n", + " for f in tqdm(list(os.listdir(f'{HyperParameters.data_dir}/{folder}'))):\n", + " names.append(f.replace('.txt', ''))\n", + " texts.append(open(f'{HyperParameters.data_dir}/{folder}/' + f, 'r').read())\n", + " df_texts = pd.DataFrame({'id': names, 'text': texts})\n", + "\n", + " df_texts['text_split'] = df_texts.text.str.split()\n", + " print('Completed tokenizing texts.')\n", + " return df_texts" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": { + "id": "av_kvU8eUxuL" + }, + "outputs": [], + "source": [ + "def ner(df_texts, df_train):\n", + " \"\"\"\n", + " Maps discourse type to each word of the text, according to the train.csv file.\n", + " \"\"\"\n", + " all_entities = []\n", + " for _, row in tqdm(df_texts.iterrows(), total=len(df_texts)):\n", + " total = len(row['text_split'])\n", + " entities = ['O'] * total\n", + "\n", + " for _, row2 in df_train[df_train['id'] == row['id']].iterrows():\n", + " discourse = row2['discourse_type']\n", + " list_ix = [int(x) for x in row2['predictionstring'].split(' ')]\n", + " entities[list_ix[0]] = f'B-{discourse}'\n", + " for k in list_ix[1:]: entities[k] = f'I-{discourse}'\n", + " all_entities.append(entities)\n", + "\n", + " df_texts['entities'] = all_entities\n", + " print('Completed mapping discourse to each token.')\n", + " return df_texts" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": { + "id": "Sq2Rco3eUxuL" + }, + "outputs": [], + "source": [ + "def preprocess(df_train = None):\n", + " \"\"\"\n", + " Generates the dataframe we will use for training.\n", + " Splits essays into words, assigns a token name to each word, and adds everything to a dataframe.\n", + " \"\"\"\n", + " if df_train is None:\n", + " train_flg = False\n", + " else:\n", + " train_flg = True\n", + " \n", + " df_texts = agg_essays(train_flg)\n", + "\n", + " if train_flg:\n", + " df_texts = ner(df_texts, df_train)\n", + " return df_texts\n", + "\n", + "# Make sure we only run pre-processing if we did not do it in the past:\n", + "\n", + "if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \n", + " alltrain_texts = preprocess(df_alltrain)\n", + " test_texts = preprocess()\n", + "else:\n", + " alltrain_texts = pd.read_csv(f\"{HyperParameters.data_dir}/train_folds.csv\")" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + }, + "id": "ZLa0fkXbUxuM", + "outputId": "48be61dc-e476-48d6-b5ff-67a0b9bad7d2" + }, + "outputs": [ + { + "data": { + "text/html": [ + "\n", + "
\n", + "
\n", + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idtexttext_splitentitieskfold
03321A3E87AD3I do agree that some students would benefit fr...[I, do, agree, that, some, students, would, be...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...2
1DFEAEC512BABShould students design a summer project for sc...[Should, students, design, a, summer, project,...[O, O, O, O, O, O, O, O, B-Position, I-Positio...4
22E4AFCD3987FDear State Senator\\n\\n,\\n\\nIn the ruels of vot...[Dear, State, Senator, ,, In, the, ruels, of, ...[O, O, O, O, B-Position, I-Position, I-Positio...0
3EB6C2AF20BFEPeople sometimes have a different opinion than...[People, sometimes, have, a, different, opinio...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...3
4A91A08E523D5Dear senator,\\n\\nAs you know the Electoral Col...[Dear, senator,, As, you, know, the, Electoral...[O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,...1
\n", + "
\n", + " \n", + " \n", + " \n", + "\n", + " \n", + "
\n", + "
\n", + " " + ], + "text/plain": [ + " id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "\n", + " entities kfold \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 " + ] + }, + "execution_count": 21, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Visualize preprocessing result:\n", + "parse_string = lambda x: [string[1:-1] for string in x[1:-1].split(', ')]\n", + "alltrain_texts.entities = alltrain_texts.entities.apply(parse_string)\n", + "alltrain_texts.text_split = alltrain_texts.text_split.apply(parse_string)\n", + "\n", + "alltrain_texts.head()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "jZ-g9VB3UxuM" + }, + "outputs": [], + "source": [ + "# Same for testing:\n", + "test_texts.head()" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "DRFI_KLMUxuN" + }, + "source": [ + "# Preparing cross validation\n", + "\n", + "Generate proper folds so that the essays we use in each fold have roughly the same number of discourse types overall.\n", + "Only compute if we don't have the file in directory already." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "IOkXJ5UTUxuN" + }, + "outputs": [], + "source": [ + "if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \n", + " # Transform categorical labels to dummy variables. Group by id. Sum over dummy. \n", + " dfx = pd.get_dummies(df_alltrain, columns=[\"discourse_type\"]).groupby([\"id\"], as_index=False).sum()\n", + "\n", + " # Generate name for the dummy columns\n", + " dummy_cols = [c for c in dfx.columns if c.startswith(\"discourse_type_\") or c == \"id\" and c != \"discourse_type_num\"]\n", + " # dfx is now only the dataset with dummy columns selected: don't need to pass the data to do the splits\n", + " dfx = dfx[dummy_cols]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "a1AuTst8UxuN" + }, + "outputs": [], + "source": [ + "if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \n", + " # Generate cross validation object\n", + " mskf = MultilabelStratifiedKFold(n_splits=5, shuffle=True, random_state=42)\n", + "\n", + " # Extract labels\n", + " labels = [c for c in dfx.columns if c != \"id\"]\n", + " dfx_labels = dfx[labels]\n", + "\n", + " # Dummy kfold assignment\n", + " dfx[\"kfold\"] = -1\n", + "\n", + " # Split\n", + " for fold, (trn_, val_) in enumerate(mskf.split(dfx, dfx_labels)):\n", + " print(len(trn_), len(val_))\n", + " \n", + " # Change the value of the kfold column at the validation index to the value of the fold\n", + " # This will tell us when to use the current entry in the validation set\n", + " dfx.loc[val_, \"kfold\"] = fold\n", + "\n", + " # merge back to original dataframe\n", + " alltrain_texts = alltrain_texts.merge(dfx[[\"id\", \"kfold\"]], on=\"id\", how=\"left\")\n", + " print(alltrain_texts.kfold.value_counts())\n", + "\n", + " # Save so next time we import it directly\n", + " alltrain_texts.to_csv(f\"{HyperParameters.data_dir}/train_folds.csv\", index=False)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "K7fcRANPUxuO" + }, + "source": [ + "# Model and Dataset classes" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "7gDGkTBtUxuO" + }, + "source": [ + "### Dataset" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "APIkM7YwUxuO" + }, + "outputs": [], + "source": [ + "# need help with this\n", + "class FeedbackPrizeDataset(Dataset):\n", + " def __init__(self, dataframe, tokenizer, max_len, has_labels):\n", + " self.len = len(dataframe)\n", + " self.data = dataframe\n", + " self.tokenizer = tokenizer\n", + " self.max_len = max_len\n", + " self.has_labels = has_labels\n", + " \n", + " def __getitem__(self, index):\n", + " text = self.data.text[index]\n", + " encoding = self.tokenizer(\n", + " text.split(),\n", + " is_split_into_words = True,\n", + " padding = 'max_length',\n", + " truncation = True,\n", + " max_length = self.max_len\n", + " )\n", + " word_ids = encoding.word_ids()\n", + "\n", + " # targets\n", + " if self.has_labels:\n", + " word_labels = self.data.entities[index]\n", + " prev_word_idx = None\n", + " labels_ids = []\n", + " for word_idx in word_ids:\n", + " if word_idx is None:\n", + " labels_ids.append(IGNORE_INDEX)\n", + " elif word_idx != prev_word_idx:\n", + " labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\n", + " else:\n", + " if HyperParameters.label_subtokens:\n", + " labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\n", + " else:\n", + " labels_ids.append(IGNORE_INDEX)\n", + " prev_word_idx = word_idx\n", + " encoding['labels'] = labels_ids\n", + " # convert to torch.tensor\n", + " item = {k: torch.as_tensor(v) for k, v in encoding.items()}\n", + " word_ids2 = [w if w is not None else NON_LABEL for w in word_ids]\n", + " item['word_ids'] = torch.as_tensor(word_ids2)\n", + " return item\n", + "\n", + " def __len__(self):\n", + " return self.len" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "eE6pC1LdUxuP" + }, + "source": [ + "### Model" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "X9UQQRt2UxuP" + }, + "outputs": [], + "source": [ + "class FeedbackModel(nn.Module):\n", + " def __init__(self):\n", + " super(FeedbackModel, self).__init__()\n", + " \n", + " # init config of transformer model of choice:\n", + " # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\n", + " model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\n", + " self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\n", + " \n", + " # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\n", + " self.model_config = model_config\n", + " self.dropout1 = nn.Dropout(0.1)\n", + " self.dropout2 = nn.Dropout(0.2)\n", + " self.dropout3 = nn.Dropout(0.3)\n", + " self.dropout4 = nn.Dropout(0.4)\n", + " self.dropout5 = nn.Dropout(0.5)\n", + " self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\n", + " \n", + " def forward(self, input_ids, mask):\n", + " x = self.backbone(input_ids, mask)\n", + " logits1 = self.head(self.dropout1(x[0]))\n", + " logits2 = self.head(self.dropout2(x[0]))\n", + " logits3 = self.head(self.dropout3(x[0]))\n", + " logits4 = self.head(self.dropout4(x[0]))\n", + " logits5 = self.head(self.dropout5(x[0]))\n", + " logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\n", + " return logits" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "RslNIsyMUxuP" + }, + "outputs": [], + "source": [ + "def build_model_tokenizer():\n", + " tokenizer = AutoTokenizer.from_pretrained(HyperParameters.model_name, add_prefix_space = True)\n", + " model = FeedbackModel()\n", + " return model, tokenizer" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "PriptyGpUxuP" + }, + "source": [ + "### Utilities" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "CmRQM_TPUxuQ" + }, + "source": [ + "What does this do?" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "_CJQ0r-yUxuQ" + }, + "outputs": [], + "source": [ + "# Need help with this: used in training to transform raw logits to labels needed\n", + "def active_logits(raw_logits, word_ids):\n", + " word_ids = word_ids.view(-1)\n", + " active_mask = word_ids.unsqueeze(1).expand(word_ids.shape[0], HyperParameters.num_labels)\n", + " active_mask = active_mask != NON_LABEL\n", + " active_logits = raw_logits.view(-1, HyperParameters.num_labels)\n", + " active_logits = torch.masked_select(active_logits, active_mask) # return 1dTensor\n", + " active_logits = active_logits.view(-1, HyperParameters.num_labels) \n", + " return active_logits\n", + "\n", + "def active_labels(labels):\n", + " active_mask = labels.view(-1) != IGNORE_INDEX\n", + " active_labels = torch.masked_select(labels.view(-1), active_mask)\n", + " return active_labels\n", + "\n", + "def active_preds_prob(active_logits):\n", + " active_preds = torch.argmax(active_logits, axis = 1)\n", + " active_preds_prob, _ = torch.max(active_logits, axis = 1)\n", + " return active_preds, active_preds_prob" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "YkokQcdsUxuQ" + }, + "source": [ + "F1 scoring functions:" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "SfhEUmMcUxuQ" + }, + "outputs": [], + "source": [ + "def calculate_overlap(set_pred, set_gt):\n", + " \"\"\"\n", + " Calculates if the overlap between prediction and\n", + " ground truth is enough fora potential True positive\n", + " \"\"\"\n", + " # Length of each and intersection\n", + " try:\n", + " len_gt = len(set_gt)\n", + " len_pred = len(set_pred)\n", + " inter = len(set_gt & set_pred)\n", + " overlap_1 = inter / len_gt\n", + " overlap_2 = inter/ len_pred\n", + " return overlap_1 >= 0.5 and overlap_2 >= 0.5\n", + " except: # at least one of the input is NaN\n", + " return False\n", + "\n", + "def score_feedback_comp_micro(pred_df, gt_df, discourse_type):\n", + " \"\"\"\n", + " A function that scores for the kaggle\n", + " Student Writing Competition\n", + " \n", + " Uses the steps in the evaluation page here:\n", + " https://www.kaggle.com/c/feedback-prize-2021/overview/evaluation\n", + " \"\"\"\n", + " gt_df = gt_df.loc[gt_df['discourse_type'] == discourse_type, \n", + " ['id', 'predictionstring']].reset_index(drop=True)\n", + " pred_df = pred_df.loc[pred_df['class'] == discourse_type,\n", + " ['id', 'predictionstring']].reset_index(drop=True)\n", + " pred_df['pred_id'] = pred_df.index\n", + " gt_df['gt_id'] = gt_df.index\n", + " pred_df['predictionstring'] = [set(pred.split(' ')) for pred in pred_df['predictionstring']]\n", + " gt_df['predictionstring'] = [set(pred.split(' ')) for pred in gt_df['predictionstring']]\n", + " \n", + " # Step 1. all ground truths and predictions for a given class are compared.\n", + " joined = pred_df.merge(gt_df,\n", + " left_on='id',\n", + " right_on='id',\n", + " how='outer',\n", + " suffixes=('_pred','_gt')\n", + " )\n", + " overlaps = [calculate_overlap(*args) for args in zip(joined.predictionstring_pred, \n", + " joined.predictionstring_gt)]\n", + " \n", + " # 2. If the overlap between the ground truth and prediction is >= 0.5, \n", + " # and the overlap between the prediction and the ground truth >= 0.5,\n", + " # the prediction is a match and considered a true positive.\n", + " # If multiple matches exist, the match with the highest pair of overlaps is taken.\n", + " # we don't need to compute the match to compute the score\n", + " TP = joined.loc[overlaps]['gt_id'].nunique()\n", + "\n", + " # 3. Any unmatched ground truths are false negatives\n", + " # and any unmatched predictions are false positives.\n", + " TPandFP = len(pred_df)\n", + " TPandFN = len(gt_df)\n", + " \n", + " #calc microf1\n", + " my_f1_score = 2*TP / (TPandFP + TPandFN)\n", + " return my_f1_score\n", + "\n", + "def score_feedback_comp(pred_df, gt_df, return_class_scores=False):\n", + " \"\"\"\n", + " Final helper function for model evaluation.\n", + " \n", + " Args:\n", + " pred_df (pandas.DataFrame): dataframe containing model predictions. Needs to have columns: ['id','class','predictionstring']\n", + " gt_df (pandas.DataFrame): dataframe of ground truth used for model training\n", + " return_class_scores (bool): Boolean indicating if we want to return the F1 score for each predicted class.\n", + " \n", + " Returns:\n", + " f1 (float): F1 score of the model\n", + " (optional) class_scores (dict): Dictionary of per-class F1 score\n", + " \"\"\"\n", + " class_scores = {}\n", + " for discourse_type in gt_df.discourse_type.unique():\n", + " class_score = score_feedback_comp_micro(pred_df, gt_df, discourse_type)\n", + " class_scores[discourse_type] = class_score\n", + " f1 = np.mean([v for v in class_scores.values()])\n", + " if return_class_scores:\n", + " return f1, class_scores\n", + " return f1" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "IIQdqtzoUxuR" + }, + "source": [ + "# Training and validation functions" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "7GrUCjcbUxuR" + }, + "source": [ + "### Train" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "WSeGDvufUxuR" + }, + "outputs": [], + "source": [ + "def train_fn(model, train_data_loader, optimizer, epoch, criterion):\n", + " model.train()\n", + " train_loss = 0\n", + " train_accuracy = 0\n", + " stream = tqdm(train_data_loader)\n", + " # Init gradscaler to ensure everything works smoothly on cuda\n", + " scaler = GradScaler()\n", + "\n", + " for batch_idx, batch in enumerate(stream, start = 1):\n", + " ids = batch['input_ids'].to(device, dtype = torch.long)\n", + " mask = batch['attention_mask'].to(device, dtype = torch.long)\n", + " raw_labels = batch['labels'].to(device, dtype = torch.long)\n", + " word_ids = batch['word_ids'].to(device, dtype = torch.long)\n", + " optimizer.zero_grad()\n", + " \n", + " # Calculate output with autocast for cuda support\n", + " with autocast():\n", + " raw_logits = model(input_ids = ids, mask = mask)\n", + " \n", + " logits = active_logits(raw_logits, word_ids)\n", + " labels = active_labels(raw_labels)\n", + " sf_logits = torch.softmax(logits, dim=-1)\n", + " preds, preds_prob = active_preds_prob(sf_logits)\n", + " train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\n", + " criterion = nn.CrossEntropyLoss()\n", + " loss = criterion(logits, labels)\n", + "\n", + " scaler.scale(loss).backward()\n", + " scaler.step(optimizer)\n", + " scaler.update()\n", + " train_loss += loss.item()\n", + " \n", + " if batch_idx % HyperParameters.verbose_steps == 0:\n", + " loss_step = train_loss / batch_idx\n", + " print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\n", + " \n", + " epoch_loss = train_loss / batch_idx\n", + " epoch_accuracy = train_accuracy / batch_idx \n", + " # Cleanup\n", + " del train_data_loader, raw_logits, logits, raw_labels, preds, labels\n", + " torch.cuda.empty_cache()\n", + " gc.collect()\n", + " \n", + " print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\n", + " print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "fRR3l8npUxuR" + }, + "source": [ + "### Validate" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "Mj0dSxx0UxuR" + }, + "outputs": [], + "source": [ + "def valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion):\n", + " oof, valid_loss, valid_acc = get_preds_onefold(model, df_val, dl_val, criterion, valid_flg=True)\n", + " f1score =[]\n", + " # classes = oof['class'].unique()\n", + " classes = ['Lead', 'Position', 'Claim','Counterclaim', 'Rebuttal','Evidence','Concluding Statement']\n", + " print(f\"Validation F1 scores\")\n", + "\n", + " for c in classes:\n", + " pred_df = oof.loc[oof['class'] == c].copy()\n", + " gt_df = df_val_eval.loc[df_val_eval['discourse_type'] == c].copy()\n", + " f1 = score_feedback_comp(pred_df, gt_df)\n", + " print(f' * {c:<10}: {f1:4f}')\n", + " f1score.append(f1)\n", + " f1avg = np.mean(f1score)\n", + " print(f'Overall Validation avg F1: {f1avg:.4f} val_loss:{valid_loss:.4f} val_accuracy:{valid_acc:.4f}')\n", + " return valid_loss, oof" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "xSZ3iq8dUxuS" + }, + "source": [ + "### Infer on validation data" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "3qtgxPTlUxuS" + }, + "outputs": [], + "source": [ + "def inference(model, data_loader, criterion, valid_flg):\n", + " stream = tqdm(data_loader)\n", + " model.eval()\n", + " \n", + " valid_loss = 0\n", + " valid_accuracy = 0\n", + " all_logits = None\n", + " for batch_idx, batch in enumerate(stream, start = 1):\n", + " ids = batch['input_ids'].to(device, dtype = torch.long)\n", + " mask = batch['attention_mask'].to(device, dtype = torch.long)\n", + " with torch.no_grad():\n", + " raw_logits = model(input_ids=ids, mask = mask)\n", + " del ids, mask\n", + " \n", + " word_ids = batch['word_ids'].to(device, dtype = torch.long)\n", + " logits = active_logits(raw_logits, word_ids)\n", + " sf_logits = torch.softmax(logits, dim= -1)\n", + " sf_raw_logits = torch.softmax(raw_logits, dim=-1)\n", + " if valid_flg: \n", + " raw_labels = batch['labels'].to(device, dtype = torch.long)\n", + " labels = active_labels(raw_labels)\n", + " preds, preds_prob = active_preds_prob(sf_logits)\n", + " valid_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\n", + " loss = criterion(logits, labels)\n", + " valid_loss += loss.item()\n", + " \n", + " if batch_idx == 1:\n", + " all_logits = sf_raw_logits.cpu().numpy()\n", + " else:\n", + " all_logits = np.append(all_logits, sf_raw_logits.cpu().numpy(), axis=0)\n", + "\n", + " \n", + " if valid_flg: \n", + " epoch_loss = valid_loss / batch_idx\n", + " epoch_accuracy = valid_accuracy / batch_idx\n", + " else:\n", + " epoch_loss, epoch_accuracy = 0, 0\n", + " return all_logits, epoch_loss, epoch_accuracy\n", + "\n", + "\n", + "def preds_class_prob(all_logits, data_loader):\n", + " print(\"predict target class and its probabilty\")\n", + " final_predictions = []\n", + " final_predictions_score = []\n", + " stream = tqdm(data_loader)\n", + " len_sample = all_logits.shape[0]\n", + "\n", + " for batch_idx, batch in enumerate(stream, start=0):\n", + " for minibatch_idx in range(HyperParameters.valid_batch_size):\n", + " sample_idx = int(batch_idx * HyperParameters.valid_batch_size + minibatch_idx)\n", + " if sample_idx > len_sample - 1 : break\n", + " word_ids = batch['word_ids'][minibatch_idx].numpy()\n", + " predictions =[]\n", + " predictions_prob = []\n", + " pred_class_id = np.argmax(all_logits[sample_idx], axis=1)\n", + " pred_score = np.max(all_logits[sample_idx], axis=1)\n", + " pred_class_labels = [IDS_TO_LABELS[i] for i in pred_class_id]\n", + " prev_word_idx = -1\n", + " for idx, word_idx in enumerate(word_ids):\n", + " if word_idx == -1:\n", + " pass\n", + " elif word_idx != prev_word_idx:\n", + " predictions.append(pred_class_labels[idx])\n", + " predictions_prob.append(pred_score[idx])\n", + " prev_word_idx = word_idx\n", + " final_predictions.append(predictions)\n", + " final_predictions_score.append(predictions_prob)\n", + " return final_predictions, final_predictions_score" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "E5dGJEzDUxuS" + }, + "outputs": [], + "source": [ + "def get_preds_onefold(model, df, dl, criterion, valid_flg):\n", + " logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\n", + " all_preds, all_preds_prob = preds_class_prob(logits, dl)\n", + " df_pred = post_process_pred(df, all_preds, all_preds_prob)\n", + " return df_pred, valid_loss, valid_acc\n", + "\n", + "def get_preds_folds(model, df, dl, criterion, valid_flg=False):\n", + " for i_fold in range(HyperParameters.n_fold):\n", + " model_filename = os.path.join(HyperParameters.model_dir, f\"{HyperParameters.model_savename}_{i_fold}.bin\")\n", + " print(f\"{model_filename} inference\")\n", + " model = model.to(device)\n", + " model.load_state_dict(torch.load(model_filename))\n", + " logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\n", + " if i_fold == 0:\n", + " avg_pred_logits = logits\n", + " else:\n", + " avg_pred_logits += logits\n", + " avg_pred_logits /= HyperParameters.n_fold\n", + " all_preds, all_preds_prob = preds_class_prob(avg_pred_logits, dl)\n", + " df_pred = post_process_pred(df, all_preds, all_preds_prob)\n", + " return df_pred\n", + "\n", + "def post_process_pred(df, all_preds, all_preds_prob):\n", + " final_preds = []\n", + " for i in range(len(df)):\n", + " idx = df.id.values[i]\n", + " pred = all_preds[i]\n", + " pred_prob = all_preds_prob[i]\n", + " j = 0\n", + " while j < len(pred):\n", + " cls = pred[j]\n", + " if cls == 'O': j += 1\n", + " else: cls = cls.replace('B', 'I')\n", + " end = j + 1\n", + " while end < len(pred) and pred[end] == cls:\n", + " end += 1\n", + " if cls != 'O' and cls !='':\n", + " avg_score = np.mean(pred_prob[j:end])\n", + " if end - j > MIN_THRESH[cls] and avg_score > PROB_THRESH[cls]:\n", + " final_preds.append((idx, cls.replace('I-', ''), ' '.join(map(str, list(range(j, end))))))\n", + " j = end\n", + " df_pred = pd.DataFrame(final_preds)\n", + " df_pred.columns = ['id', 'class', 'predictionstring']\n", + " return df_pred" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "NAmJyKnHUxuS" + }, + "source": [ + "# Finally getting some action" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "7dHGvjpPUxuS" + }, + "outputs": [], + "source": [ + "oof = pd.DataFrame()\n", + "\n", + "for i_fold in range(HyperParameters.n_fold):\n", + " print(f'=== fold{i_fold} training ===')\n", + " model, tokenizer = build_model_tokenizer()\n", + " model = model.to(device)\n", + " optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\n", + " \n", + " df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\n", + " ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\n", + " df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\n", + " val_idlist = df_val['id'].unique().tolist()\n", + " df_val_eval = df_alltrain.query('id==@val_idlist').reset_index(drop=True)\n", + " ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\n", + " dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\n", + " dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\n", + "\n", + " best_val_loss = np.inf\n", + " criterion = nn.CrossEntropyLoss()\n", + "\n", + " for epoch in range(1, HyperParameters.n_epoch + 1):\n", + " train_fn(model, dl_train, optimizer, epoch, criterion)\n", + " valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\n", + " if valid_loss < best_val_loss:\n", + " best_val_loss = valid_loss\n", + " _oof_fold_best = _oof\n", + " _oof_fold_best[\"kfold\"] = i_fold\n", + " model_filename = f'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin'\n", + " \n", + " # Saving the boy\n", + " torch.save(model.state_dict(), model_filename)\n", + " print(f'{model_filename} saved')\n", + "\n", + " oof = pd.concat([oof, _oof_fold_best])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "hlmZeM47UxuT" + }, + "outputs": [], + "source": [ + "oof.to_csv(f'{HyperParameters.output_dir}/oof_{HyperParameters.name}.csv', index=False)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "aO8hcaQ8UxuT" + }, + "source": [ + "Looking at performance:" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "VOcFtSUhUxuT" + }, + "outputs": [], + "source": [ + "if HyperParameters.is_debug:\n", + " idlist = alltrain_texts['id'].unique().tolist()\n", + " df_train = df_alltrain.query('id==@idlist')\n", + "else:\n", + " df_train = df_alltrain.copy()\n", + "print(f'overall cv score: {score_feedback_comp(df_train, oof)}')" + ] + } + ], + "metadata": { + "colab": { + "collapsed_sections": [], + "name": "Longformer.ipynb", + "provenance": [] + }, + "interpreter": { + "hash": "be336ab25ba919cf0a65f4be83b938febf47f529e9f75dfb16359f541885e1c6" + }, + "kernelspec": { + "display_name": "Python 3.8.12 ('machinevision')", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + }, + "orig_nbformat": 4 + }, + "nbformat": 4, + "nbformat_minor": 0 +} diff --git a/experiments/federico/model_performance.ipynb b/experiments/federico/model_performance.ipynb new file mode 100644 index 0000000..9febf1d --- /dev/null +++ b/experiments/federico/model_performance.ipynb @@ -0,0 +1,169 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Performance Metrics\n", + "\n", + "This notebook includes a set of utility functions (stolen from kaggle), to calculate performance metrics for the model.\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "\n", + "# from: https://www.kaggle.com/cpmpml/faster-metric-computation \n", + "\n", + "def calculate_overlap(set_pred, set_gt):\n", + " \"\"\"\n", + " Calculates if the overlap between prediction and\n", + " ground truth is enough fora potential True positive\n", + " \"\"\"\n", + " # Length of each and intersection\n", + " try:\n", + " len_gt = len(set_gt)\n", + " len_pred = len(set_pred)\n", + " inter = len(set_gt & set_pred)\n", + " overlap_1 = inter / len_gt\n", + " overlap_2 = inter/ len_pred\n", + " return overlap_1 >= 0.5 and overlap_2 >= 0.5\n", + " except: # at least one of the input is NaN\n", + " return False\n", + "\n", + "def score_feedback_comp_micro(pred_df, gt_df, discourse_type):\n", + " \"\"\"\n", + " A function that scores for the kaggle\n", + " Student Writing Competition\n", + " \n", + " Uses the steps in the evaluation page here:\n", + " https://www.kaggle.com/c/feedback-prize-2021/overview/evaluation\n", + " \"\"\"\n", + " gt_df = gt_df.loc[gt_df['discourse_type'] == discourse_type, \n", + " ['id', 'predictionstring']].reset_index(drop=True)\n", + " pred_df = pred_df.loc[pred_df['class'] == discourse_type,\n", + " ['id', 'predictionstring']].reset_index(drop=True)\n", + " pred_df['pred_id'] = pred_df.index\n", + " gt_df['gt_id'] = gt_df.index\n", + " pred_df['predictionstring'] = [set(pred.split(' ')) for pred in pred_df['predictionstring']]\n", + " gt_df['predictionstring'] = [set(pred.split(' ')) for pred in gt_df['predictionstring']]\n", + " \n", + " # Step 1. all ground truths and predictions for a given class are compared.\n", + " joined = pred_df.merge(gt_df,\n", + " left_on='id',\n", + " right_on='id',\n", + " how='outer',\n", + " suffixes=('_pred','_gt')\n", + " )\n", + " overlaps = [calculate_overlap(*args) for args in zip(joined.predictionstring_pred, \n", + " joined.predictionstring_gt)]\n", + " \n", + " # 2. If the overlap between the ground truth and prediction is >= 0.5, \n", + " # and the overlap between the prediction and the ground truth >= 0.5,\n", + " # the prediction is a match and considered a true positive.\n", + " # If multiple matches exist, the match with the highest pair of overlaps is taken.\n", + " # we don't need to compute the match to compute the score\n", + " TP = joined.loc[overlaps]['gt_id'].nunique()\n", + "\n", + " # 3. Any unmatched ground truths are false negatives\n", + " # and any unmatched predictions are false positives.\n", + " TPandFP = len(pred_df)\n", + " TPandFN = len(gt_df)\n", + " \n", + " #calc microf1\n", + " my_f1_score = 2*TP / (TPandFP + TPandFN)\n", + " return my_f1_score\n", + "\n", + "def score_feedback_comp(pred_df, gt_df, return_class_scores=False):\n", + " \"\"\"\n", + " Helper function for model evaluation.\n", + " \n", + " Args:\n", + " pred_df (pandas.DataFrame): dataframe containing model predictions. Needs to have columns: ['id','class','predictionstring']\n", + " gt_df (pandas.DataFrame): dataframe of ground truth used for model training\n", + " return_class_scores (bool): Boolean indicating if we want to return the F1 score for each predicted class.\n", + " \n", + " Returns:\n", + " f1 (float): F1 score of the model\n", + " (optional) class_scores (dict): Dictionary of per-class F1 score\n", + " \"\"\"\n", + " class_scores = {}\n", + " for discourse_type in gt_df.discourse_type.unique():\n", + " class_score = score_feedback_comp_micro(pred_df, gt_df, discourse_type)\n", + " class_scores[discourse_type] = class_score\n", + " f1 = np.mean([v for v in class_scores.values()])\n", + " if return_class_scores:\n", + " return f1, class_scores\n", + " return f1\n" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "1.0" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Importing the data and scoring \n", + "train_df = pd.read_csv('./data/train.csv')\n", + "pred_df = train_df[['id','discourse_type','predictionstring']].copy()\n", + "pred_df.columns = ['id','class','predictionstring']\n", + "\n", + "# Here scoring the train data onto itself\n", + "score_feedback_comp(pred_df, train_df)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Here scoring a sample of it\n", + "pred_df2 = pred_df.sample(frac=0.7).reset_index(drop=True)\n", + "score_feedback_comp(pred_df2, train_df)" + ] + } + ], + "metadata": { + "interpreter": { + "hash": "be336ab25ba919cf0a65f4be83b938febf47f529e9f75dfb16359f541885e1c6" + }, + "kernelspec": { + "display_name": "Python 3.8.12 ('machinevision')", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + }, + "orig_nbformat": 4 + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/experiments/federico/requirements.txt b/experiments/federico/requirements.txt new file mode 100644 index 0000000..e69de29 diff --git a/experiments/federico/stratified_k_folds.ipynb b/experiments/federico/stratified_k_folds.ipynb new file mode 100644 index 0000000..cbc47e9 --- /dev/null +++ b/experiments/federico/stratified_k_folds.ipynb @@ -0,0 +1,189 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": null, + "id": "48526e00", + "metadata": {}, + "outputs": [], + "source": [ + "# Note: this notebook is a commented version of a notebook shared on kaggle!" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "56d03522", + "metadata": { + "execution": { + "iopub.execute_input": "2022-01-11T08:12:04.265417Z", + "iopub.status.busy": "2022-01-11T08:12:04.264529Z", + "iopub.status.idle": "2022-01-11T08:12:05.284426Z", + "shell.execute_reply": "2022-01-11T08:12:05.284875Z", + "shell.execute_reply.started": "2022-01-11T08:10:56.674544Z" + }, + "papermill": { + "duration": 1.029031, + "end_time": "2022-01-11T08:12:05.285054", + "exception": false, + "start_time": "2022-01-11T08:12:04.256023", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "import pandas as pd\n", + "\n", + "from sklearn.model_selection import KFold\n", + "from iterstrat.ml_stratifiers import MultilabelStratifiedKFold" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "80efa5b7", + "metadata": {}, + "outputs": [], + "source": [ + "# installation: pip install iterative-stratification" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "a4cd849f", + "metadata": { + "execution": { + "iopub.execute_input": "2022-01-11T08:12:05.300983Z", + "iopub.status.busy": "2022-01-11T08:12:05.300287Z", + "iopub.status.idle": "2022-01-11T08:12:09.902357Z", + "shell.execute_reply": "2022-01-11T08:12:09.901403Z", + "shell.execute_reply.started": "2022-01-11T08:11:26.601473Z" + }, + "papermill": { + "duration": 4.613868, + "end_time": "2022-01-11T08:12:09.902499", + "exception": false, + "start_time": "2022-01-11T08:12:05.288631", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "# read data\n", + "df = pd.read_csv(\"/Users/fededagos/Dropbox/NLP project/data/train.csv\")\n", + "\n", + "# Transform categorical labels to dummy variables. Group by id. Sum over dummy. \n", + "dfx = pd.get_dummies(df, columns=[\"discourse_type\"]).groupby([\"id\"], as_index=False).sum()\n", + "\n", + "# Generate name for the dummy columns\n", + "dummy_cols = [c for c in dfx.columns if c.startswith(\"discourse_type_\") or c == \"id\" and c != \"discourse_type_num\"]\n", + "# dfx is now only the dataset with dummy columns selected: don't need to pass the data to do the splits\n", + "dfx = dfx[dummy_cols]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "0fe70e2c", + "metadata": {}, + "outputs": [], + "source": [ + "# At this point dfx is a dataframe with ids, counting how many discourse types are present in that id!\n", + "# (Each id is a file (15594))" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "id": "ab16653b", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "12477 3117\n", + "12474 3120\n", + "12475 3119\n", + "12475 3119\n", + "12475 3119\n", + "0 28997\n", + "2 28968\n", + "3 28904\n", + "1 28737\n", + "4 28687\n", + "Name: kfold, dtype: int64\n" + ] + } + ], + "source": [ + "# Generate cross validation object\n", + "mskf = MultilabelStratifiedKFold(n_splits=5, shuffle=True, random_state=42)\n", + "\n", + "# Extract labels\n", + "labels = [c for c in dfx.columns if c != \"id\"]\n", + "dfx_labels = dfx[labels]\n", + "\n", + "# Dummy kfold assignment\n", + "dfx[\"kfold\"] = -1\n", + "\n", + "# Split\n", + "for fold, (trn_, val_) in enumerate(mskf.split(dfx, dfx_labels)):\n", + " print(len(trn_), len(val_))\n", + " \n", + " # Change the value of the kfold column at the validation index to the value of the fold\n", + " # This will tell us when to use the current entry in the validation set\n", + " dfx.loc[val_, \"kfold\"] = fold\n", + "\n", + "# merge back to original dataframe\n", + "df = df.merge(dfx[[\"id\", \"kfold\"]], on=\"id\", how=\"left\")\n", + "print(df.kfold.value_counts())\n", + "df.to_csv(\"train_folds.csv\", index=False)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "83959ccc", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + }, + "papermill": { + "default_parameters": {}, + "duration": 25.017425, + "end_time": "2022-01-11T08:12:10.615418", + "environment_variables": {}, + "exception": null, + "input_path": "__notebook__.ipynb", + "output_path": "__notebook__.ipynb", + "parameters": {}, + "start_time": "2022-01-11T08:11:45.597993", + "version": "2.3.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/qingyu/Adversarial_Attacks.ipynb b/experiments/qingyu/Adversarial_Attacks.ipynb new file mode 100644 index 0000000..f71878e --- /dev/null +++ b/experiments/qingyu/Adversarial_Attacks.ipynb @@ -0,0 +1,201 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "05312ca4", + "metadata": {}, + "source": [ + "# Adversarial Attacks Function \n", + "## from https://github.com/QData/TextAttack" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "10c7e510", + "metadata": {}, + "outputs": [], + "source": [ + "#!pip install tensorflow_text\n", + "#!textattack list attack-recipes\n", + "#!pip install textattack\n", + "from textattack.augmentation import EmbeddingAugmenter,EasyDataAugmenter,WordNetAugmenter,CharSwapAugmenter,CheckListAugmenter,CLAREAugmenter\n", + "import time\n", + "import pandas as pd" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "dd07b4c5", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['I do not understand transformesr']" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "t = \"I do not understand transformers\"\n", + "augmenter = CharSwapAugmenter()\n", + "augmenter.augment(t)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "301ad56e", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['What I not do understand, I can not create.',\n", + " 'What I do not understand, I non can not create.']" + ] + }, + "execution_count": 11, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "augmenter = EasyDataAugmenter(pct_words_to_swap=0.2, transformations_per_example=2)\n", + "s = 'What I do not understand, I can not create.'\n", + "augmenter.augment(s)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "8b7201cd", + "metadata": {}, + "outputs": [], + "source": [ + "\n", + "# - WordNet synonym replacement\n", + "# - Randomly replace words with their synonyms.\n", + "# - Word deletion\n", + "# - Randomly remove words from the sentence.\n", + "# - Word order swaps\n", + "# - Randomly swap the position of words in the sentence.\n", + "# - Random synonym insertion\n", + "# - Insert a random synonym of a random word at a random location.\n", + "\n", + "\n", + "\n", + "def create_attacks(df,att_type,**kwargs):\n", + " \n", + " def easy_data(text):\n", + " augmenter = EasyDataAugmenter(kwargs['pct_swap'], kwargs['num_trans'])\n", + " return augmenter.augment(text)[0]\n", + " \n", + " def syno(text):\n", + " augmenter = WordNetAugmenter()\n", + " return augmenter.augment(text)[0]\n", + " \n", + " if att_type == \"easy_data\":\n", + " df.text = df.text.apply(easy_data)\n", + " \n", + " elif att_type == \"replace_synonym\":\n", + " df.text = df.text.apply(syno)" + ] + }, + { + "cell_type": "code", + "execution_count": 134, + "id": "acbcdd2b", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "1.6966230869293213\n" + ] + } + ], + "source": [ + "s = time.time()\n", + "create_attacks(df_combined.iloc[:5],att_type = \"replace_synonym\")\n", + "print(time.time()-s)" + ] + }, + { + "cell_type": "markdown", + "id": "cc126457", + "metadata": {}, + "source": [ + "# Prediction_String" + ] + }, + { + "cell_type": "code", + "execution_count": 193, + "id": "07669733", + "metadata": {}, + "outputs": [], + "source": [ + "def get_predStr(df):\n", + " assert all(item in list(df) for item in ['label', 'text', 'doc_id']), \"Please use a dataframe with correct columns\"\n", + " prediction_strings = []\n", + " start_id = 1\n", + " prev_doc = df.iloc[0].doc_id\n", + " for (label, text, doc_id) in df[['label', 'text', 'doc_id']].itertuples(index=False):\n", + " if doc_id != prev_doc:\n", + " prev_doc = doc_id\n", + " start_id = 0\n", + " text_split = text.split()\n", + " end_id = start_id + len(text_split)\n", + " prediction_strings.append(\n", + " [num for num in range(start_id, end_id)]\n", + " )\n", + " start_id = end_id \n", + " df['predictionString'] = prediction_strings" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "1fddf06d", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "83e54b82", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.8" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/qingyu/Baseline.ipynb b/experiments/qingyu/Baseline.ipynb new file mode 100644 index 0000000..891e65a --- /dev/null +++ b/experiments/qingyu/Baseline.ipynb @@ -0,0 +1,1444 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 147, + "id": "b3543ffe", + "metadata": {}, + "outputs": [], + "source": [ + "#!pip install fastai" + ] + }, + { + "cell_type": "code", + "execution_count": 146, + "id": "1470af93", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "fastai version: 2.5.5\n" + ] + } + ], + "source": [ + "# -- public imports\n", + "\n", + "import os\n", + "from fastai.text import *\n", + "from fastai.text.all import *\n", + "import nltk\n", + "import spacy\n", + "import pandas as pd\n", + "import numpy as np\n", + "import fastai\n", + "import torch\n", + "from tqdm.notebook import tqdm\n", + "from sklearn.metrics import classification_report\n", + "tqdm.pandas()\n", + "print(f\"fastai version: {fastai.__version__}\")\n", + "if torch.cuda.is_available():\n", + " print(f\"GPU which is used : {torch.cuda.get_device_name(0)}\")\n", + " " + ] + }, + { + "cell_type": "markdown", + "id": "b7fa0326", + "metadata": {}, + "source": [ + "# Import Dataset" + ] + }, + { + "cell_type": "code", + "execution_count": 139, + "id": "5ed43e67", + "metadata": {}, + "outputs": [], + "source": [ + "base_path = '/Users/feng/downloads'\n", + "path = os.path.join(base_path, 'ArgumentAnnotatedEssays-2.0')\n", + "text_file_dir = os.path.join(path, 'brat-project-final')\n", + "\n", + "texts = []\n", + "annotated_texts = []\n", + "for file in os.listdir(text_file_dir):\n", + " essay_num, file_extension = file.split('.')\n", + " if file_extension == 'ann':\n", + " with open(os.path.join(text_file_dir, file), 'r') as f:\n", + " df_temp = pd.read_csv(f, delimiter='\\t', header=None, names=['label_type', 'label', 'text'])\n", + " df_temp[['label', 'label_comp1', 'label_comp2']] = df_temp.label.str.split(expand=True)\n", + " df_temp['doc_id'] = essay_num\n", + " annotated_texts.append(df_temp)\n", + " elif file_extension == 'txt':\n", + " with open(os.path.join(text_file_dir, file), 'r') as f:\n", + " texts.append((essay_num, f.read()))\n", + " else:\n", + " continue\n", + "\n", + "df_texts = pd.DataFrame.from_records(texts, columns={'doc_id', 'text'})\n", + "df_annotated = pd.concat(annotated_texts)\n", + "assert sorted(df_annotated.doc_id.unique()) == sorted(df_texts.doc_id)" + ] + }, + { + "cell_type": "code", + "execution_count": 140, + "id": "a5ebb2a3", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextlabel_comp1label_comp2doc_id
0T1MajorClaimalternative means of transportation and intern...358464essay031
1T2MajorClaimalternative forms of transport and internation...23932565essay031
2T3Claimsome people claim the convenience of automobile23252372essay031
4T4Claimit is crucial to alter automobiles to the othe...822933essay031
6T5Premisean increase in the number of automobiles bring...561638essay031
\n", + "
" + ], + "text/plain": [ + " label_type label text \\\n", + "0 T1 MajorClaim alternative means of transportation and intern... \n", + "1 T2 MajorClaim alternative forms of transport and internation... \n", + "2 T3 Claim some people claim the convenience of automobile \n", + "4 T4 Claim it is crucial to alter automobiles to the othe... \n", + "6 T5 Premise an increase in the number of automobiles bring... \n", + "\n", + " label_comp1 label_comp2 doc_id \n", + "0 358 464 essay031 \n", + "1 2393 2565 essay031 \n", + "2 2325 2372 essay031 \n", + "4 822 933 essay031 \n", + "6 561 638 essay031 " + ] + }, + "execution_count": 140, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "ids_argument_segment = df_annotated.label_type.str.startswith('T')\n", + "\n", + "df_arguments = df_annotated[ids_argument_segment]\n", + "\n", + "df_arguments.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 141, + "id": "8c3f1485", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "label_type object\n", + "label object\n", + "text object\n", + "span_start int64\n", + "span_end int64\n", + "doc_id object\n", + "dtype: object" + ] + }, + "execution_count": 141, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_arguments = df_arguments.rename(columns={'label_comp1':'span_start', 'label_comp2':'span_end'}).astype(\n", + " {'span_start': int, 'span_end':int}\n", + ")\n", + "df_arguments.dtypes" + ] + }, + { + "cell_type": "code", + "execution_count": 142, + "id": "e4840b26", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "murdering criminals is therefore immoral and hard to accept\n", + "\"murdering\" criminals is therefore immoral and hard to accept\n", + "\n", + "Click is a very interesting comedy, with a serious approach about the importance of having a balanced life between family and work businesses\n", + "\"Click\" is a very interesting comedy, with a serious approach about the importance of having a balanced life between family and work businesses\n", + "\n", + "Blood diamond, an adaptation of a real story in South Africa, focuses on the link between diamonds and conflict\n", + "\"Blood diamond\", an adaptation of a real story in South Africa, focuses on the link between diamonds and conflict\n", + "\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + ":12: SettingWithCopyWarning: \n", + "A value is trying to be set on a copy of a slice from a DataFrame\n", + "\n", + "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", + " df_arguments['text'][df_arguments.text == text_segment] = text[span_start: span_end]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "rush hours are usually not the direct consequence of drivers\n", + "\"rush hours\" are usually not the direct consequence of drivers\n", + "\n" + ] + }, + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextspan_startspan_enddoc_id
0OOtherShould students be taught to compete or to coo...0503essay001
1OOther.\\nFirst of all,575591essay001
2OOther.714716essay001
3OOther.851853essay001
4OOther.10861088essay001
.....................
6486OOther.13391341essay402
6487OOther, so13881393essay402
6488OOther. Secondly,14361448essay402
6489OOther. \\nIn conclusion,15251543essay402
6490OOther.16201621essay402
\n", + "

6491 rows × 6 columns

\n", + "
" + ], + "text/plain": [ + " label_type label text \\\n", + "0 O Other Should students be taught to compete or to coo... \n", + "1 O Other .\\nFirst of all, \n", + "2 O Other . \n", + "3 O Other . \n", + "4 O Other . \n", + "... ... ... ... \n", + "6486 O Other . \n", + "6487 O Other , so \n", + "6488 O Other . Secondly, \n", + "6489 O Other . \\nIn conclusion, \n", + "6490 O Other . \n", + "\n", + " span_start span_end doc_id \n", + "0 0 503 essay001 \n", + "1 575 591 essay001 \n", + "2 714 716 essay001 \n", + "3 851 853 essay001 \n", + "4 1086 1088 essay001 \n", + "... ... ... ... \n", + "6486 1339 1341 essay402 \n", + "6487 1388 1393 essay402 \n", + "6488 1436 1448 essay402 \n", + "6489 1525 1543 essay402 \n", + "6490 1620 1621 essay402 \n", + "\n", + "[6491 rows x 6 columns]" + ] + }, + "execution_count": 142, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "records = []\n", + "df_arguments = df_arguments.sort_values(['doc_id', 'span_start', 'span_end'])\n", + "for (doc_id, text) in df_texts.sort_values('doc_id').itertuples(index=False):\n", + " df_argument = df_arguments[df_arguments.doc_id == doc_id]\n", + " prev_span = 0\n", + " for i, (text_segment, span_start, span_end) in enumerate(df_argument[['text', 'span_start', 'span_end']].itertuples(index=False)):\n", + " try:\n", + " assert text_segment == text[span_start: span_end]\n", + " except Exception as e:\n", + " print(f'{text_segment}\\n{text[span_start: span_end]}\\n')\n", + " # all the exception were manually checked. These are because of qutoe chars, this is a hot fix.!!!! TODO\n", + " df_arguments['text'][df_arguments.text == text_segment] = text[span_start: span_end]\n", + " records.append(('O', 'Other', text[prev_span: span_start], prev_span, span_start, doc_id))\n", + " prev_span = span_end\n", + " records.append(('O', 'Other', text[prev_span:], prev_span, len(text), doc_id))\n", + "df_other = pd.DataFrame.from_records(records, columns=df_arguments.columns)\n", + "df_other" + ] + }, + { + "cell_type": "code", + "execution_count": 143, + "id": "bd37a854", + "metadata": {}, + "outputs": [], + "source": [ + "df_combined = pd.concat([df_other, df_arguments])\n", + "df_combined = df_combined.sort_values(['doc_id', 'span_start', 'span_end']).reset_index(drop=True)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 148, + "id": "d8e146a4", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextspan_startspan_enddoc_id
0OOtherShould students be taught to compete or to cooperate?\\n\\nIt is always said that competition can effectively promote the development of economy. In order to survive in the competition, companies continue to improve their products and service, and as a result, the whole society prospers. However, when we discuss the issue of competition or cooperation, what we are concerned about is not the whole society, but the development of an individual's whole life. From this point of view, I firmly believe that0503essay001
1T1MajorClaimwe should attach more importance to cooperation during primary education503575essay001
2OOther.\\nFirst of all,575591essay001
3T3Claimthrough cooperation, children can learn about interpersonal skills which are significant in the future life of all students591714essay001
4OOther.714716essay001
.....................
12575OOther. Secondly,14361448essay402
12576T14Premiseplaying sport makes children getting healthy and become children's well-being14481525essay402
12577OOther. \\nIn conclusion,15251543essay402
12578T2MajorClaimboth studying hard at school and playing sports can improve children's future15431620essay402
12579OOther.16201621essay402
\n", + "

12580 rows × 6 columns

\n", + "
" + ], + "text/plain": [ + " label_type label \\\n", + "0 O Other \n", + "1 T1 MajorClaim \n", + "2 O Other \n", + "3 T3 Claim \n", + "4 O Other \n", + "... ... ... \n", + "12575 O Other \n", + "12576 T14 Premise \n", + "12577 O Other \n", + "12578 T2 MajorClaim \n", + "12579 O Other \n", + "\n", + " text \\\n", + "0 Should students be taught to compete or to cooperate?\\n\\nIt is always said that competition can effectively promote the development of economy. In order to survive in the competition, companies continue to improve their products and service, and as a result, the whole society prospers. However, when we discuss the issue of competition or cooperation, what we are concerned about is not the whole society, but the development of an individual's whole life. From this point of view, I firmly believe that \n", + "1 we should attach more importance to cooperation during primary education \n", + "2 .\\nFirst of all, \n", + "3 through cooperation, children can learn about interpersonal skills which are significant in the future life of all students \n", + "4 . \n", + "... ... \n", + "12575 . Secondly, \n", + "12576 playing sport makes children getting healthy and become children's well-being \n", + "12577 . \\nIn conclusion, \n", + "12578 both studying hard at school and playing sports can improve children's future \n", + "12579 . \n", + "\n", + " span_start span_end doc_id \n", + "0 0 503 essay001 \n", + "1 503 575 essay001 \n", + "2 575 591 essay001 \n", + "3 591 714 essay001 \n", + "4 714 716 essay001 \n", + "... ... ... ... \n", + "12575 1436 1448 essay402 \n", + "12576 1448 1525 essay402 \n", + "12577 1525 1543 essay402 \n", + "12578 1543 1620 essay402 \n", + "12579 1620 1621 essay402 \n", + "\n", + "[12580 rows x 6 columns]" + ] + }, + "execution_count": 148, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_combined" + ] + }, + { + "cell_type": "code", + "execution_count": 150, + "id": "3c3afe91", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'Other': 0, 'MajorClaim': 1, 'Claim': 2, 'Premise': 3}" + ] + }, + "execution_count": 150, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "ID2CLASS = dict(enumerate(df_combined['label'].unique().tolist()))\n", + "CLASS2ID = {v: k for k, v in ID2CLASS.items()}\n", + "# print(ID2CLASS)\n", + "CLASS2ID" + ] + }, + { + "cell_type": "code", + "execution_count": 154, + "id": "893e1d58", + "metadata": {}, + "outputs": [], + "source": [ + "def convert_label(label):\n", + " return CLASS2ID[label]\n", + "\n", + "df_combined['label'] = df_combined['label'].apply(convert_label)" + ] + }, + { + "cell_type": "code", + "execution_count": 153, + "id": "aab6ae45", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0 247\n", + "3 146\n", + "2 64\n", + "1 43\n", + "Name: label, dtype: int64" + ] + }, + "execution_count": 153, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_sample = df_combined.sample(n=500, random_state=2)\n", + "df_sample['label'].value_counts()\n", + "df_sample = df_sample[['text','label']]\n", + "df_sample" + ] + }, + { + "cell_type": "code", + "execution_count": 168, + "id": "b60b578f", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "\n", + "\n" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Users/feng/opt/anaconda3/lib/python3.8/site-packages/numpy/core/_asarray.py:102: VisibleDeprecationWarning: Creating an ndarray from ragged nested sequences (which is a list-or-tuple of lists-or-tuples-or ndarrays with different lengths or shapes) is deprecated. If you meant to do this, you must specify 'dtype=object' when creating the ndarray.\n", + " return array(a, dtype, copy=False, order=order)\n" + ] + }, + { + "data": { + "text/html": [ + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
texttext_
0xxbos games on their phone xxunk a xxunk xxunk on xxunk , xxunk to a large problem that they xxunk xxunk to their xxunk xxbos there is a fact that one can improve health xxunk with xxunk physical xxunk : xxunk , xxunk by xxunk we xxunk physical xxunk to better xxbos teachers think that foreign language most likely xxunk to xxunk for children who are xxunk to start learning xxbos .games on their phone xxunk a xxunk xxunk on xxunk , xxunk to a large problem that they xxunk xxunk to their xxunk xxbos there is a fact that one can improve health xxunk with xxunk physical xxunk : xxunk , xxunk by xxunk we xxunk physical xxunk to better xxbos teachers think that foreign language most likely xxunk to xxunk for children who are xxunk to start learning xxbos . xxmaj
1significant issue in our xxunk xxbos they xxunk have an xxunk of xxunk different xxunk of life with the help of a xxunk xxbos xxunk can not always be xxunk in the real world xxbos students are to develop their xxunk skills by learning xxunk - related subjects , rather than playing on xxunk or xxunk a xxunk xxbos to be xxunk , we all xxunk to xxunk the xxunk we mightissue in our xxunk xxbos they xxunk have an xxunk of xxunk different xxunk of life with the help of a xxunk xxbos xxunk can not always be xxunk in the real world xxbos students are to develop their xxunk skills by learning xxunk - related subjects , rather than playing on xxunk or xxunk a xxunk xxbos to be xxunk , we all xxunk to xxunk the xxunk we might xxunk
2xxunk xxbos public transportation helps to solve the xxunk xxunk problems xxbos . xxmaj as a result , xxbos each of them has its own benefits xxbos . \\n xxmaj xxunk , at some point , xxbos xxmaj no one can xxunk the importance to xxunk health xxunk in school xxunk , especially at xxunk level , in the xxunk of raising people 's xxunk xxbos . xxmaj moreover , xxbos thexxbos public transportation helps to solve the xxunk xxunk problems xxbos . xxmaj as a result , xxbos each of them has its own benefits xxbos . \\n xxmaj xxunk , at some point , xxbos xxmaj no one can xxunk the importance to xxunk health xxunk in school xxunk , especially at xxunk level , in the xxunk of raising people 's xxunk xxbos . xxmaj moreover , xxbos the best
" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "dls_lm = TextDataLoaders.from_df(df_sample, path=path,is_lm=True)\n", + "dls_lm.show_batch(max_n=3)" + ] + }, + { + "cell_type": "code", + "execution_count": 169, + "id": "8f26b1ec", + "metadata": {}, + "outputs": [], + "source": [ + "learn = language_model_learner(dls_lm, AWD_LSTM, metrics=[accuracy, Perplexity()], path=path, wd=0.1, model_dir=\"/tmp/model/\").to_fp16()" + ] + }, + { + "cell_type": "code", + "execution_count": 170, + "id": "e1a7fccd", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Users/feng/opt/anaconda3/lib/python3.8/site-packages/torch/cuda/amp/autocast_mode.py:114: UserWarning: torch.cuda.amp.autocast only affects CUDA ops, but CUDA is not available. Disabling.\n", + "/Users/feng/opt/anaconda3/lib/python3.8/site-packages/torch/cuda/amp/grad_scaler.py:115: UserWarning: torch.cuda.amp.GradScaler is enabled, but CUDA is not available. Disabling.\n", + " warnings.warn(\"torch.cuda.amp.GradScaler is enabled, but CUDA is not available. Disabling.\")\n" + ] + }, + { + "data": { + "text/html": [ + "\n", + "\n" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/plain": [ + "SuggestedLRs(valley=0.007585775572806597)" + ] + }, + "execution_count": 170, + "metadata": {}, + "output_type": "execute_result" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAYIAAAELCAYAAADURYGZAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuNCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8QVMy6AAAACXBIWXMAAAsTAAALEwEAmpwYAAAwlklEQVR4nO3deXxV9Z3/8dcn+55AEiAQQlhlFzCyCLig1g3RKmNR0LqX6WbHjjr2N3Wb6dTOtJbR1qq1aq0LKqOCuFYExQ0JqywBkQQIBLJA9j35/P64NxRCEhKSe89dPs/H4z6495xzz3nfC+ST7/me8/2KqmKMMSZ4hTgdwBhjjLOsEBhjTJCzQmCMMUHOCoExxgQ5KwTGGBPkrBAYY0yQ83ghEJFQEdkgIsvbWJcoIm+JyCYR2SoiN3k6jzHGmOOFeeEYdwDbgYQ21v0I2Kaql4tIKrBDRF5U1fr2dpaSkqKZmZmeSWqMMQFq3bp1xaqa2tY6jxYCEUkHLgN+BdzZxiYKxIuIAHHAYaCxo31mZmaSnZ3d01GNMSagicie9tZ5ukWwCLgbiG9n/R+AZcAB9zbfU9VmD2cyxhhzDI/1EYjIbKBQVdd1sNlFwEagPzAB+IOInHAKSURuF5FsEckuKiryRFxjjAlanuwsng7MEZE8YDEwS0ReaLXNTcDr6rILyAVGtt6Rqj6lqlmqmpWa2uYpLmOMMafIY6eGVPVe4F4AETkX+FdVXdBqs73A+cBqEekLnAbs9lQmY0xga2hoID8/n9raWqejOCYqKor09HTCw8M7/R5vXDV0HBFZCKCqTwD/ATwnIl8DAtyjqsXezmSMCQz5+fnEx8eTmZmJ6xqU4KKqlJSUkJ+fz+DBgzv9Pq8UAlVdBaxyP3/imOUHgO94I4MxJvDV1tYGbREAEBGSk5Ppal+q3VkM5B+ppqymwekYxpgeEKxFoMWpfP6gLwSff1vM+b/7mJ8t3uB0FGNMEIqLiwMgLy+PsWPHOpIhqAvBmt0l3PJcNs2qfLyziINlwdvBZExQ2vwq/H4sPJDk+nPzq04nckTQFoLsvMPc9Nxa+idF8fJtU2lWeH1DvtOxjDHesvlVeOunULYPUNefb/2028Xgnnvu4fHHHz/6+oEHHuDBBx/k/PPPZ9KkSYwbN46lS5d2uI+mpibuuusuzjzzTMaPH8+TTz4JwPXXX3/ce+fPn8+yZcu6lReCtBAUltdy07Nr6ZvgKgJZmb05M7MXS7LzsTmcjQkSKx6ChprjlzXUuJZ3w7x583jllVeOvn711Ve56aabeOONN1i/fj0rV67k5z//eYc/a/7yl7+QmJjI2rVrWbt2LX/+85/Jzc3l1ltv5dlnnwWgrKyMzz//nEsvvbRbeSFIC8GfPv6W6oYmnrnxTPokRAHwT2cMZHdxFev3lnZr34er6nl17T4q604cMulIVT2NTTaChjE+oaydMwDtLe+kiRMnUlhYyIEDB9i0aRO9evUiLS2NX/ziF4wfP54LLriA/fv3c+jQoXb38cEHH/D8888zYcIEpkyZQklJCd988w3nnHMOu3btorCwkJdffpmrr76asLDuX/zp9fsInFZYXstLa/Zy9aQBDE6JPbr80vFp3L9sK0vW5XPGoF6nvP/7lm5h+eYCHn4vh4XnDGHB1EFk5x3h+S/28FHOIeaekc5/zz29Jz6KMaY7EtPdp4XaWN5Nc+fOZcmSJRw8eJB58+bx4osvUlRUxLp16wgPDyczM7PDm95Ulccee4yLLrrohHXXX389L774IosXL+aZZ57pdlYIwhbB46u+pbFZ+fF5w49bHhcZxiXj+rF80wFq6psAaG5WSirrOr3vTftKWb65gKsmDWBM/wT+650cTn/wA2545is27D3CmZm9eTU7n+y8wz36mYwxp+D8+yA8+vhl4dGu5d00b948Fi9ezJIlS5g7dy5lZWX06dOH8PBwVq5cyZ497Q4ECsBFF13En/70JxoaXJe179y5k6qqKgBuvPFGFi1aBMCYMWO6nRWCrEVwqLyWl75ytQYykmNOWD/3jHReX7+fpRv309isPPNpLnsPV/PKD6ZyxqDeHe5bVXn43Rx6x0bw4JwxxEeF81XuYd7YkM+UwclcMq4fTc3KBb/7mF8u3cpbP55OWGj7dfhIVT0b95WyZX8Zo9ISOG9kH0JDXNcH19Q38X/r8yksr+WOC0YcXW6M6YLx17j+XPGQ63RQYrqrCLQs74YxY8ZQUVHBgAEDSEtLY/78+Vx++eVkZWUxYcIERo48YUi149x6663k5eUxadIkVJXU1FTefPNNAPr27cuoUaO48soru52zhfhb52hWVpae6nwEDyzbyt++3MPKn5/bZiFoblbO/p+V5B9xdSCNT0+kqKKO6IhQ3vnpTKLCQ9vd96odhdz47FoeuHw0N05v/9bud74u4Icvrj+6nary/tZDvP11AWU1DVTUNlBSWc/ew9XHvW9AUjTXTcmgpr6JF9bsobTa9ZvCTdMzuf/ynvmtwBh/t337dkaNGuV0DI+qrq5m3LhxrF+/nsTExDa3aet7EJF1qprV1vZB0yI4WWsAICREuPvikXy47RDzp2QweXBvVn9TzA3PfMWiD7/h3y5pu4o3NbtaA4OSY7huyqAOc1wyth8zh6fwuw92MqxPPH9cuYsvdpfQNyGSfonRJESFMSApmmsnZzAxI4lRaQl8vquYv325h/95fwcicOGovtw6cwjvbTnIM5/lMqh3zAnFp7lZKa6sI7+0hl2HKtlWUM62A+UgcPP0TL4zuh8hQdiSqKxrJCxEOizqxviqDz/8kJtvvpk777yz3SJwKoKmEHyVe5hQkRP6Blqbc3p/5pze/+jrs0ek8r2sgTz1ybdcMrYfpw9MOm57VeXZz3LJOVjBY9dOJCKs424XEeGBOWO4eNEnLPjLGpJiwnnoijFcNzmj3VNFl4xL45JxaewpqSI0REjv5SpkZwzqxb4j1Ty0fBtpSdEkRoezYvshPt5ZRF5xNfXHXKEUExHKqLQEiivqWPjCeob3ieOGaa6iVVRZz5GqeuKiwugTH0lqfCQRoSE0NSsNzUp1XSPFlXUUV9ZTXFlHSWU9h6vqqahtYMqQZL47cQDTh6U4foqqsamZoso6CspqKa2uJyUukn6JUSRFR/DJziKWrMtnRc4h4iLDuHn6YG44K5PEaNcIjapKbUMz0RFWIIzvuuCCC9i7d2+P7zeoTg2V1TQc/Y/fFeW1DXznkU9IiA7jD9dNol9iFHERYXyw7SCPrtjFtoJypgzuzcu3Te30b9mvrt3H7uIqFp4zhKSYiC5nalFd38j3nvySr/eXARARGsKUIb0Z3T+B9KRo+idFMzgllszkWEJChMamZt7+uoA/rtzFzkOVAIhAYnQ4lbWNNDa3/+8hPiqM5NgIUuIiSY6LICIslI93FFJe20if+Egyk2Opb2qmvrGZ/knRLJiawdnDUz3e8iiprOOh5dtYvrmApg7yJ8dGMGdCf/aWVLMip5D4yDCmDU0m/0gNucVV1DU2ccm4NBaePZRx6T3325bxnmA4NdQZXT01FFSFoDtW5hRy03Nrj76OCA2hvqmZwSmx/Pi8YVwxoX+Hnb+eVFhRy9Orc5k4MImZI1KJizx5Q6+5WcktqSI+KozeMRGEhYbQ3KyU1jRQVFFHQ1MzYaFCWEgI0RGhJMdGtHk6pbahiZU5hSzbdIDDVfVEhIUQGRbCpvwyiirqGJISy+zxadQ2NlNcUUd9UzM/u2A4w/q0N3tp56kqSzce4MG3tlJZ18j8KYMY3jeOtMQokmIiKK5wtQ4KK2qZOLAX55yWSrj772jrgTIeX/Ut2w6UMyg5hiEprvFeXlu3j4raRqYNSWba0GQyescwsHc0idERhIcK4aEhhIeGHP2ckWEhQT/ImS/Zvn07I0eODOq/E1UlJyfHCoGn7DhYwY5DFRwqq+VgeS3j0xOZPb6/46dEfFF9YzPvbing2c/y2LivlKjwEFLiIimraSAmIpQlC89iYO+2+2ra896Wg/zXO9uPFpwQEYor65iYkcRvrh7PiL7dLy4VtQ0s/mofL6zZw56S6pNuHx0eyqyRfbhsfBrnndbHTi05LDc3l/j4eJKTk4OyGLTMR1BRUXHCfARWCIyjahuajv7mvONgBdc8+QVJMeG89oNpR+/sLqyopbymkfRe0Se0PA6V13Lf0i28v/UQI/vFc9bQFOqbmqhvbGZ8ehLXTs7wSDGubWgi/0gN+w5XU17bQGOT0tDUTENTM3WNzdQ3NZN/pIYPth6kuNLdGnK3FBublenDUrj/8tEMTY3r8WymbTZDWfszlDlaCEQkFMgG9qvq7Fbr7gLmu1+GAaOAVFVt944rKwT+b8PeI8x/eg0De8Vw8dh+fJRTeLSPQwT6JUSRGh9JXUMzNQ1NFFbUogp3XDCc22YOOXp6x1c0NStrdpewamcRDU3NRISF0NikvJq9j9qGJm6dOYQfnzeM2E6csjPGU5wuBHcCWUBC60LQarvLgX9R1Vkd7c8KQWD4bFcxNz27lobmZiZl9GLWyD70T4pib0kNe0qqKKmqJyo8hOjwUBKjw7lx+uDjhgTxB0UVdTz8bg7/tz4fEUiJi6R/YhTD+sTzk1nDyPSzz2P8m2OFQETSgb8CvwLuPEkheAlYqap/7mifVggCx77D1cREhJIcF+l0FI9av/cIH+8ooqCshoKyWtbvOUJDk3LrzMH8yFoKxkucLARLgF8D8cC/tlcIRCQGyAeGtXVaSERuB24HyMjIOONk43QY48sKy2t5+L0cXl+/n5S4SEb0jSM2Moz4yDAun9Cf807r43REE4A6KgQeO9kqIrOBQlVd14nNLwc+a69vQFWfUtUsVc1KTU3t0ZzGeFufhCgeuWYC//fP0zhjUBL1jc3sO1zNxzuLuOnZtfzija+prj9xGHNjPMWTbdLpwBwRuRSIAhJE5AVVXdDGtvOAlz2YxRifc8ag3jx5/T8GM6xtaOKRv+/kz6t38/muYu6fM4bpQ1NOere6Md3llctHReRc2jk1JCKJQC4wUFWrTrYv6yMwge7L3SX8/NVN7C+tIS4yjBnDUvjOmL5cNj6NyDC7T8GcGp8adE5EFgKo6hPuRd8FPuhMETAmGEwdksyHd57Dp7uK+SinkJU5hby39SC/fjeHG8/KZMGUQSTGdH2oFGPaYzeUGePjVJXPdpXw1OrdfLKziOjwUC4e2485E/ozc1iKY0ObGP/iUy0CY0zXiAgzhqcwY3gK2wvKef6LPN7eXMAbG/aTHBvBPZeM5JqsgU7HNH7MWgTG+KG6xiY+3lHE06tz+SrvMD+ZNYw7LxwRlOPrmM5x5PJRY4znRIaF8p0x/Xjxtilck5XOYx/t4s5XN1Hf2HzyNxvTip0aMsaPhYeG8Jurx5PRO4bffrCT3UWV/OeV42w+BdMl1iIwxs+JCD+eNZzH509if2ktc/74Kb98cwtl7nmtjTkZKwTGBIhLx6Wx4ufn8P1pmby4Zg8X/P5jNu0rdTqW8QNWCIwJIInR4TwwZwzLfjyDyLAQvvfUF7y3pcDpWMbHWSEwJgCNHZDIGz+czqi0BBa+sJ4nPv4Wf7tC0HiPFQJjAlRqfCQv3zaVy8an8fC7OfzslY02mJ1pkxUCYwJYVHgoj82byF0XncayTQf47h8/J7fYRnMxx7NCYEyACwkRfnTeMP5602QKK2qZ89inrM1rdzZYE4SsEBgTJM4ekcpbP5lBSnwkP35pPSWVdU5HMj7CCoExQSS9Vwx/uG4iR6obWPLsI+jvx8IDSfD7sbD5VafjGYfYncXGBJkx/RN5euJusjY/gki9a2HZPnjrp67n469xLpxxhLUIjAlCM/f+iZiWItCioQZWPORMIOMojxcCEQkVkQ0isryd9eeKyEYR2SoiH3s6jzEGpCy/7RXtLTcBzRunhu4AtgMJrVeISBLwOHCxqu4VkT5eyGOMSUx3nQ5qa7kJOh5tEYhIOnAZ8HQ7m1wHvK6qewFUtdCTeYwxbuffB+HRxy2qJZLKGb9wKJBxkqdPDS0C7gbaGyR9BNBLRFaJyDoRucHDeYwx4OoQvvxRSBwICLWx/flF023csHYQjU02p0Gw8dipIRGZDRSq6joRObeD458BnA9EA1+IyJequrPVvm4HbgfIyMjwVGRjgsv4a45eIRQFnL1hP6+/spHnv9jDzTMGO5vNeJUnWwTTgTkikgcsBmaJyAuttskH3lPVKlUtBj4BTm+9I1V9SlWzVDUrNTXVg5GNCV5XTOjPOSNS+d0HOygoq3E6jvEijxUCVb1XVdNVNROYB3ykqgtabbYUmCkiYSISA0zB1bFsjPEyEeE/rhhLY7Py0FvbnI5jvMjr9xGIyEIRWQigqtuB94DNwFfA06q6xduZjDEuGckx/PT84by75SAf5RxyOo7xEvG3McqzsrI0Ozvb6RjGBKz6xmYue3Q11fVNvPuzmSREhTsdyfQAEVmnqlltrbM7i40xx4kIC+Hhq8dxqLyWH724nga7iijgWSEwxpzgjEG9+a+rxrH6m2L+/Y0tNrtZgLNB54wxbbomayD7Dlfz2Ee7yEiO4UfnDXM6kvEQKwTGmHbdeeEI9h6u5n/e38GotHhmjezrdCTjAXZqyBjTLhHhv+eOZ2hqLL96e7vddRygrBAYYzoUGRbK3ReP5NuiKl5bZ6OTBiIrBMaYk/rO6L5Mykji93/fSU19k9NxTA+zQmCMOSkR4d5LR1FYUcczn+U6Hcf0MCsExphOOTOzNxeM6ssTq77lcFX9yd9g/IYVAmNMp9198WlU1Tfy6IpvnI5iepAVAmNMp43oG891UzJ4/os8vs4vczqO6SFWCIwxXXLXRSNJjovk3jc22+WkAcIKgTGmSxKjw7n/8tFs2V/O81/scTqO6QFWCIwxXXbZuDTOO801ic2BUpvExt9ZITDGdJmI8NAVY2lS5b6lW21QOj/n8UIgIqEiskFElrex7lwRKRORje7HfZ7OY4zpGQN7x3DnhSP4cPsh3tty0Ok4phu80SK4g46nn1ytqhPcj4e8kMcY00Nunj6YsQMSuG/ZVsqqG5yOY06RRwuBiKQDlwFPe/I4xhhnhIWG8PBV4zlcVc+v37Xpxv2Vp1sEi4C7gY6uMZsmIptE5F0RGePhPMaYHjZ2QCK3zhjM4rX7+OLbEqfjmFPgsUIgIrOBQlVd18Fm64FBqno68BjwZjv7ul1EskUku6ioqOfDGmO65WcXjCCjdwz3vr6ZukYblM7feLJFMB2YIyJ5wGJgloi8cOwGqlquqpXu5+8A4SKS0npHqvqUqmapalZqaqoHIxtjTkV0RCj/ceVY8kqqeWnNXqfjmC7yWCFQ1XtVNV1VM4F5wEequuDYbUSkn4iI+/lkdx5rWxrjh84ensLUIb3548pdVNc3Oh3HdIHX7yMQkYUistD9ci6wRUQ2AY8C89QuSDbGL4kId110GsWV9Tz7WZ7TcUwXiL/93M3KytLs7GynYxhj2nHLc2tZm3eY1ffMIjE63Ok4xk1E1qlqVlvr7M5iY0yP+vl3TqO8tpE/f7Lb6Simk6wQGGN61Oj+Ccwen8Yzn+VSVFHndJyAcd/SLby3pcAj+7ZCYIzpcXdeOIL6xmZ++/4Op6MEhOZm5W9f7mHbgXKP7N8KgTGmxw1JjeOWGYN5JXsf6/YccTqO36uobUQVEjzU52KFwBjjET89fzj9EqL45ZtbbAKbbiqrcY3jlBQT4ZH9WyEwxnhEbGQYv5w9mm0F5bxoN5l1S2lNPQBJ1iIwxvibS8f1Y+bwFH77wQ7rOO6GlhZBYowVAmOMnxERHpwzhroG6zjujlL3EN/WIjDG+KUhqXHMn5rBkvX55BVXOR3HL5Vai8AY4+/++dyhhIcKj674xukofqm8pRBYi8AY46/6xEdxw7RM3ty4n12FlU7H8Tul1fVEh4cSGRbqkf1bITDGeMUPzh5CVHgoiz7c6XQUv1Na3eDRcZusEBhjvCI5LpKbpmeyfHMBOQc9c4dsoCqraSDJQ/0DYIXAGONFt80cQnxkGIv+bn0FXVFaYy0CY0yASIqJ4IazBvH+toPsO1ztdBy/UWanhowxgWTB1EGEiPC3L/c4HcVv+P2pIREJFZENIrK8g23OFJEmEZnr6TzGGGelJUZz8Zh+LP5qr01p2UmlNfUeG2cIvNMiuAPY3t5KEQkFfgO874Usxhgf8P2zMimvbeTNDQecjuLzahuaqG1odv7UkIjEikiI+/kIEZkjIidNJSLpwGXA0x1s9hPg/4DCzmQxxvi/MzN7MTotgb9+noe/TZfrbZ6+mQw63yL4BIgSkQHACuAm4LlOvG8RcDfQ5hi07v19F3iio52IyO0iki0i2UVFRZ2MbIzxVSLCjWdlsuNQBV/uPux0HJ9WenQIaucLgahqNXAV8JiqfhcY3eEbRGYDhaq6roPNFgH3qGpTR/tS1adUNUtVs1JTUzsZ2Rjjy+ZM6E+vmHD++nme01F8WsuAc77QIhARmQbMB952Lws7yXumA3NEJA9YDMwSkRdabZMFLHZvMxd4XESu7GQmY4wfiwoPZd7kDD7YdpD8I3YpaXuOTkoT7Xxn8c+Ae4E3VHWriAwBVnb0BlW9V1XTVTUTmAd8pKoLWm0zWFUz3dssAX6oqm927SMYY/zV9VMHISLWKuhAabV7UhqnTw2p6seqOkdVf+PuNC5W1Z+eygFFZKGILDyV9xpjAkv/pGguHZfG4q/2UVlnl5K2paVF4Kn5iqHzVw29JCIJIhILbAN2iMhdnT2Iqq5S1dnu50+o6gmdw6p6o6ou6ew+jTGB4ebpmVTUNbIke5/TUXxSWU0DIQLxkSc7G3/qOntqaLSqlgNXAu8AGcD1ngpljAkeEzN6MSkjiWc/z6Op2S4lba20uoGE6HBCQsRjx+hsIQh33zdwJbBUVRsA+xszxvSIW2YMYU9JNSu2H3I6is8pq2nw2BSVLTpbCJ4E8oBY4BMRGQTYOLLGmB5x0Zi+DEiK5i+f5jodxeeU1jSQ6MHhJaDzncWPquoAVb1UXfYA53k0mTEmaISFhvD9swaxJvcwWw+UOR3Hp5RV13v0HgLofGdxoog80nJ3r4j8DlfrwBhjesT3sjKICAvhtex8p6P4FF86NfQMUAFc436UA896KpQxJvgkxoRz4ei+LN24n/rGNkelCUqlHh6CGjpfCIaq6v2qutv9eBAY4slgxpjgM/eMdI5UN/BRjo1BCdDcrJR5eHYy6HwhqBGRGS0vRGQ6UOOZSMaYYDVzWAp94iNZss5ODwFU1DWi6tlxhuDk4wW1WAg8LyKJ7tdHgO97JpIxJliFhYbw3UkDeHp1LkUVdaTGRzodyVFl1S0jj/rGVUObVPV0YDwwXlUnArM8mswYE5TmTkqnqVlZunG/01EcV1rjGmfIV04NAaCq5e47jAHu9EAeY0yQG943ntMHJrFkXX7QT1pT5oW5CKB7U1V67n5nY0xQmztpADkHK9h6ILjvW/XGXATQvUIQ3KXaGOMxl5/en4jQEF4L8oHojs5O5mQhEJEKESlv41EB9PdoMmNM0EqKieCScf14fcN+auo7nMAwoJV7YQhqOEkhUNV4VU1o4xGvqp4bE9UYE/SunZxBRW0jyzcfcDqKY0qr64kKDyEqPNSjx+nOqaFOEZFQEdkgIsvbWHeFiGwWkY3uoStmtLUPY0zwmTK4N0NTY3n5q71OR3FMaXWDR6eobOHxQgDcAWxvZ90K4HRVnQDcDDzthTzGGD8gIlw7OYP1e0vJORicncZlXhheAjxcCEQkHbiMdn7Aq2ql/uP6sFisA9oYc4yrJ6UTERbCS2uCs1VQWtPg8f4B8HyLYBFwN9DuCFIi8l0RyQHextUqMMYYAHrFRnDp2H68sX4/1fXBN6dxWbXnRx4FDxYCEZkNFKrquo62U9U3VHUkrtnP/qOdfd3eMgR2UVFRz4c1xvis66YMoqKukeWbC5yO4nWBcGpoOjBHRPKAxcAsEXmhvY1V9RNgqIiktLHuKVXNUtWs1NRUjwU2xvieMzN7MaxPXFCeHiqt8fykNODBQqCq96pquqpmAvOAj1R1wbHbiMgwERH380lABFDiqUzGGP8jIlw3OYON+0rZFkR3Gtc2NFHb0OzxAefAO1cNHUdEForIQvfLq4EtIrIR+CPwPQ32wUWMMSe4atIAIsJCgupSUm/dTAZeKgSqukpVZ7ufP6GqT7if/0ZVx6jqBFWdpqqfeiOPMca/JMVEMHtcGm9uCJ5OY28NLwEOtAiMMeZUXDslg4q6Rt7aFBx3GhdX1gGQHBuAp4aMMeZUZA3qxfA+cbz0VXAMRHewrBaAfolRHj+WFQJjjF9oudN4075Sth4oczqOxxW4C0FaYrTHj2WFwBjjN66elE5kkNxpXFBWQ1JMONERnh1wDqwQGGP8SGJMOJeNT2PpxgNU1gV2p/HBslr6JXj+tBBYITDG+Jn5UwZRWdcY8HMaHyitpX+S508LgRUCY4yfmZSRxKi0BP72xZ6AntP4YHmtVzqKwQqBMcbPiAgLpmaQc7CC9XuPOB3HI2obmjhcVU+anRoyxpi2XTlhAHGRYbzwZWB2Gh8q996lo2CFwBjjh2Ijw7hq0gDe3lxAifvGq0ByoNRVCKyPwBhjOrBg6iDqm5p5bV2+01F63MHyGsBaBMYY06ERfeOZPLg3L67ZQ3NzYHUa/+NmMisExhjToQVTB7HvcA0ffxNYE1YVlNaSGB1OTESYV45nhcAY47cuHtOP5NgIXg6wO40Lymq91hoAKwTGGD8WERbC3Kx0VuQUHr3SJhAcLK/xWv8AeKEQiEioiGwQkeVtrJsvIpvdj89F5HRP5zHGBJZrz8ygqVl5dW3gjEp6sKzWK4PNtfBGi+AOYHs763KBc1R1PK6J65/yQh5jTADJTIll+rBkFq/dR1MAdBrXNTZRXFkfOKeGRCQduAx4uq31qvq5qrbcGvglkO7JPMaYwHTd5EHsL63hk53+32l8qMx1X0QgnRpaBNwNNHdi21uAdz2axhgTkC4c3ZeUuAheCoA5jQvKXPcQBESLQERmA4Wquq4T256HqxDc087620UkW0Syi4r8v+IbY3pWRFgIc88YyEc5hUdn9vJX3pyQpoUnWwTTgTkikgcsBmaJyAutNxKR8bhOHV2hqiVt7UhVn1LVLFXNSk1N9WBkY4y/unbyQJqalVf8vNO4wItTVLbwWCFQ1XtVNV1VM4F5wEequuDYbUQkA3gduF5Vd3oqizEm8A1KjmXGsBReWbvXrzuND5bVEB8VRlykd24mAwfuIxCRhSKy0P3yPiAZeFxENopItrfzGGMCx3VTMjhQVuvXncYFZbX09+JpIQCvlBxVXQWscj9/4pjltwK3eiODMSbwXTDqH53G543s43ScU1JQ5r0JaVrYncXGmIARCJ3G3h5eAqwQGGMCzLwzXZ3Gr2X7X6dxfWMzxZV1Xr1iCKwQGGMCTGaKq9PYH+80bhkvyVoExhjTTddOznDdaexnw1M7cekoWCEwxgSgljuNX/SzOY2duKsYrBAYYwJQRFgI887MYEXOIfaUVDkdp9P2l7oLgZfmKm5hhcAYE5CunzaIsBDh2c/ynI7SablFVaTGR3r1ZjKwQmCMCVB9E6KYPb4/r2Xvo7y2wek4nZJbXMXglFivH9cKgTEmYN0yYzBV9U1+M2lNbnEVQ1OtEBhjTI8ZOyCRyYN78+xneTQ2dWY0fOeUVTdQUlVvLQJjjOlpN08fzP7SGv6+7ZDTUTq0u7gSgCEpcV4/thUCY0xAu3B0XzJ6x/CXT3OdjtKh3UWuq5sG26khY4zpWaEhwo1nZZK95wib80udjtOu3OIqQkOEgb1ivH5sKwTGmID3T1npxEWG+fSlpLnFVWT0jiEizPs/lq0QGGMCXnxUOP+Ulc7yzQcoLPfNUUm/Lap0pKMYrBAYY4LEjWdl0tisvPDlHqejnKC5WckrqWJIoBYCEQkVkQ0isryNdSNF5AsRqRORf/V0FmNM8BqUHMv5I/vy4pq91DY0OR3nOAXltdQ2NDvSUQzeaRHcAWxvZ91h4KfAb72QwxgT5G6ekUlJVT3LNh1wOspxct1XDDlx6Sh4uBCISDpwGfB0W+tVtVBV1wL+cf+3McavTRuSzMh+8TzzaS6qvjNXwdF7CAK0RbAIuBvw7Vv6jDFBQUS4efpgcg5W8OmuYqfjHLW7qIrYiFD6xEc6cnyPFQIRmQ0Uquq6HtjX7SKSLSLZRUX+NdGEMca3XDGxP30TInl85bdORzkqt7iKwamxiIgjx/dki2A6MEdE8oDFwCwReeFUdqSqT6lqlqpmpaam9mRGY0yQiQwL5baZQ/hidwnr9hxxOg7gOjU02KH+AfBgIVDVe1U1XVUzgXnAR6q6wFPHM8aYzrpuSga9YsJ5fOUup6NQ19hE/pEaxy4dBQfuIxCRhSKy0P28n4jkA3cC/y4i+SKS4O1MxpjgEhMRxs3TB7Mip5BtB8odzbKnpBpV5zqKwUuFQFVXqeps9/MnVPUJ9/OD7lZDgqomuZ87+7dijAkKN0zLJC4yjMdXOdsq2O3wpaNgdxYbY4JUYkw4C6YO4u2vC9hdVOlYjtxiVyHITPH+YHMtrBAYY4LWLTMGExkWwh8c7CvYXVRJn/hI4qPCHctghcAYE7RS4yNZMGUQb27Yz7cOtQo27itlZJqzXaNWCIwxQe0H5wwlMiyUx1Z84/VjF1fW8U1hJdOGJHv92MeyQmCMCWqp8ZHccNYglm46wK7CCq8ee83uwwBMHdLbq8dtzQqBMSbo/eDsoUSHh/K/K7zbV/Dl7hJiI0IZOyDRq8dtzQqBMSbo9Y6N4MazMlm++QA7D3mvVfDl7hKyMnsTHursj2IrBMYYA9w2cwixEWH8/u87vXK8lv6BqQ73D4AVAmOMAaBXbAQ3zxjMu1sO8nV+mceP5yv9A2CFwBhjjrpt5mCSYsL57Qc7PH4sX+kfACsExhhzVHxUOD88dygf7yxize4Sjx7LV/oHwAqBMcYc54ZpmfRNiOR/3t/hsVnMfKl/AKwQGGPMcaLCQ/np+cPJ3nOEVTs8MxGWL/UPgBUCY4w5wTVZA8noHcNv3suhsannZ9r1pf4BsEJgjDEnCA8N4d5LRpJzsILnPs/r8f1/4UP9A+CFQiAioSKyQUSWt7FORORREdklIptFZJKn8xhjTGdcPLYfs0b24ZG/72R/aU2P7XdXYQW7Cis5Z4TvTLvrjXJ0B7C9nXWXAMPdj9uBP3khjzHGnJSI8OCcMajC/Uu39FjH8VubChCBy8an9cj+eoJHC4GIpAOXAU+3s8kVwPPq8iWQJCK+8+0YY4LawN4x/MuFw/lweyHvbz3U7f2pKm9tOsDUwcn0TYjqgYQ9w9MtgkXA3UB7vS0DgH3HvM53LzPGGJ9w0/TBjEpL4P5lWyirbujWvrYeKGd3cRWXn96/h9L1DI8VAhGZDRSq6rqONmtj2QntLxG5XUSyRSS7qMgzl3MZY0xbwkNDePiqcRyuqucnizfQ1Hzqp4je2nyAsBDhkrH9ejBh93myRTAdmCMiecBiYJaIvNBqm3xg4DGv04EDrXekqk+papaqZqWm+k4HizEmOJw+MIkH54zlk51Fpzz8RHOzsnxTATOHp9ArNqKHE3aPxwqBqt6rqumqmgnMAz5S1QWtNlsG3OC+emgqUKaqBZ7KZIwxp+q6KRlcOzmDP636luWbT/h99aQ27DvC/tIanzstBBDm7QOKyEIAVX0CeAe4FNgFVAM3eTuPMcZ01gNzRrPzUAV3vbaZjN4xjE9P6vR7l208QGRYCBeO7uu5gKfIK3czqOoqVZ3tfv6EuwjgvlroR6o6VFXHqWq2N/IYY8ypiAwL5U/zJ9E7NoL5f17DV7mHO/W+xqZm3v76ILNG9iE+KtzDKbvON25rM8YYP9EnIYol/zyNPgmRXP+XNazcUXjS9/z3+zsorqzj6knpXkjYdVYIjDGmi9ISo3n1B9MY1ieO2/6azd++yGv3aqKX1uzlqU92c8O0QZw/qo+Xk3aOFQJjjDkFyXGRvHz7VKYM6c0vl27l0v9dzcodhcfdgfzJziJ+uXQL556Wyn2zRyPS1hXzzhNPjbftKVlZWZqdbV0JxhjfoKq8t+UgD7+Xw56SaoamxpIcF0lCVDhrdpcwoFc0ry2c5njfgIisU9WsttZ5/aohY4wJJCLCJePSOH9UX17+ai+rvymmoraB/aU1jEyLZ9G8iY4XgZOxQmCMMT0gIiyE75+VyffPynQ6SpdZH4ExxgQ5KwTGGBPkrBAYY0yQs0JgjDFBzgqBMcYEOSsExhgT5KwQGGNMkLNCYIwxQc7vhpgQkSJgj/tlIlDWwfPWy8KB4i4e8th9dGZd62WdzdjyZ0oXM3orX8sy+w59K58/ZPT1fN3J2NEyX/sOB6lq21M8qqrfPoCnOnreehmQ3Z1jdGZd62WdzXjMn13K6K189h36Zj5/yOjr+bqT8SRZfeo77Ojh76eG3jrJ8/bWn+oxOrOu9bLOZvT1fCc7VkfsOzz5cTpysvf5ekZfz9fe+s5kPNmyrvD0d9guvzs11B0ikq3tjL7nK3w9o6/nA9/P6Ov5wPcz+no+8I+MLfy9RdBVTzkdoBN8PaOv5wPfz+jr+cD3M/p6PvCPjECQtQiMMcacKNhaBMYYY1qxQmCMMUHOCoExxgQ5KwRuIjJTRJ4QkadF5HOn87RFREJE5Fci8piIfN/pPK2JyLkistr9PZ7rdJ62iEisiKwTkdlOZ2mLiIxyf39LROSfnc7TFhG5UkT+LCJLReQ7TudpTUSGiMhfRGSJ01lauP/d/dX9vc13Ok9rAVEIROQZESkUkS2tll8sIjtEZJeI/FtH+1DV1aq6EFgO/NUXMwJXAAOABiDfB/MpUAlE+Wg+gHuAV3syW09mVNXt7n+H1wA9fulhD2V8U1VvA24EvueD+Xar6i09mastXcx6FbDE/b3N8XS2LuvKnW+++gDOBiYBW45ZFgp8CwwBIoBNwGhgHK4f9sc++hzzvleBBF/MCPwb8AP3e5f4YL4Q9/v6Ai/6YL4LgHm4foDN9sW/Y/d75gCfA9f5akb3+34HTPLhfD36f6SbWe8FJri3ecmTuU7lERCT16vqJyKS2WrxZGCXqu4GEJHFwBWq+mugzdMCIpIBlKlquS9mFJF8oN79ssnX8h3jCBDpa/lE5DwgFtd/zBoReUdVm30po3s/y4BlIvI28FJP5eupjCIiwMPAu6q63tfyeUtXsuJqIacDG/HBMzEBUQjaMQDYd8zrfGDKSd5zC/CsxxKdqKsZXwceE5GZwCeeDObWpXwichVwEZAE/MGjyVy6lE9V/x+AiNwIFPdkEehAV7/Dc3GdRogE3vFksGN09d/hT3C1rhJFZJiqPuHJcHT9O0wGfgVMFJF73QXDW9rL+ijwBxG5jFMfgsJjArkQSBvLOrx7TlXv91CW9nQpo6pW4ypW3tLVfK/jKlbe0uW/YwBVfa7no7Srq9/hKmCVp8K0o6sZH8X1g81bupqvBFjouTgdajOrqlYBN3k7TGf5XBOlB+UDA495nQ4ccChLe3w9o+XrPsvYfb6e71j+lPWoQC4Ea4HhIjJYRCJwdRIuczhTa76e0fJ1n2XsPl/Pdyx/yvoPTvdW98QDeBko4B+XVd7iXn4psBNXL/7/s4yWzzL6dkZfz+evWU/2sEHnjDEmyAXyqSFjjDGdYIXAGGOCnBUCY4wJclYIjDEmyFkhMMaYIGeFwBhjgpwVAhMQRKTSy8frkTkrxDWHQ5mIbBCRHBH5bSfec6WIjO6J4xsDVgiMaZOIdDgOl6qe1YOHW62qE4GJwGwRmX6S7a/ENYKqMT0ikAedM0FORIYCfwRSgWrgNlXNEZHLgX/HNV58CTBfVQ+JyANAfyATKBaRnUAGrrHlM4BF6hpwDRGpVNU492ihDwDFwFhgHbBAVVVELgUeca9bDwxR1XaHTVbVGhHZiGsES0TkNuB2d85dwPXABFzzFZwjIv8OXO1++wmf81S/NxN8rEVgAtlTwE9U9QzgX4HH3cs/Baa6fwtfDNx9zHvOwDXW/XXu1yNxDa09GbhfRMLbOM5E4Ge4fksfAkwXkSjgSeASVZ2B64d0h0SkFzCcfwwx/rqqnqmqpwPbcQ1h8DmusWvuUtUJqvptB5/TmE6xFoEJSCISB5wFvOaaRwX4x2Q56cArIpKG67ft3GPeukxVa455/baq1gF1IlKIa/a11tNwfqWq+e7jbsTVoqgEdqtqy75fxvXbfVtmishm4DTgYVU96F4+VkT+E9f8DnHA+138nMZ0ihUCE6hCgFJVndDGuseAR1R12TGndlpUtdq27pjnTbT9f6atbdoal749q1V1toiMAD4VkTdUdSPwHHClqm5yT6Zzbhvv7ehzGtMpdmrIBCR1TTeaKyL/BK7pFUXkdPfqRGC/+/n3PRQhBxhyzFSGJ53kXVV3Ar8G7nEvigcK3Kej5h+zaYV73ck+pzGdYoXABIoYEck/5nEnrh+et4jIJmArrrljwdUCeE1EVuPqyO1x7tNLPwTeE5FPgUNAWSfe+gRwtogMBn4JrAH+jquwtFgM3OW+5HQo7X9OYzrFhqE2xkNEJE5VK92Tvf8R+EZVf+90LmNasxaBMZ5zm7vzeCuu01FPOhvHmLZZi8AYY4KctQiMMSbIWSEwxpggZ4XAGGOCnBUCY4wJclYIjDEmyFkhMMaYIPf/ASJV8z38zjHmAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "learn.lr_find()" + ] + }, + { + "cell_type": "code", + "execution_count": 173, + "id": "705e6e39", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Users/feng/opt/anaconda3/lib/python3.8/site-packages/torch/cuda/amp/autocast_mode.py:114: UserWarning: torch.cuda.amp.autocast only affects CUDA ops, but CUDA is not available. Disabling.\n", + "/Users/feng/opt/anaconda3/lib/python3.8/site-packages/torch/cuda/amp/grad_scaler.py:115: UserWarning: torch.cuda.amp.GradScaler is enabled, but CUDA is not available. Disabling.\n", + " warnings.warn(\"torch.cuda.amp.GradScaler is enabled, but CUDA is not available. Disabling.\")\n" + ] + }, + { + "data": { + "text/html": [ + "\n", + "\n" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
epochtrain_lossvalid_lossaccuracyperplexitytime
04.6158704.5369390.19078993.40446500:07
14.5161654.3192450.21792875.13190500:08
24.3965844.1556120.23273063.79099300:07
34.3069184.0784660.23766459.05480600:07
44.2284934.0617320.23930958.07482500:07
" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "learn.fit_one_cycle(5, 1e-2)" + ] + }, + { + "cell_type": "code", + "execution_count": 174, + "id": "e4e2c7a3", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Users/feng/opt/anaconda3/lib/python3.8/site-packages/torch/cuda/amp/autocast_mode.py:114: UserWarning: torch.cuda.amp.autocast only affects CUDA ops, but CUDA is not available. Disabling.\n", + "/Users/feng/opt/anaconda3/lib/python3.8/site-packages/torch/cuda/amp/grad_scaler.py:115: UserWarning: torch.cuda.amp.GradScaler is enabled, but CUDA is not available. Disabling.\n", + " warnings.warn(\"torch.cuda.amp.GradScaler is enabled, but CUDA is not available. Disabling.\")\n" + ] + }, + { + "data": { + "text/html": [ + "\n", + "\n" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
epochtrain_lossvalid_lossaccuracyperplexitytime
03.9159824.6792470.179276107.68894200:12
14.2605994.0456200.28947457.14660300:11
24.1166893.5618820.27796135.22945400:11
33.9324803.4069040.32565830.17170100:11
43.7905643.3720180.32894729.13725700:11
" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "learn.unfreeze()\n", + "learn.fit_one_cycle(5, 1e-2)" + ] + }, + { + "cell_type": "code", + "execution_count": 175, + "id": "c3530d18", + "metadata": {}, + "outputs": [], + "source": [ + "learn.save_encoder('/Users/feng/downloads/ArgumentAnnotatedEssays-2.0/finetuned')" + ] + }, + { + "cell_type": "code", + "execution_count": 176, + "id": "84f51f9b", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "\n", + "\n" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/Users/feng/opt/anaconda3/lib/python3.8/site-packages/numpy/core/_asarray.py:102: VisibleDeprecationWarning: Creating an ndarray from ragged nested sequences (which is a list-or-tuple of lists-or-tuples-or ndarrays with different lengths or shapes) is deprecated. If you meant to do this, you must specify 'dtype=object' when creating the ndarray.\n", + " return array(a, dtype, copy=False, order=order)\n" + ] + }, + { + "data": { + "text/html": [ + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
textcategory
0xxbos xxmaj is xxunk more xxunk than the xxunk xxunk ? \\n\\n xxunk a xxunk is xxunk a xxunk words xxunk is a xxunk xxunk that is being used for a very xxunk time . xxmaj this xxunk xxunk the xxunk of xxunk in xxunk xxunk , ideas , or xxunk to people . xxmaj xxunk , the importance of xxunk xxunk can never be xxunk as it is also another way of communication that is xxunk used . xxmaj hence ,0
1xxbos xxmaj xxunk in transportation and communication like the xxunk and the phone \\n\\n xxmaj nowadays , everyone can see the xxunk of technology on their life , especially on the way of xxunk and communications such as the xxunk and the xxunk . xxmaj there are lots of other effects of growing technology on xxunk and communications , which are xxunk as xxunk . \\n xxmaj first and foremost ,0
2xxbos xxmaj technology xxunk on people \\n\\n xxmaj nowadays , the xxmaj xxunk has become like a small xxunk . xxmaj in the course of the last xxunk years , the way majority of people xxunk with each other has been xxunk xxunk because of technology . xxmaj but there are xxunk xxunk of xxunk whether it is positive or negative . xxmaj from my point of view ,0
" + ], + "text/plain": [ + "" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "dls_clas = TextDataLoaders.from_df(df_sample, path=path, text_col='text', label_col='label',text_vocab=dls_lm.vocab)\n", + "dls_clas.show_batch(max_n=3)" + ] + }, + { + "cell_type": "code", + "execution_count": 177, + "id": "5c0d56ab", + "metadata": {}, + "outputs": [], + "source": [ + "metrics=[accuracy,F1Score(average='macro')]\n", + "learn = text_classifier_learner(dls_clas, AWD_LSTM,drop_mult=0.2, metrics=metrics, path=path, wd=0.1, model_dir=\"/tmp/model/\")" + ] + }, + { + "cell_type": "code", + "execution_count": 178, + "id": "11c86021", + "metadata": {}, + "outputs": [], + "source": [ + "learn = learn.load_encoder('/Users/feng/downloads/ArgumentAnnotatedEssays-2.0/finetuned')" + ] + }, + { + "cell_type": "code", + "execution_count": 187, + "id": "e67ca373", + "metadata": {}, + "outputs": [], + "source": [ + "df_test = df_combined.sample(n=30, random_state=42)\n", + "df_test = df_test[['text','label','doc_id']]" + ] + }, + { + "cell_type": "code", + "execution_count": 195, + "id": "b55715c6", + "metadata": {}, + "outputs": [], + "source": [ + "get_predStr(df_test)\n", + "df_test" + ] + }, + { + "cell_type": "code", + "execution_count": 196, + "id": "08623e15", + "metadata": {}, + "outputs": [], + "source": [ + "def predict(txt):\n", + " with learn.no_bar(), learn.no_logging():\n", + " return int(learn.predict(txt)[0])" + ] + }, + { + "cell_type": "code", + "execution_count": 208, + "id": "cc7b774a", + "metadata": {}, + "outputs": [], + "source": [ + "df_test['predictions'] = df_test[\"text\"].progress_apply(lambda x: predict(x))\n" + ] + }, + { + "cell_type": "markdown", + "id": "350a904a", + "metadata": {}, + "source": [ + "# Adversarial Attacks Function" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7a53da6f", + "metadata": {}, + "outputs": [], + "source": [ + "#!pip install tensorflow_text\n", + "#!textattack list attack-recipes\n", + "#!pip install textattack\n", + "from textattack.augmentation import EmbeddingAugmenter,EasyDataAugmenter,WordNetAugmenter,CharSwapAugmenter,CheckListAugmenter,CLAREAugmenter\n", + "import time\n", + "t = df_combined.iloc[0].text\n", + "augmenter = CharSwapAugmenter()\n", + "augmenter.augment(t)\n", + "\n", + "# - WordNet synonym replacement\n", + "# - Randomly replace words with their synonyms.\n", + "# - Word deletion\n", + "# - Randomly remove words from the sentence.\n", + "# - Word order swaps\n", + "# - Randomly swap the position of words in the sentence.\n", + "# - Random synonym insertion\n", + "# - Insert a random synonym of a random word at a random location.\n", + "augmenter = EasyDataAugmenter(pct_words_to_swap=0.2, transformations_per_example=1)\n", + "s = 'What I do not understand, I can not create.'\n", + "augmenter.augment(s)" + ] + }, + { + "cell_type": "code", + "execution_count": 133, + "id": "d4b71c51", + "metadata": {}, + "outputs": [], + "source": [ + "def create_attacks(df,att_type,**kwargs):\n", + " \n", + " def easy_data(text):\n", + " augmenter = EasyDataAugmenter(kwargs['pct_swap'], kwargs['num_trans'])\n", + " return augmenter.augment(text)[0]\n", + " def syno(text):\n", + " augmenter = WordNetAugmenter()\n", + " return augmenter.augment(text)[0]\n", + " \n", + " if att_type == \"easy_data\":\n", + " df.text = df.text.apply(easy_data)\n", + " \n", + " elif att_type == \"replace_synonym\":\n", + " df.text = df.text.apply(syno)\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 134, + "id": "3d37abf8", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "1.6966230869293213\n" + ] + } + ], + "source": [ + "s = time.time()\n", + "create_attacks(df_combined.iloc[:5],att_type = \"replace_synonym\")\n", + "print(time.time()-s)" + ] + }, + { + "cell_type": "markdown", + "id": "154371bc", + "metadata": {}, + "source": [ + "# Prediction_String" + ] + }, + { + "cell_type": "code", + "execution_count": 193, + "id": "11a02cf9", + "metadata": {}, + "outputs": [], + "source": [ + "def get_predStr(df):\n", + " assert all(item in list(df) for item in ['label', 'text', 'doc_id']), \"Please use a dataframe with correct columns\"\n", + " prediction_strings = []\n", + " start_id = 1\n", + " prev_doc = df.iloc[0].doc_id\n", + " for (label, text, doc_id) in df[['label', 'text', 'doc_id']].itertuples(index=False):\n", + " if doc_id != prev_doc:\n", + " prev_doc = doc_id\n", + " start_id = 1\n", + " text_split = text.split()\n", + " end_id = start_id + len(text_split)\n", + " prediction_strings.append(\n", + " [num for num in range(start_id, end_id)]\n", + " )\n", + " start_id = end_id \n", + " df['predictionString'] = prediction_strings" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "81682769", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "12712e0a", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.8" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/qingyu/LSTM.ipynb b/experiments/qingyu/LSTM.ipynb new file mode 100644 index 0000000..a14eb44 --- /dev/null +++ b/experiments/qingyu/LSTM.ipynb @@ -0,0 +1,570 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 136, + "id": "d8dab58e", + "metadata": {}, + "outputs": [], + "source": [ + "# -- public imports\n", + "\n", + "import os\n", + "import nltk\n", + "import spacy\n", + "import pandas as pd\n", + "import numpy as np\n", + "from sklearn.model_selection import train_test_split\n", + "\n", + "import keras\n", + "from keras import preprocessing\n", + "from keras.preprocessing.sequence import pad_sequences\n", + "\n", + "import torch.nn as nn\n", + "import torch\n", + "import torch.optim as optim\n", + "import torch.nn.functional as F\n" + ] + }, + { + "cell_type": "code", + "execution_count": 158, + "id": "ce83a197", + "metadata": {}, + "outputs": [], + "source": [ + "data = pd.read_json(\"/Users/feng/downloads/data/bio/TUDarmstadt_postprocessed.json\")" + ] + }, + { + "cell_type": "code", + "execution_count": 168, + "id": "d7ee3c4e", + "metadata": {}, + "outputs": [], + "source": [ + "df = data.iloc[:10]" + ] + }, + { + "cell_type": "code", + "execution_count": 162, + "id": "40214708", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "biggest sentence has 422 words\n" + ] + } + ], + "source": [ + "largest_len = max(len(s.split()) for s in list(df.text))\n", + "print(f\"biggest sentence has {largest_len} words\")" + ] + }, + { + "cell_type": "code", + "execution_count": 163, + "id": "1382a192", + "metadata": {}, + "outputs": [], + "source": [ + "output_labels = ['O', 'B-MajorClaim', 'I-MajorClaim', 'B-Claim', 'I-Claim', 'B-Premise','I-Premise']\n", + "\n", + "labels_to_ids = {v:k for k,v in enumerate(output_labels)}\n", + "ids_to_labels = {k:v for k,v in enumerate(output_labels)}" + ] + }, + { + "cell_type": "code", + "execution_count": 213, + "id": "9eea5c35", + "metadata": {}, + "outputs": [], + "source": [ + "word_to_ids = {\"UNK\":0}\n", + "for sentence in list(df.text):\n", + " for word in sentence.split():\n", + " if word not in word_to_ids.keys():\n", + " word_to_ids[word] = len(word_to_ids)" + ] + }, + { + "cell_type": "code", + "execution_count": 170, + "id": "b226534a", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
doc_idtextpredictionStringlabels
0essay001Should students be taught to compete or to cooperate?\\n\\nIt is always said that competition can effectively promote the development of economy. In order to survive in the competition, companies continue to improve their products and service, and as a result, the whole society prospers. However, when we discuss the issue of competition or cooperation, what we are concerned about is not the whole society, but the development of an individual's whole life. From this point of view, I firmly believe that we should attach more importance to cooperation during primary education .\\nFirst of all, ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...][O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, O, O, B-Claim, I-Claim, I-Claim, I-Claim, ...]
1essay002More people are migrating to other countries than ever before\\n\\nThe last 50 years have seen an increasing number of immigrants to other countries. People moved due to a number of reasons, namely better educations or higher salary jobs. Some people thought that they should follow the local customs in order to integrate into their adopted countries’ cultures. However I strongly believe that they are able to sustain their cultural identities and doing so help they keep their origin values .\\nFirstly, maintaining one’s cultural identity is a key important rule to help individuals emerge in ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...][O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premis...
2essay003International tourism is now more common than ever before\\n\\nThe last decade has seen an increasing number of tourists traveling to visit natural wonder sights, ancient heritages and different cultures around the world. While some people might think that this international tourism has negative effects on the destination countries, I would contend that it has contributed to the economic development as well as preserved the culture and environment of the tourist destinations . \\nFirstly, international tourism promotes many aspects of the destination country’s economy in order to serve vari...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...][O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise,...
3essay004International tourism is now more common than ever before\\n\\nThe last 50 years have seen a significant increase in the number of tourist traveling worldwide. While some might think the tourism bring large profit for the destination countries , I would contend that this industry has affected the cultural attributes and damaged the natural environment of the tourist destinations .\\nFirstly, it is an undeniable fact that tourists from different cultures will probably cause changes to the cultural identity of the tourist destinations . Take Thailand for example, in the Vietnam War, many Am...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...][O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, O, O, O, O, O, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise,...
4essay005Living and studying overseas\\n\\nIt is every student's desire to study at a good university and experience a new environment. While some students study and live overseas to achieve this, some prefer to study home because of the difficulties of living and studying overseas. In my opinion, one who studies overseas will gain many skills throughout this experience for several reasons.\\nFirst, studying at an overseas university gives individuals the opportunity to improve social skills by interacting and communicating with students from different origins and cultures . Compared to the peers ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...][O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, O, O, B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-P...
\n", + "
" + ], + "text/plain": [ + " doc_id \\\n", + "0 essay001 \n", + "1 essay002 \n", + "2 essay003 \n", + "3 essay004 \n", + "4 essay005 \n", + "\n", + " text \\\n", + "0 Should students be taught to compete or to cooperate?\\n\\nIt is always said that competition can effectively promote the development of economy. In order to survive in the competition, companies continue to improve their products and service, and as a result, the whole society prospers. However, when we discuss the issue of competition or cooperation, what we are concerned about is not the whole society, but the development of an individual's whole life. From this point of view, I firmly believe that we should attach more importance to cooperation during primary education .\\nFirst of all, ... \n", + "1 More people are migrating to other countries than ever before\\n\\nThe last 50 years have seen an increasing number of immigrants to other countries. People moved due to a number of reasons, namely better educations or higher salary jobs. Some people thought that they should follow the local customs in order to integrate into their adopted countries’ cultures. However I strongly believe that they are able to sustain their cultural identities and doing so help they keep their origin values .\\nFirstly, maintaining one’s cultural identity is a key important rule to help individuals emerge in ... \n", + "2 International tourism is now more common than ever before\\n\\nThe last decade has seen an increasing number of tourists traveling to visit natural wonder sights, ancient heritages and different cultures around the world. While some people might think that this international tourism has negative effects on the destination countries, I would contend that it has contributed to the economic development as well as preserved the culture and environment of the tourist destinations . \\nFirstly, international tourism promotes many aspects of the destination country’s economy in order to serve vari... \n", + "3 International tourism is now more common than ever before\\n\\nThe last 50 years have seen a significant increase in the number of tourist traveling worldwide. While some might think the tourism bring large profit for the destination countries , I would contend that this industry has affected the cultural attributes and damaged the natural environment of the tourist destinations .\\nFirstly, it is an undeniable fact that tourists from different cultures will probably cause changes to the cultural identity of the tourist destinations . Take Thailand for example, in the Vietnam War, many Am... \n", + "4 Living and studying overseas\\n\\nIt is every student's desire to study at a good university and experience a new environment. While some students study and live overseas to achieve this, some prefer to study home because of the difficulties of living and studying overseas. In my opinion, one who studies overseas will gain many skills throughout this experience for several reasons.\\nFirst, studying at an overseas university gives individuals the opportunity to improve social skills by interacting and communicating with students from different origins and cultures . Compared to the peers ... \n", + "\n", + " predictionString \\\n", + "0 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...] \n", + "1 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...] \n", + "2 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...] \n", + "3 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...] \n", + "4 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...] \n", + "\n", + " labels \n", + "0 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, O, O, B-Claim, I-Claim, I-Claim, I-Claim, ...] \n", + "1 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premis... \n", + "2 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise,... \n", + "3 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, O, O, O, O, O, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise,... \n", + "4 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, O, O, B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-P... " + ] + }, + "execution_count": 170, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 215, + "id": "0c2a5743", + "metadata": {}, + "outputs": [], + "source": [ + "def convert_labelId(str_list):\n", + " l = []\n", + " for s in str_list:\n", + " l.append(labels_to_ids[s])\n", + " return l\n", + "df['label_idx'] = df['labels'].apply(convert_labelId)" + ] + }, + { + "cell_type": "code", + "execution_count": 216, + "id": "924c864a", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
doc_idtextpredictionStringlabelslabel_idxword_idx
0essay001Should students be taught to compete or to cooperate?\\n\\nIt is always said that competition can effectively promote the development of economy. In order to survive in the competition, companies continue to improve their products and service, and as a result, the whole society prospers. However, when we discuss the issue of competition or cooperation, what we are concerned about is not the whole society, but the development of an individual's whole life. From this point of view, I firmly believe that we should attach more importance to cooperation during primary education .\\nFirst of all, ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...][O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, O, O, B-Claim, I-Claim, I-Claim, I-Claim, ...][0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 0, 0, 0, 0, 3, 4, 4, 4, ...][1, 2, 3, 4, 5, 6, 7, 5, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 5, 24, 25, 18, 26, 27, 28, 5, 29, 30, 31, 32, 33, 32, 34, 35, 36, 18, 37, 38, 39, 40, 41, 42, 43, 18, 44, 20, 14, 7, 45, 46, 42, 47, 48, 49, 10, 50, 18, 37, 51, 52, 18, 19, 20, 53, 54, 37, 55, 56, 57, 58, 20, 59, 60, 61, 62, 13, 42, 63, 64, 65, 66, 5, 67, 68, 69, 70, 71, 72, 20, 73, 74, 45, 75, 15, ...]
1essay002More people are migrating to other countries than ever before\\n\\nThe last 50 years have seen an increasing number of immigrants to other countries. People moved due to a number of reasons, namely better educations or higher salary jobs. Some people thought that they should follow the local customs in order to integrate into their adopted countries’ cultures. However I strongly believe that they are able to sustain their cultural identities and doing so help they keep their origin values .\\nFirstly, maintaining one’s cultural identity is a key important rule to help individuals emerge in ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...][O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premis...[0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 0, 0, 5, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, ...][191, 119, 47, 192, 5, 109, 193, 194, 195, 196, 140, 197, 198, 199, 200, 201, 53, 202, 203, 20, 204, 5, 109, 205, 206, 207, 208, 5, 35, 203, 20, 209, 210, 211, 212, 7, 213, 214, 215, 216, 119, 217, 13, 218, 63, 219, 18, 220, 221, 25, 23, 5, 222, 223, 30, 224, 225, 226, 227, 60, 228, 62, 13, 218, 47, 229, 5, 230, 30, 231, 232, 32, 233, 234, 115, 218, 235, 30, 236, 237, 71, 238, 239, 240, 231, 241, 10, 35, 242, 243, 244, 5, 115, 245, 246, 25, 18, 247, 248, 249, ...]
2essay003International tourism is now more common than ever before\\n\\nThe last decade has seen an increasing number of tourists traveling to visit natural wonder sights, ancient heritages and different cultures around the world. While some people might think that this international tourism has negative effects on the destination countries, I would contend that it has contributed to the economic development as well as preserved the culture and environment of the tourist destinations . \\nFirstly, international tourism promotes many aspects of the destination country’s economy in order to serve vari...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...][O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise,...[0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 0, 0, 5, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 0, 5, 6, 6, 6, 6, 6, 6, ...][340, 341, 10, 342, 65, 343, 194, 195, 196, 140, 197, 344, 345, 201, 53, 202, 203, 20, 346, 347, 5, 348, 349, 350, 351, 352, 353, 32, 354, 271, 355, 18, 356, 357, 358, 119, 359, 105, 13, 57, 360, 341, 345, 361, 362, 117, 18, 321, 363, 60, 176, 364, 13, 131, 345, 365, 5, 18, 366, 19, 34, 118, 34, 367, 18, 339, 32, 368, 20, 18, 369, 370, 71, 238, 360, 341, 371, 338, 372, 20, 18, 321, 373, 374, 25, 23, 5, 375, 376, 377, 20, 346, 71, 145, 378, 122, 251, 35, 379, 203, ...]
3essay004International tourism is now more common than ever before\\n\\nThe last 50 years have seen a significant increase in the number of tourist traveling worldwide. While some might think the tourism bring large profit for the destination countries , I would contend that this industry has affected the cultural attributes and damaged the natural environment of the tourist destinations .\\nFirstly, it is an undeniable fact that tourists from different cultures will probably cause changes to the cultural identity of the tourist destinations . Take Thailand for example, in the Vietnam War, many Am...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...][O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, O, O, O, O, O, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise,...[0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 0, 0, 0, 0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 5, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 0, 5, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, ...][340, 341, 10, 342, 65, 343, 194, 195, 196, 140, 197, 198, 199, 200, 201, 35, 80, 442, 25, 18, 203, 20, 369, 347, 443, 357, 358, 359, 105, 18, 341, 444, 379, 422, 122, 18, 321, 193, 445, 60, 176, 364, 13, 57, 446, 345, 447, 18, 231, 448, 32, 449, 18, 349, 368, 20, 18, 369, 370, 71, 238, 131, 10, 53, 450, 451, 13, 346, 86, 354, 271, 120, 452, 453, 454, 5, 18, 231, 241, 20, 18, 369, 370, 71, 145, 455, 122, 251, 25, 18, 456, 457, 338, 458, 459, 460, 5, 455, 122, 35, ...]
4essay005Living and studying overseas\\n\\nIt is every student's desire to study at a good university and experience a new environment. While some students study and live overseas to achieve this, some prefer to study home because of the difficulties of living and studying overseas. In my opinion, one who studies overseas will gain many skills throughout this experience for several reasons.\\nFirst, studying at an overseas university gives individuals the opportunity to improve social skills by interacting and communicating with students from different origins and cultures . Compared to the peers ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...][O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, O, O, B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-P...[0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 0, 5, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, ...][537, 32, 538, 539, 9, 10, 540, 541, 542, 5, 543, 544, 35, 545, 546, 32, 547, 35, 247, 548, 357, 358, 2, 543, 32, 549, 539, 5, 91, 550, 358, 551, 5, 543, 307, 552, 20, 18, 553, 20, 397, 32, 538, 554, 22, 555, 556, 557, 163, 558, 539, 120, 128, 338, 78, 559, 57, 547, 122, 560, 561, 562, 538, 544, 53, 539, 546, 563, 245, 18, 564, 5, 29, 294, 78, 418, 565, 32, 566, 94, 2, 86, 354, 567, 32, 271, 71, 568, 5, 18, 569, 538, 25, 18, 307, 570, 131, 120, 3, 65, ...]
\n", + "
" + ], + "text/plain": [ + " doc_id \\\n", + "0 essay001 \n", + "1 essay002 \n", + "2 essay003 \n", + "3 essay004 \n", + "4 essay005 \n", + "\n", + " text \\\n", + "0 Should students be taught to compete or to cooperate?\\n\\nIt is always said that competition can effectively promote the development of economy. In order to survive in the competition, companies continue to improve their products and service, and as a result, the whole society prospers. However, when we discuss the issue of competition or cooperation, what we are concerned about is not the whole society, but the development of an individual's whole life. From this point of view, I firmly believe that we should attach more importance to cooperation during primary education .\\nFirst of all, ... \n", + "1 More people are migrating to other countries than ever before\\n\\nThe last 50 years have seen an increasing number of immigrants to other countries. People moved due to a number of reasons, namely better educations or higher salary jobs. Some people thought that they should follow the local customs in order to integrate into their adopted countries’ cultures. However I strongly believe that they are able to sustain their cultural identities and doing so help they keep their origin values .\\nFirstly, maintaining one’s cultural identity is a key important rule to help individuals emerge in ... \n", + "2 International tourism is now more common than ever before\\n\\nThe last decade has seen an increasing number of tourists traveling to visit natural wonder sights, ancient heritages and different cultures around the world. While some people might think that this international tourism has negative effects on the destination countries, I would contend that it has contributed to the economic development as well as preserved the culture and environment of the tourist destinations . \\nFirstly, international tourism promotes many aspects of the destination country’s economy in order to serve vari... \n", + "3 International tourism is now more common than ever before\\n\\nThe last 50 years have seen a significant increase in the number of tourist traveling worldwide. While some might think the tourism bring large profit for the destination countries , I would contend that this industry has affected the cultural attributes and damaged the natural environment of the tourist destinations .\\nFirstly, it is an undeniable fact that tourists from different cultures will probably cause changes to the cultural identity of the tourist destinations . Take Thailand for example, in the Vietnam War, many Am... \n", + "4 Living and studying overseas\\n\\nIt is every student's desire to study at a good university and experience a new environment. While some students study and live overseas to achieve this, some prefer to study home because of the difficulties of living and studying overseas. In my opinion, one who studies overseas will gain many skills throughout this experience for several reasons.\\nFirst, studying at an overseas university gives individuals the opportunity to improve social skills by interacting and communicating with students from different origins and cultures . Compared to the peers ... \n", + "\n", + " predictionString \\\n", + "0 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...] \n", + "1 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...] \n", + "2 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...] \n", + "3 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...] \n", + "4 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, ...] \n", + "\n", + " labels \\\n", + "0 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, O, O, B-Claim, I-Claim, I-Claim, I-Claim, ...] \n", + "1 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premis... \n", + "2 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise,... \n", + "3 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, O, O, O, O, O, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise,... \n", + "4 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, B-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, I-MajorClaim, O, O, O, O, B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, I-Claim, O, B-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-Premise, I-P... \n", + "\n", + " label_idx \\\n", + "0 [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 0, 0, 0, 0, 3, 4, 4, 4, ...] \n", + "1 [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 0, 0, 5, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, ...] \n", + "2 [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 0, 0, 5, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 0, 5, 6, 6, 6, 6, 6, 6, ...] \n", + "3 [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 0, 0, 0, 0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 0, 0, 0, 0, 0, 0, 0, 0, 5, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 0, 5, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, ...] \n", + "4 [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 0, 5, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, 6, ...] \n", + "\n", + " word_idx \n", + "0 [1, 2, 3, 4, 5, 6, 7, 5, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 5, 24, 25, 18, 26, 27, 28, 5, 29, 30, 31, 32, 33, 32, 34, 35, 36, 18, 37, 38, 39, 40, 41, 42, 43, 18, 44, 20, 14, 7, 45, 46, 42, 47, 48, 49, 10, 50, 18, 37, 51, 52, 18, 19, 20, 53, 54, 37, 55, 56, 57, 58, 20, 59, 60, 61, 62, 13, 42, 63, 64, 65, 66, 5, 67, 68, 69, 70, 71, 72, 20, 73, 74, 45, 75, 15, ...] \n", + "1 [191, 119, 47, 192, 5, 109, 193, 194, 195, 196, 140, 197, 198, 199, 200, 201, 53, 202, 203, 20, 204, 5, 109, 205, 206, 207, 208, 5, 35, 203, 20, 209, 210, 211, 212, 7, 213, 214, 215, 216, 119, 217, 13, 218, 63, 219, 18, 220, 221, 25, 23, 5, 222, 223, 30, 224, 225, 226, 227, 60, 228, 62, 13, 218, 47, 229, 5, 230, 30, 231, 232, 32, 233, 234, 115, 218, 235, 30, 236, 237, 71, 238, 239, 240, 231, 241, 10, 35, 242, 243, 244, 5, 115, 245, 246, 25, 18, 247, 248, 249, ...] \n", + "2 [340, 341, 10, 342, 65, 343, 194, 195, 196, 140, 197, 344, 345, 201, 53, 202, 203, 20, 346, 347, 5, 348, 349, 350, 351, 352, 353, 32, 354, 271, 355, 18, 356, 357, 358, 119, 359, 105, 13, 57, 360, 341, 345, 361, 362, 117, 18, 321, 363, 60, 176, 364, 13, 131, 345, 365, 5, 18, 366, 19, 34, 118, 34, 367, 18, 339, 32, 368, 20, 18, 369, 370, 71, 238, 360, 341, 371, 338, 372, 20, 18, 321, 373, 374, 25, 23, 5, 375, 376, 377, 20, 346, 71, 145, 378, 122, 251, 35, 379, 203, ...] \n", + "3 [340, 341, 10, 342, 65, 343, 194, 195, 196, 140, 197, 198, 199, 200, 201, 35, 80, 442, 25, 18, 203, 20, 369, 347, 443, 357, 358, 359, 105, 18, 341, 444, 379, 422, 122, 18, 321, 193, 445, 60, 176, 364, 13, 57, 446, 345, 447, 18, 231, 448, 32, 449, 18, 349, 368, 20, 18, 369, 370, 71, 238, 131, 10, 53, 450, 451, 13, 346, 86, 354, 271, 120, 452, 453, 454, 5, 18, 231, 241, 20, 18, 369, 370, 71, 145, 455, 122, 251, 25, 18, 456, 457, 338, 458, 459, 460, 5, 455, 122, 35, ...] \n", + "4 [537, 32, 538, 539, 9, 10, 540, 541, 542, 5, 543, 544, 35, 545, 546, 32, 547, 35, 247, 548, 357, 358, 2, 543, 32, 549, 539, 5, 91, 550, 358, 551, 5, 543, 307, 552, 20, 18, 553, 20, 397, 32, 538, 554, 22, 555, 556, 557, 163, 558, 539, 120, 128, 338, 78, 559, 57, 547, 122, 560, 561, 562, 538, 544, 53, 539, 546, 563, 245, 18, 564, 5, 29, 294, 78, 418, 565, 32, 566, 94, 2, 86, 354, 567, 32, 271, 71, 568, 5, 18, 569, 538, 25, 18, 307, 570, 131, 120, 3, 65, ...] " + ] + }, + "execution_count": 216, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "def convert_wId(str_list):\n", + " sentence = str_list.split()\n", + " wid = []\n", + " for word in sentence:\n", + " wid.append(word_to_ids[word])\n", + " return wid\n", + "df['word_idx'] = df.text.apply(convert_wId)\n", + "df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 219, + "id": "62d72b1c", + "metadata": {}, + "outputs": [], + "source": [ + "sentences = list(df.word_idx)\n", + "max_len = 512 #??\n", + "X = [[word for word in sentence] for sentence in sentences]" + ] + }, + { + "cell_type": "code", + "execution_count": 221, + "id": "fc528d9b", + "metadata": {}, + "outputs": [], + "source": [ + "new_X = []\n", + "for seq in X:\n", + " new_seq = []\n", + " for i in range(max_len):\n", + " try:\n", + " new_seq.append(seq[i])\n", + " except:\n", + " new_seq.append(0)\n", + " new_X.append(new_seq)" + ] + }, + { + "cell_type": "code", + "execution_count": 222, + "id": "d173c341", + "metadata": {}, + "outputs": [], + "source": [ + "labels = list(df.label_idx)\n", + "y = pad_sequences(maxlen=max_len,sequences=labels,padding='post',value=0)" + ] + }, + { + "cell_type": "code", + "execution_count": 223, + "id": "6e1fdf43", + "metadata": {}, + "outputs": [], + "source": [ + "X_tr,X_te,y_tr,y_te = train_test_split(new_X,y,test_size=0.1,random_state=2)" + ] + }, + { + "cell_type": "code", + "execution_count": 224, + "id": "83660b8d", + "metadata": {}, + "outputs": [], + "source": [ + "def generate_batch(x,y,batch_size=4):\n", + " length = len(x)\n", + " words = []\n", + " labels= []\n", + " \n", + " for i in range(length):\n", + " words.append(x[i])\n", + " labels.append(y[i])\n", + " \n", + " if len(words)==batch_size:\n", + " yield words,labels\n", + " words = []\n", + " labels = []\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 242, + "id": "d5535847", + "metadata": {}, + "outputs": [], + "source": [ + "class LSTM_NER(nn.Module):\n", + " def __init__(self,embedding_dim,hidden_dim,vocab_size,target_size):\n", + " super(LSTM_NER,self).__init__()\n", + " self.hidden_dim = hidden_dim\n", + " self.word_embedding = nn.Embedding(vocab_size,embedding_dim)\n", + " self.lstm = nn.LSTM(embedding_dim,hidden_dim,batch_first=True)\n", + " self.hidden2tag = nn.Linear(hidden_dim,target_size)\n", + " def forward(self,sentence):\n", + " \n", + " embeds = self.word_embedding(sentence) #??\n", + " lstm_out,_ = self.lstm(embeds)\n", + " score = F.softmax(self.hidden2tag(lstm_out),dim=-1)\n", + " return score\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 243, + "id": "bedd61ac", + "metadata": {}, + "outputs": [], + "source": [ + "EMBEDDING_DIM = 300 #??\n", + "HIDDEN_DIM = 64\n", + "model = LSTM_NER(EMBEDDING_DIM,HIDDEN_DIM,len(word_to_ids.keys()),len(labels_to_ids.keys()))\n", + "loss_function = nn.CrossEntropyLoss(ignore_index=-1,reduction='mean')\n", + "optimizer = optim.SGD(model.parameters(),lr=0.1)" + ] + }, + { + "cell_type": "code", + "execution_count": 278, + "id": "4cc24ff7", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 0\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + ":15: UserWarning: Creating a tensor from a list of numpy.ndarrays is extremely slow. Please consider converting the list to a single numpy.ndarray with numpy.array() before converting to a tensor. (Triggered internally at ../torch/csrc/utils/tensor_new.cpp:201.)\n", + " label = torch.tensor(labels,dtype=torch.long)\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 1\n", + "Epoch 2\n" + ] + } + ], + "source": [ + "#Training\n", + "acc_list = []\n", + "loss_list = []\n", + "epochs = 3\n", + "running_loss = 0\n", + "\n", + "for epoch in range(epochs):\n", + " print(f\"Epoch {epoch}\")\n", + " acc = 0\n", + " loss = 0\n", + " i = 0\n", + " for idx,(sentences,labels) in enumerate(generate_batch(X_tr,y_tr)):\n", + " optimizer.zero_grad()\n", + " sentence = torch.tensor(sentences,dtype=torch.long)\n", + " label = torch.tensor(labels,dtype=torch.long)\n", + " tag_scores = model(sentence)\n", + " loss = loss_function(tag_scores.view(-1,7),label.view(-1))\n", + " loss.backward()\n", + " optimizer.step()\n", + " \n", + " argmaxed = torch.argmax(tag_scores,dim=-1)\n", + " mask = label>-1\n", + " relevant = argmaxed[mask]\n", + " acc = ((relevant==label[mask]).sum()/relevant.shape[0]).item()\n", + " loss = loss.item()\n", + " acc_list.append(acc)\n", + " loss_list.append(loss)\n", + " running_loss = 0.99*running_loss+0.01*loss\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "34089147", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.8" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/qingyu/baseline_from_pipeline.ipynb b/experiments/qingyu/baseline_from_pipeline.ipynb new file mode 100644 index 0000000..a46152b --- /dev/null +++ b/experiments/qingyu/baseline_from_pipeline.ipynb @@ -0,0 +1 @@ +{"metadata":{"kernelspec":{"language":"python","display_name":"Python 3","name":"python3"},"language_info":{"pygments_lexer":"ipython3","nbconvert_exporter":"python","version":"3.6.4","file_extension":".py","codemirror_mode":{"name":"ipython","version":3},"name":"python","mimetype":"text/x-python"}},"nbformat_minor":4,"nbformat":4,"cells":[{"cell_type":"markdown","source":"## Potential Modifications:\n**other HuggingFace backbones \nother heads designs \nother architecture tricks like using hidden layer activations \nother pre and post processing \nquestion and answer instead of NER \nother learning schedules, optimizers, etc \nsliding window training \nadjust attention of LongFormer \nmore folds \ndata augmentation \nexternal data **","metadata":{}},{"cell_type":"markdown","source":"### TURN OFF INTERNET\nIn code competitions, we must turn internet off to make a submission. This starter notebook shows how to download any transformer of your choice to a Kaggle dataset","metadata":{}},{"cell_type":"markdown","source":"# Import","metadata":{}},{"cell_type":"code","source":"import json\nimport matplotlib.pyplot as plt\nimport pandas as pd\nimport numpy as np\nimport seaborn as sns\nimport os\n\nfrom collections import defaultdict\nfrom torch.utils.data import Dataset, DataLoader\nimport pdb\nimport torch\nfrom torch import cuda\n\nfrom transformers import BigBirdTokenizer, AutoTokenizer, AutoModelForTokenClassification, AutoConfig\nimport pandas as pd\nfrom torch.utils.data import DataLoader\nimport torch\n","metadata":{"execution":{"iopub.status.busy":"2022-03-12T10:16:20.712825Z","iopub.execute_input":"2022-03-12T10:16:20.714274Z","iopub.status.idle":"2022-03-12T10:16:21.227208Z","shell.execute_reply.started":"2022-03-12T10:16:20.714195Z","shell.execute_reply":"2022-03-12T10:16:21.226212Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"# Configuration","metadata":{}},{"cell_type":"code","source":"# import os\n# # DECLARE HOW MANY GPUS YOU WISH TO USE. \n# # KAGGLE ONLY HAS 1, BUT OFFLINE, YOU CAN USE MORE\n# os.environ[\"CUDA_VISIBLE_DEVICES\"]=\"0\" #0,1,2,3 for four gpu\n\n# # VERSION FOR SAVING MODEL WEIGHTS\n# VER=26\n\n# # IF VARIABLE IS NONE, THEN NOTEBOOK COMPUTES TOKENS\n# # OTHERWISE NOTEBOOK LOADS TOKENS FROM PATH\n# LOAD_TOKENS_FROM = '../input/py-bigbird-v26'\n\n# # IF VARIABLE IS NONE, THEN NOTEBOOK TRAINS A NEW MODEL\n# # OTHERWISE IT LOADS YOUR PREVIOUSLY TRAINED MODEL\n# LOAD_MODEL_FROM = '../input/py-bigbird-v26'\n\n# # IF FOLLOWING IS NONE, THEN NOTEBOOK \n# # USES INTERNET AND DOWNLOADS HUGGINGFACE \n# # CONFIG, TOKENIZER, AND MODEL\n# DOWNLOADED_MODEL_PATH = '../input/py-bigbird-v26' \n\n# if DOWNLOADED_MODEL_PATH is None:\n# DOWNLOADED_MODEL_PATH = 'model' \n# MODEL_NAME = 'google/bigbird-roberta-base'","metadata":{"execution":{"iopub.status.busy":"2022-03-12T10:26:25.232119Z","iopub.execute_input":"2022-03-12T10:26:25.23313Z","iopub.status.idle":"2022-03-12T10:26:25.240402Z","shell.execute_reply.started":"2022-03-12T10:26:25.233085Z","shell.execute_reply":"2022-03-12T10:26:25.238894Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"model_checkpoints = \"allenai/longformer-base-4096\"","metadata":{"execution":{"iopub.status.busy":"2022-03-12T10:32:46.803964Z","iopub.execute_input":"2022-03-12T10:32:46.804444Z","iopub.status.idle":"2022-03-12T10:32:46.809504Z","shell.execute_reply.started":"2022-03-12T10:32:46.804408Z","shell.execute_reply":"2022-03-12T10:32:46.8087Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"train_df = pd.read_csv('/kaggle/input/feedback-prize-2021/train.csv')","metadata":{"execution":{"iopub.status.busy":"2022-03-12T09:48:21.692452Z","iopub.execute_input":"2022-03-12T09:48:21.69302Z","iopub.status.idle":"2022-03-12T09:48:23.407924Z","shell.execute_reply.started":"2022-03-12T09:48:21.692978Z","shell.execute_reply":"2022-03-12T09:48:23.406932Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"test_names, train_texts = [], []\nfor f in list(os.listdir('../input/feedback-prize-2021/train')):\n test_names.append(f.replace('.txt', ''))\n train_texts.append(open('../input/feedback-prize-2021/train/' + f, 'r').read())\n \ndoc_df = pd.DataFrame({'id': test_names, 'text': train_texts})\ndoc_df.head()","metadata":{"execution":{"iopub.status.busy":"2022-03-12T09:48:23.409426Z","iopub.execute_input":"2022-03-12T09:48:23.409694Z","iopub.status.idle":"2022-03-12T09:49:15.833087Z","shell.execute_reply.started":"2022-03-12T09:48:23.409659Z","shell.execute_reply":"2022-03-12T09:49:15.831961Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"# Create Dataset: Convert Train Text to NER Labels","metadata":{}},{"cell_type":"markdown","source":"","metadata":{}},{"cell_type":"code","source":"entities = []\nfor index,row in doc_df.iterrows():\n length_text = row['text'].split().__len__()\n ent = [\"O\" for i in range(length_text)]\n\n for idx,r in train_df[train_df['id'] == row['id']].iterrows():\n \n pred_idx = r['predictionstring'].split()\n ent[int(pred_idx[0])] = f\"B-{r['discourse_type']}\"\n\n for i in pred_idx[1:]:\n ent[int(i)] = f\"I-{r['discourse_type']}\"\n \n\n entities.append(ent)\n\n","metadata":{"execution":{"iopub.status.busy":"2022-03-12T09:49:15.835399Z","iopub.execute_input":"2022-03-12T09:49:15.83569Z","iopub.status.idle":"2022-03-12T09:56:25.118453Z","shell.execute_reply.started":"2022-03-12T09:49:15.835656Z","shell.execute_reply":"2022-03-12T09:56:25.117209Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"doc_df['elements'] = entities\ndoc_df.head()","metadata":{"execution":{"iopub.status.busy":"2022-03-12T09:56:25.120794Z","iopub.execute_input":"2022-03-12T09:56:25.121254Z","iopub.status.idle":"2022-03-12T09:56:25.157038Z","shell.execute_reply.started":"2022-03-12T09:56:25.121217Z","shell.execute_reply":"2022-03-12T09:56:25.155755Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"output_labels = ['O', 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', 'B-Counterclaim', 'I-Counterclaim', \n 'B-Rebuttal', 'I-Rebuttal', 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', 'I-Concluding Statement']\n\nlabels_to_ids = {v:k for k,v in enumerate(output_labels)}\nids_to_labels = {k:v for k,v in enumerate(output_labels)}\n\ndoc_df['labels'] = doc_df['elements'].apply(lambda x: [labels_to_ids[i] for i in x])\n","metadata":{"execution":{"iopub.status.busy":"2022-03-12T09:56:25.158585Z","iopub.execute_input":"2022-03-12T09:56:25.158862Z","iopub.status.idle":"2022-03-12T09:56:26.163234Z","shell.execute_reply.started":"2022-03-12T09:56:25.15882Z","shell.execute_reply":"2022-03-12T09:56:26.162085Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"doc_df.head()","metadata":{"execution":{"iopub.status.busy":"2022-03-12T09:56:26.164947Z","iopub.execute_input":"2022-03-12T09:56:26.165319Z","iopub.status.idle":"2022-03-12T09:56:26.193993Z","shell.execute_reply.started":"2022-03-12T09:56:26.16527Z","shell.execute_reply":"2022-03-12T09:56:26.192939Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"### Check MAX LENGTH (we use 1024 wide tokens since the majority of text is less than 1024 tokens.)","metadata":{}},{"cell_type":"code","source":"### Check MAX LENGTH (we use 1024 wide tokens since the majority of text is less than 1024 tokens.)\n# def calc_len(text):\n# ids = tokenizer(text)['input_ids']\n# return len(ids)\n\n# tokenizer = BigBirdTokenizer.from_pretrained('google/bigbird-roberta-large')\n# doc_df['length'] = doc_df['text'].apply(calc_len)\n# do_df.describe()","metadata":{"execution":{"iopub.status.busy":"2022-03-08T00:03:16.796049Z","iopub.execute_input":"2022-03-08T00:03:16.796302Z","iopub.status.idle":"2022-03-08T00:03:19.449605Z","shell.execute_reply.started":"2022-03-08T00:03:16.796244Z","shell.execute_reply":"2022-03-08T00:03:19.448955Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"#Experiement with first top 3 training data\ntr_df = doc_df.iloc[:3]","metadata":{"execution":{"iopub.status.busy":"2022-03-12T09:56:26.197075Z","iopub.execute_input":"2022-03-12T09:56:26.197535Z","iopub.status.idle":"2022-03-12T09:56:26.207794Z","shell.execute_reply.started":"2022-03-12T09:56:26.197477Z","shell.execute_reply":"2022-03-12T09:56:26.206959Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"tokenizer = AutoTokenizer.from_pretrained(model_checkpoints,add_prefix_space=True)","metadata":{"execution":{"iopub.status.busy":"2022-03-12T10:33:47.213909Z","iopub.execute_input":"2022-03-12T10:33:47.214253Z","iopub.status.idle":"2022-03-12T10:34:05.586526Z","shell.execute_reply.started":"2022-03-12T10:33:47.214221Z","shell.execute_reply":"2022-03-12T10:34:05.585333Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"markdown","source":"# DataLoader\n### outputs: tokens and attention. \nDuring training it also provides labels.\nDuring inference it also provides word ids to help convert token predictions into word predictions.","metadata":{}},{"cell_type":"code","source":"# IGNORE_INDEX = -100\n# NON_LABEL = -1\n# DO WE LABEL ALL SUBTOKENS???\n\nLABEL_ALL_SUBTOKENS = True\n\nclass dataset(Dataset):\n def __init__(self, dataframe, tokenizer, max_len, get_wids):\n self.len = len(dataframe)\n self.data = dataframe\n self.tokenizer = tokenizer\n self.max_len = max_len\n self.get_wids = get_wids # for validation\n\n def __getitem__(self, index):\n # GET TEXT AND WORD LABELS \n text = self.data.text[index] \n word_labels = self.data.elements[index] if not self.get_wids else None\n\n # TOKENIZE TEXT\n encoding = self.tokenizer(text.split(),\n is_split_into_words=True,\n #return_offsets_mapping=True, \n padding='max_length', \n truncation=True, \n max_length=self.max_len)\n word_ids = encoding.word_ids() \n \n # CREATE TARGETS\n if not self.get_wids:\n previous_word_idx = None\n label_ids = []\n for word_idx in word_ids: \n if word_idx is None:\n label_ids.append(-100)\n elif word_idx != previous_word_idx: \n label_ids.append( labels_to_ids[word_labels[word_idx]] )\n else:\n if LABEL_ALL_SUBTOKENS:\n label_ids.append( labels_to_ids[word_labels[word_idx]] )\n else:\n label_ids.append(-100)\n previous_word_idx = word_idx\n encoding['labels'] = label_ids\n\n # CONVERT TO TORCH TENSORS\n item = {key: torch.as_tensor(val) for key, val in encoding.items()}\n if self.get_wids: \n word_ids2 = [w if w is not None else -1 for w in word_ids]\n item['wids'] = torch.as_tensor(word_ids2)\n \n return item\n\n def __len__(self):\n return self.len","metadata":{"execution":{"iopub.status.busy":"2022-03-12T10:50:32.408909Z","iopub.execute_input":"2022-03-12T10:50:32.409199Z","iopub.status.idle":"2022-03-12T10:50:32.4247Z","shell.execute_reply.started":"2022-03-12T10:50:32.409171Z","shell.execute_reply":"2022-03-12T10:50:32.423717Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"# CHOOSE VALIDATION INDEXES (that match my TF notebook)\nIDS = tr_df.id.unique()\nprint('There are',len(IDS),'train texts. We will split 90% 10% for validation.')\n\n# TRAIN VALID SPLIT 90% 10%\nnp.random.seed(42)\ntrain_idx = np.random.choice(np.arange(len(IDS)),int(0.9*len(IDS)),replace=False)\nvalid_idx = np.setdiff1d(np.arange(len(IDS)),train_idx)\nnp.random.seed(None)","metadata":{"execution":{"iopub.status.busy":"2022-03-12T10:51:13.383022Z","iopub.execute_input":"2022-03-12T10:51:13.383383Z","iopub.status.idle":"2022-03-12T10:51:13.397224Z","shell.execute_reply.started":"2022-03-12T10:51:13.383346Z","shell.execute_reply":"2022-03-12T10:51:13.396332Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"# CREATE TRAIN SUBSET AND VALID SUBSET\ndata = tr_df[['id','text', 'elements']]\ntrain_dataset = data.loc[data['id'].isin(IDS[train_idx]),['text', 'elements']].reset_index(drop=True)\ntest_dataset = data.loc[data['id'].isin(IDS[valid_idx])].reset_index(drop=True)\n\nprint(\"FULL Dataset: {}\".format(data.shape))\nprint(\"TRAIN Dataset: {}\".format(train_dataset.shape))\nprint(\"TEST Dataset: {}\".format(test_dataset.shape))\n\ntraining_set = dataset(train_dataset, tokenizer, 1024, False)\ntesting_set = dataset(test_dataset, tokenizer, 1024, True)","metadata":{"execution":{"iopub.status.busy":"2022-03-12T10:54:23.559678Z","iopub.execute_input":"2022-03-12T10:54:23.560129Z","iopub.status.idle":"2022-03-12T10:54:23.578185Z","shell.execute_reply.started":"2022-03-12T10:54:23.560088Z","shell.execute_reply":"2022-03-12T10:54:23.577367Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"# TRAIN DATASET AND VALID DATASET\ntrain_params = {'batch_size': 3,\n 'shuffle': True,\n 'num_workers': 2,\n 'pin_memory':True\n }\n\ntest_params = {'batch_size': 3,\n 'shuffle': False,\n 'num_workers': 2,\n 'pin_memory':True\n }\n\ntraining_loader = DataLoader(training_set, **train_params)\ntesting_loader = DataLoader(testing_set, **test_params)\n\n# TEST DATASET\n# test_texts_set = dataset(test_texts, tokenizer, config['max_length'], True)\n# test_texts_loader = DataLoader(test_texts_set, **test_params)","metadata":{"execution":{"iopub.status.busy":"2022-03-12T10:54:26.089514Z","iopub.execute_input":"2022-03-12T10:54:26.090509Z","iopub.status.idle":"2022-03-12T10:54:26.118945Z","shell.execute_reply.started":"2022-03-12T10:54:26.090452Z","shell.execute_reply":"2022-03-12T10:54:26.11775Z"},"trusted":true},"execution_count":null,"outputs":[]},{"cell_type":"code","source":"","metadata":{},"execution_count":null,"outputs":[]}]} \ No newline at end of file diff --git a/experiments/qingyu/generate_adAttacks.ipynb b/experiments/qingyu/generate_adAttacks.ipynb new file mode 100644 index 0000000..399d020 --- /dev/null +++ b/experiments/qingyu/generate_adAttacks.ipynb @@ -0,0 +1,2463 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "Untitled1.ipynb", + "provenance": [] + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "language_info": { + "name": "python" + }, + "accelerator": "GPU", + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "db4c099ec59d41c9889bc6d03cb98bbd": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_441f21565ed149ccab94856e64586ee7", + "IPY_MODEL_56ecdcc783eb42939447510e10ef7c4c", + "IPY_MODEL_29786b778a0a400aa6761b511a1ff4d6" + ], + "layout": "IPY_MODEL_84245446b2fd4e278b197b3d23c8c7e8" + } + }, + "441f21565ed149ccab94856e64586ee7": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4058cc2dc7b24d86b41cff692a9320c1", + "placeholder": "​", + "style": "IPY_MODEL_b87e4129c78540bca94c6f527d237807", + "value": "Downloading: 100%" + } + }, + "56ecdcc783eb42939447510e10ef7c4c": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_937333823ee04ec5aacd901b7c1b6e33", + "max": 28, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_69c70295ce304d8096f78a032a7a70c6", + "value": 28 + } + }, + "29786b778a0a400aa6761b511a1ff4d6": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_0892c063eec24a5b85b1823a1f43cb2f", + "placeholder": "​", + "style": "IPY_MODEL_549363d636a346d1b1ab0c6830f62fff", + "value": " 28.0/28.0 [00:00<00:00, 616B/s]" + } + }, + "84245446b2fd4e278b197b3d23c8c7e8": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4058cc2dc7b24d86b41cff692a9320c1": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b87e4129c78540bca94c6f527d237807": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "937333823ee04ec5aacd901b7c1b6e33": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "69c70295ce304d8096f78a032a7a70c6": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "0892c063eec24a5b85b1823a1f43cb2f": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "549363d636a346d1b1ab0c6830f62fff": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4c6ef143e60d4512bc72b195fac5141c": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_6b3d462116924fb7978989190571b3ee", + "IPY_MODEL_101f7735b14047eda81a60a1ac9e729f", + "IPY_MODEL_281106ebfda8428cbdebffa28bb4214d" + ], + "layout": "IPY_MODEL_03301e376fd548e098ef15b7aca2f630" + } + }, + "6b3d462116924fb7978989190571b3ee": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bccc49007cd74408bca93900cf4300fb", + "placeholder": "​", + "style": "IPY_MODEL_7229179fda364a1dbdd08661b00601c3", + "value": "Downloading: 100%" + } + }, + "101f7735b14047eda81a60a1ac9e729f": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_596ec99af1c745c48f09f0470f8ae5e1", + "max": 570, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_01822d8e38584ad999fc1a197137bc58", + "value": 570 + } + }, + "281106ebfda8428cbdebffa28bb4214d": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6f143e864c2a4e168485a4c5afebe00c", + "placeholder": "​", + "style": "IPY_MODEL_5aad5caf4d2644ec89d1a2cbc2792e15", + "value": " 570/570 [00:00<00:00, 5.02kB/s]" + } + }, + "03301e376fd548e098ef15b7aca2f630": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bccc49007cd74408bca93900cf4300fb": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7229179fda364a1dbdd08661b00601c3": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "596ec99af1c745c48f09f0470f8ae5e1": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "01822d8e38584ad999fc1a197137bc58": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "6f143e864c2a4e168485a4c5afebe00c": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5aad5caf4d2644ec89d1a2cbc2792e15": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7e98053792ed46688cee6a941624b322": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_d2234ae36c8b441e8b0fb20c28575a97", + "IPY_MODEL_30bed3fc1756468689940d99a3e7e11f", + "IPY_MODEL_da0ccd9da3b843aba539c1f0120f030b" + ], + "layout": "IPY_MODEL_81a970a1a23848f08af624bb799eacf0" + } + }, + "d2234ae36c8b441e8b0fb20c28575a97": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7a052a2f00d644469b3e006a24b76cc4", + "placeholder": "​", + "style": "IPY_MODEL_2630fe73e17c4c1bb6acb7acacfd827c", + "value": "Downloading: 100%" + } + }, + "30bed3fc1756468689940d99a3e7e11f": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_cb06402eefcb4631adf57b508422a73b", + "max": 231508, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_36bfe52231b4402fa77048f8fa7d1a7b", + "value": 231508 + } + }, + "da0ccd9da3b843aba539c1f0120f030b": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ec7ebad4b7cd4db3abd4a5548b72a818", + "placeholder": "​", + "style": "IPY_MODEL_5973d8075505447ba41326d38788c698", + "value": " 226k/226k [00:00<00:00, 319kB/s]" + } + }, + "81a970a1a23848f08af624bb799eacf0": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7a052a2f00d644469b3e006a24b76cc4": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2630fe73e17c4c1bb6acb7acacfd827c": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "cb06402eefcb4631adf57b508422a73b": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "36bfe52231b4402fa77048f8fa7d1a7b": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ec7ebad4b7cd4db3abd4a5548b72a818": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5973d8075505447ba41326d38788c698": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "81e403b5607e458bb23afc48424fe350": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_58288c7ecc7846059a2177289f7d1173", + "IPY_MODEL_65394d9050f44815adac8243ef6acae1", + "IPY_MODEL_20d1d7d1338840c8860254dc5d4744e5" + ], + "layout": "IPY_MODEL_f0fbd5ca253d4591afbc60562d68033f" + } + }, + "58288c7ecc7846059a2177289f7d1173": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ff615f72bb0b443fb60d1b4647493749", + "placeholder": "​", + "style": "IPY_MODEL_a57a5940e25e474c95c634ed9d310b31", + "value": "Downloading: 100%" + } + }, + "65394d9050f44815adac8243ef6acae1": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b50355c50483497cb9d049bef07ac408", + "max": 466062, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_6c9b48506ce0400c88eede9b0763b779", + "value": 466062 + } + }, + "20d1d7d1338840c8860254dc5d4744e5": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d136f438a14c4950b3acbe0c828c18f8", + "placeholder": "​", + "style": "IPY_MODEL_1c2b88b17b0b421995b918a267cb9347", + "value": " 455k/455k [00:00<00:00, 437kB/s]" + } + }, + "f0fbd5ca253d4591afbc60562d68033f": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ff615f72bb0b443fb60d1b4647493749": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a57a5940e25e474c95c634ed9d310b31": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b50355c50483497cb9d049bef07ac408": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6c9b48506ce0400c88eede9b0763b779": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d136f438a14c4950b3acbe0c828c18f8": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1c2b88b17b0b421995b918a267cb9347": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c55efeb1d13e4771821b271beb0e704b": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_817cfa32b4fa4195a720e98d1deafd89", + "IPY_MODEL_cd6877e3eab5445bbab78e9c835277ae", + "IPY_MODEL_240db4c9aab74f2290ed987e55736e88" + ], + "layout": "IPY_MODEL_32372b6682574ffd90970b8e1dab7b89" + } + }, + "817cfa32b4fa4195a720e98d1deafd89": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d1a09816c37d4bf99814d7c87e3ca2d0", + "placeholder": "​", + "style": "IPY_MODEL_b97be009651044b4bd571dbc00d9d33d", + "value": "Downloading: 100%" + } + }, + "cd6877e3eab5445bbab78e9c835277ae": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b89bb6129b1a4755a0eb53530852211b", + "max": 440473133, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_3a946da7df4d4c8fa01bb9cc81e7a2cc", + "value": 440473133 + } + }, + "240db4c9aab74f2290ed987e55736e88": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2f869891b00c4c1db1e9eeb4568c2eec", + "placeholder": "​", + "style": "IPY_MODEL_006e3080619f4ba9a9b096d36fc5d41a", + "value": " 420M/420M [00:12<00:00, 37.5MB/s]" + } + }, + "32372b6682574ffd90970b8e1dab7b89": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d1a09816c37d4bf99814d7c87e3ca2d0": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b97be009651044b4bd571dbc00d9d33d": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b89bb6129b1a4755a0eb53530852211b": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3a946da7df4d4c8fa01bb9cc81e7a2cc": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2f869891b00c4c1db1e9eeb4568c2eec": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "006e3080619f4ba9a9b096d36fc5d41a": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + } + } + } + }, + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "m5Rb4l8CKdPM", + "outputId": "fb71cc4e-7513-4f2d-8c25-c6552b2eaef7" + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Collecting git+https://github.com/namiyousef/colab-utils.git\n", + " Cloning https://github.com/namiyousef/colab-utils.git to /tmp/pip-req-build-n7563p22\n", + " Running command git clone -q https://github.com/namiyousef/colab-utils.git /tmp/pip-req-build-n7563p22\n", + "Requirement already satisfied: torch in /usr/local/lib/python3.7/dist-packages (from colab-dev-tools==0.0.7) (1.10.0+cu111)\n", + "Requirement already satisfied: numpy in /usr/local/lib/python3.7/dist-packages (from colab-dev-tools==0.0.7) (1.21.5)\n", + "Requirement already satisfied: nvidia-ml-py3 in /usr/local/lib/python3.7/dist-packages (from colab-dev-tools==0.0.7) (7.352.0)\n", + "Requirement already satisfied: typing-extensions in /usr/local/lib/python3.7/dist-packages (from torch->colab-dev-tools==0.0.7) (4.1.1)\n", + "Building wheels for collected packages: colab-dev-tools\n", + " Building wheel for colab-dev-tools (setup.py) ... \u001b[?25l\u001b[?25hdone\n", + " Created wheel for colab-dev-tools: filename=colab_dev_tools-0.0.7-py3-none-any.whl size=3654 sha256=82edc88c1bf452b5401647d79864a699488c701b2b3d2796a34b9ba99eecc33b\n", + " Stored in directory: /tmp/pip-ephem-wheel-cache-7r0t3gt3/wheels/1c/35/c0/364531e4ff0f0fe0f3296c80f1ee668b03ae6c6c378c5a44bf\n", + "Successfully built colab-dev-tools\n", + "Installing collected packages: colab-dev-tools\n", + "Successfully installed colab-dev-tools-0.0.7\n", + "Google Drive import successful.\n", + "CUDA device detected. Using GPU...\n", + "Mounted at /content/drive\n", + "Google Drive mount successful.\n" + ] + } + ], + "source": [ + "# -- env setup\n", + "import os\n", + "import gc\n", + "\n", + "!python3.7 -m pip install git+https://github.com/namiyousef/colab-utils.git\n", + "from colabtools.utils import get_gpu_utilization, mount_drive, install_private_library\n", + "\n", + "drive_path = mount_drive()\n", + "project_path = os.path.join(drive_path, 'COMP0087/data/core')\n", + "#development_dir = os.path.join(drive_path, 'argument-mining/argminer')\n", + "\n", + "install_private_library(os.path.join(drive_path, 'github_config.json'), 'argument-mining')" + ] + }, + { + "cell_type": "code", + "source": [ + "# import pkg_resources\n", + "# version = pkg_resources.require(\"argminer\")[0].version" + ], + "metadata": { + "id": "GRvwmT19z9xP" + }, + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "from argminer.data import ArgumentMiningDataset, TUDarmstadtProcessor, PersuadeProcessor, DataProcessor, create_labels_doc_level, df_from_text_files\n", + "from argminer.evaluation import inference\n", + "import time\n" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "gB_N8vYBhsWR", + "outputId": "c85007a7-7f0f-43ef-db0b-73545c850cf1" + }, + "execution_count": 2, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Import of ArgMiner successful\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "!pip install nlpaug" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "vew-rlL0Z45X", + "outputId": "d332e739-a744-4195-d3e3-83595cbc0b02" + }, + "execution_count": 3, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Collecting nlpaug\n", + " Downloading nlpaug-1.1.10-py3-none-any.whl (410 kB)\n", + "\u001b[K |████████████████████████████████| 410 kB 4.3 MB/s \n", + "\u001b[?25hRequirement already satisfied: numpy>=1.16.2 in /usr/local/lib/python3.7/dist-packages (from nlpaug) (1.21.5)\n", + "Requirement already satisfied: pandas>=1.2.0 in /usr/local/lib/python3.7/dist-packages (from nlpaug) (1.3.5)\n", + "Requirement already satisfied: requests>=2.22.0 in /usr/local/lib/python3.7/dist-packages (from nlpaug) (2.23.0)\n", + "Requirement already satisfied: python-dateutil>=2.7.3 in /usr/local/lib/python3.7/dist-packages (from pandas>=1.2.0->nlpaug) (2.8.2)\n", + "Requirement already satisfied: pytz>=2017.3 in /usr/local/lib/python3.7/dist-packages (from pandas>=1.2.0->nlpaug) (2018.9)\n", + "Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.7/dist-packages (from python-dateutil>=2.7.3->pandas>=1.2.0->nlpaug) (1.15.0)\n", + "Requirement already satisfied: chardet<4,>=3.0.2 in /usr/local/lib/python3.7/dist-packages (from requests>=2.22.0->nlpaug) (3.0.4)\n", + "Requirement already satisfied: idna<3,>=2.5 in /usr/local/lib/python3.7/dist-packages (from requests>=2.22.0->nlpaug) (2.10)\n", + "Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.7/dist-packages (from requests>=2.22.0->nlpaug) (2021.10.8)\n", + "Requirement already satisfied: urllib3!=1.25.0,!=1.25.1,<1.26,>=1.21.1 in /usr/local/lib/python3.7/dist-packages (from requests>=2.22.0->nlpaug) (1.24.3)\n", + "Installing collected packages: nlpaug\n", + "Successfully installed nlpaug-1.1.10\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "import nlpaug.augmenter.char as nac\n", + "import nlpaug.augmenter.word as naw\n", + "import nlpaug.augmenter.sentence as nas\n", + "\n", + "import nltk\n", + "nltk.download('averaged_perceptron_tagger')\n", + "nltk.download('wordnet')\n", + "nltk.download('omw-1.4')" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "RQWnMpdLYl9P", + "outputId": "8b6a5197-cfcb-423b-c21c-e34b32953a27" + }, + "execution_count": 4, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "[nltk_data] Downloading package averaged_perceptron_tagger to\n", + "[nltk_data] /root/nltk_data...\n", + "[nltk_data] Unzipping taggers/averaged_perceptron_tagger.zip.\n", + "[nltk_data] Downloading package wordnet to /root/nltk_data...\n", + "[nltk_data] Unzipping corpora/wordnet.zip.\n", + "[nltk_data] Downloading package omw-1.4 to /root/nltk_data...\n", + "[nltk_data] Unzipping corpora/omw-1.4.zip.\n" + ] + }, + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "True" + ] + }, + "metadata": {}, + "execution_count": 4 + } + ] + }, + { + "cell_type": "code", + "source": [ + "text = [\"From this point of view, I firmly believe that we should attach more importance to cooperation during primary education.\"]" + ], + "metadata": { + "id": "qOAGncjPaXni" + }, + "execution_count": 7, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 35 + }, + "id": "dAWCA0_rLHQg", + "outputId": "da0e6025-4e30-4756-bab6-7099f4b4f2b6" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "'From this point of view, I firmly believe that we should attach more importance to cooperation during primary education.'" + ], + "application/vnd.google.colaboratory.intrinsic+json": { + "type": "string" + } + }, + "metadata": {}, + "execution_count": 33 + } + ] + }, + { + "cell_type": "code", + "source": [ + "def filler_augment(text, fillers=None):\n", + " \"\"\"Augments the beginning of text with a phrase taken from a list of pre-defined filler phrases.\n", + " The filler phrases are taken from the TUDarmstadt annotation guidelines, with the addition of some\n", + " other common fillers used in english.\"\"\"\n", + " if len(text) <= 1:\n", + " return text\n", + " if fillers is None:\n", + " fillers = [\n", + " \"According to the previous fact, \",\n", + " \"As can be seen, \",\n", + " \"For example, \",\n", + " \"Another important point which contributes to my argument is that \",\n", + " \"I agree to this view that \",\n", + " \"In this context, \",\n", + " \"At the end of the day, \",\n", + " ]\n", + " random_idx = np.random.choice(len(fillers))\n", + " filler = fillers[random_idx]\n", + " aug_text = filler + text[0].lower() + text[1:]\n", + " \n", + " return aug_text" + ], + "metadata": { + "id": "635_0MrpEe62" + }, + "execution_count": 6, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "s = time.time()\n", + "text = filler_augment(text)\n", + "print(time.time()-s)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "Vz8ESgObEgrv", + "outputId": "507a64e3-8e6b-44c6-93b8-8d4456c0f291" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "0.0056934356689453125\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "#Synonym\n", + "\n", + "aug = naw.SynonymAug()\n", + "augmented_text = aug.augment(text)\n" + ], + "metadata": { + "id": "-I5J0E2kaJ_m" + }, + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "#Random spelling mistakes\n", + "aug = naw.SpellingAug()" + ], + "metadata": { + "id": "Lyl3UYB3veQc" + }, + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "#Random word insertion /substitution\n", + "aug = naw.ContextualWordEmbsAug(model_path='bert-base-uncased', action=\"insert\")\n" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 177, + "referenced_widgets": [ + "db4c099ec59d41c9889bc6d03cb98bbd", + "441f21565ed149ccab94856e64586ee7", + "56ecdcc783eb42939447510e10ef7c4c", + "29786b778a0a400aa6761b511a1ff4d6", + "84245446b2fd4e278b197b3d23c8c7e8", + "4058cc2dc7b24d86b41cff692a9320c1", + "b87e4129c78540bca94c6f527d237807", + "937333823ee04ec5aacd901b7c1b6e33", + "69c70295ce304d8096f78a032a7a70c6", + "0892c063eec24a5b85b1823a1f43cb2f", + "549363d636a346d1b1ab0c6830f62fff", + "4c6ef143e60d4512bc72b195fac5141c", + "6b3d462116924fb7978989190571b3ee", + "101f7735b14047eda81a60a1ac9e729f", + "281106ebfda8428cbdebffa28bb4214d", + "03301e376fd548e098ef15b7aca2f630", + "bccc49007cd74408bca93900cf4300fb", + "7229179fda364a1dbdd08661b00601c3", + "596ec99af1c745c48f09f0470f8ae5e1", + "01822d8e38584ad999fc1a197137bc58", + "6f143e864c2a4e168485a4c5afebe00c", + "5aad5caf4d2644ec89d1a2cbc2792e15", + "7e98053792ed46688cee6a941624b322", + "d2234ae36c8b441e8b0fb20c28575a97", + "30bed3fc1756468689940d99a3e7e11f", + "da0ccd9da3b843aba539c1f0120f030b", + "81a970a1a23848f08af624bb799eacf0", + "7a052a2f00d644469b3e006a24b76cc4", + "2630fe73e17c4c1bb6acb7acacfd827c", + "cb06402eefcb4631adf57b508422a73b", + "36bfe52231b4402fa77048f8fa7d1a7b", + "ec7ebad4b7cd4db3abd4a5548b72a818", + "5973d8075505447ba41326d38788c698", + "81e403b5607e458bb23afc48424fe350", + "58288c7ecc7846059a2177289f7d1173", + "65394d9050f44815adac8243ef6acae1", + "20d1d7d1338840c8860254dc5d4744e5", + "f0fbd5ca253d4591afbc60562d68033f", + "ff615f72bb0b443fb60d1b4647493749", + "a57a5940e25e474c95c634ed9d310b31", + "b50355c50483497cb9d049bef07ac408", + "6c9b48506ce0400c88eede9b0763b779", + "d136f438a14c4950b3acbe0c828c18f8", + "1c2b88b17b0b421995b918a267cb9347", + "c55efeb1d13e4771821b271beb0e704b", + "817cfa32b4fa4195a720e98d1deafd89", + "cd6877e3eab5445bbab78e9c835277ae", + "240db4c9aab74f2290ed987e55736e88", + "32372b6682574ffd90970b8e1dab7b89", + "d1a09816c37d4bf99814d7c87e3ca2d0", + "b97be009651044b4bd571dbc00d9d33d", + "b89bb6129b1a4755a0eb53530852211b", + "3a946da7df4d4c8fa01bb9cc81e7a2cc", + "2f869891b00c4c1db1e9eeb4568c2eec", + "006e3080619f4ba9a9b096d36fc5d41a" + ] + }, + "id": "13ORocTJq53u", + "outputId": "706da3d6-21e6-47ea-f181-1ee09d71e4db" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "display_data", + "data": { + "text/plain": [ + "Downloading: 0%| | 0.00/28.0 [00:00" + ] + }, + "metadata": {}, + "execution_count": 14 + } + ] + }, + { + "cell_type": "code", + "source": [ + "\n", + "for strategy in ['bio','io','bieo']:\n", + " for aug_name, aug_func in {'synonym':naw.SynonymAug().augment,'spellingError':naw.SpellingAug().augment,\n", + " \"antonym\":naw.AntonymAug().augment, 'keywordChange':naw.ReservedAug(reserved_tokens=reserved_tokens).augment}.items():\n", + " processor = PersuadeProcessor(path_persuade).from_json(status='preprocessed')\n", + " processor = processor.process(strategy=strategy,test_size=0.3, processors=[aug_func],split=test).postprocess()\n", + " save_path = path_persuade+f'/{test}/{strategy}/{aug_name}'\n", + " if not os.path.exists(save_path):\n", + " os.makedirs(save_path)\n", + " print(f\"{save_path} is created\")\n", + " processor.save_json(save_path)\n" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "Y1qIYh0CjAmG", + "outputId": "759daa16-c30c-4267-82f6-851e663a4cd7" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:6: UserWarning: Getting data for split=test with params {'test_size': 0.3}\n", + " \n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "drive/MyDrive/augmented_dataset/test/bio/synonym is created\n", + "drive/MyDrive/augmented_dataset/test/bio/spellingError is created\n", + "drive/MyDrive/augmented_dataset/test/bio/antonym is created\n", + "drive/MyDrive/augmented_dataset/test/bio/keywordChange is created\n", + "drive/MyDrive/augmented_dataset/test/io/synonym is created\n", + "drive/MyDrive/augmented_dataset/test/io/spellingError is created\n", + "drive/MyDrive/augmented_dataset/test/io/antonym is created\n", + "drive/MyDrive/augmented_dataset/test/io/keywordChange is created\n", + "drive/MyDrive/augmented_dataset/test/bieo/synonym is created\n", + "drive/MyDrive/augmented_dataset/test/bieo/spellingError is created\n", + "drive/MyDrive/augmented_dataset/test/bieo/antonym is created\n", + "drive/MyDrive/augmented_dataset/test/bieo/keywordChange is created\n", + "1203.1301529407501\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "for strategy in ['bio','io','bieo']:\n", + " for aug_name, aug_func in {'custom_fillers':filler_augment}.items():\n", + " processor = PersuadeProcessor(path_persuade).from_json(status='preprocessed')\n", + " processor = processor.process(strategy=strategy,test_size=0.3, processors=[aug_func],split=test).postprocess()\n", + " save_path = path_persuade+f'/{test}/{strategy}/{aug_name}'\n", + " if not os.path.exists(save_path):\n", + " os.makedirs(save_path)\n", + " print(f\"{save_path} is created\")\n", + " processor.save_json(save_path)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "7wfd7EJDE5X8", + "outputId": "8dd60141-ef66-4b00-ee78-434099cc5697" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:4: UserWarning: Getting data for split=test with params {'test_size': 0.3}\n", + " after removing the cwd from sys.path.\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "drive/MyDrive/augmented_dataset/test/bio/custom_fillers is created\n", + "drive/MyDrive/augmented_dataset/test/io/custom_fillers is created\n", + "drive/MyDrive/augmented_dataset/test/bieo/custom_fillers is created\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "for strategy in ['bio','io','bieo']:\n", + " for aug_name, aug_func in {'synonym':naw.SynonymAug().augment,'spellingError':naw.SpellingAug().augment,\n", + " \"antonym\":naw.AntonymAug().augment, 'keywordChange':naw.ReservedAug(reserved_tokens=reserved_tokens).augment,\n", + " 'custom_fillers':filler_augment}.items():\n", + " processor = TUDarmstadtProcessor(path_tu).from_json(status='preprocessed')\n", + " processor = processor.process(strategy=strategy,test_size=0.3, processors=[aug_func],split=test).postprocess()\n", + " save_path = path_tu+f'/{test}/{strategy}/{aug_name}'\n", + " if not os.path.exists(save_path):\n", + " os.makedirs(save_path)\n", + " print(f\"{save_path} is created\")\n", + " processor.save_json(save_path)" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "NiTHxeVE47_9", + "outputId": "556b45be-b2d8-46a2-9096-f969040b80b1" + }, + "execution_count": 10, + "outputs": [ + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:6: UserWarning: Getting data for split=test with params {'test_size': 0.3}\n", + " \n" + ] + } + ] + } + ] +} \ No newline at end of file diff --git a/experiments/qingyu/python_files/__init__.py b/experiments/qingyu/python_files/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/experiments/qingyu/python_files/create_dataset.py b/experiments/qingyu/python_files/create_dataset.py new file mode 100644 index 0000000..aa739f1 --- /dev/null +++ b/experiments/qingyu/python_files/create_dataset.py @@ -0,0 +1,54 @@ +import json +import matplotlib.pyplot as plt +import pandas as pd +import numpy as np +import seaborn as sns +import os +from collections import defaultdict +from torch.utils.data import Dataset, DataLoader +import pdb +import torch +from torch import cuda +import time +print('Yousef test') +s = time.time() +BASE_PATH = '../data/kaggle/feedback-prize-2021/' +path_from_base = lambda x: os.path.join(BASE_PATH, x) +train_df = pd.read_csv(path_from_base('train.csv')) +test_names, train_texts = [], [] +for f in list(os.listdir(path_from_base('train'))): + test_names.append(f.replace('.txt', '')) + train_texts.append(open(path_from_base(f'train/{f}'), 'r').read()) + +doc_df = pd.DataFrame({'id': test_names, 'text': train_texts}) +#Create entities for each document +entities = [] +for index,row in doc_df.iterrows(): + length_text = row['text'].split().__len__() + ent = ["O" for i in range(length_text)] + + for idx,r in train_df[train_df['id'] == row['id']].iterrows(): + + pred_idx = r['predictionstring'].split() + ent[int(pred_idx[0])] = f"B-{r['discourse_type']}" + + for i in pred_idx[1:]: + ent[int(i)] = f"I-{r['discourse_type']}" + + + entities.append(ent) + +doc_df['elements'] = entities + +#Match the labels to entities +output_labels = ['O', 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', 'B-Counterclaim', 'I-Counterclaim', + 'B-Rebuttal', 'I-Rebuttal', 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', 'I-Concluding Statement'] + +labels_to_ids = {v:k for k,v in enumerate(output_labels)} +ids_to_labels = {k:v for k,v in enumerate(output_labels)} + +doc_df['labels'] = doc_df['elements'].apply(lambda x: [labels_to_ids[i] for i in x]) +print(doc_df.head()) +for i, (text, label) in doc_df[['text', 'labels']].iterrows(): + assert len(label) == len(text.split()) +print(time.time() - s) \ No newline at end of file diff --git a/experiments/qingyu/python_files/dataprocess_dev_new.py b/experiments/qingyu/python_files/dataprocess_dev_new.py new file mode 100644 index 0000000..31dba05 --- /dev/null +++ b/experiments/qingyu/python_files/dataprocess_dev_new.py @@ -0,0 +1,170 @@ +# -- public imports +import os +from transformers import AutoTokenizer, AutoModelForTokenClassification +import pandas as pd +from torch.utils.data import DataLoader +import torch +from pandas.testing import assert_frame_equal +import time +import warnings +warnings.filterwarnings("ignore") +# -- private imports +##from colabtools.utils import move_to_device + +# -- dev imports +#%load_ext autoreload +#%autoreload 2 + +from argminer.data import ArgumentMiningDataset, TUDarmstadtProcessor, PersuadeProcessor, DataProcessor, create_labels_doc_level, df_from_text_files +from argminer.evaluation import inference + + +#NEW VERSION + +class PersuadeProcessor(DataProcessor): + def __init__(self,path=''): + super().__init__(path) + + def _preprocess(self): + path_to_text_dir = os.path.join(self.path, 'train') + path_to_ground_truth = os.path.join(self.path, 'train.csv') + + df_ground_truth = pd.read_csv(path_to_ground_truth) + df_texts = df_from_text_files(path_to_text_dir) + df_ground_truth = df_ground_truth.sort_values(['id', 'discourse_start', 'discourse_end']) + df_ground_truth = df_ground_truth.drop(columns=['discourse_id','discourse_start','discourse_end','discourse_type_num']) + + ##Rename columns + df_ground_truth = df_ground_truth.rename(columns={'discourse_type':'label','predictionstring':'predictionString', + 'discourse_text':'text','id':'doc_id'}) + df_texts = df_texts.rename(columns={'text':'doc_text','id':'doc_id'}) + + df_texts['text_split'] = df_texts.doc_text.str.split() + df_texts['range'] = df_texts['text_split'].apply(lambda x: list(range(len(x)))) + df_texts['start_id'] = df_texts['range'].apply(lambda x: x[0]) + df_texts['end_id'] = df_texts['range'].apply(lambda x: x[-1]) + df_texts = df_texts.drop(columns=['text_split','range']) + + + df = df_ground_truth.groupby('doc_id').agg({ + 'text':lambda x: ' '.join(x), + 'predictionString': lambda x: ' '.join(x), + + }).reset_index() + + df = df.merge(df_texts) + + df['predictionString'] = df.predictionString.apply(lambda x: [int(num) for num in x.split()]) + df['pred_str_start_id'] = df.predictionString.apply(lambda x: x[0]) + df['pred_str_end_id'] = df.predictionString.apply(lambda x: x[-1]) + + new_df_end = pd.DataFrame() + new_df_start = pd.DataFrame() + for row in df.sort_values('doc_id').itertuples(index=False): + if row.end_id != row.pred_str_end_id: + s = row.doc_text.split()[row.pred_str_end_id+1:] + new_string = ' '.join(s) + new_predsStr = list(range(row.pred_str_end_id+1,row.end_id+1)) + new_predsStr = " ".join([str(i) for i in new_predsStr]) + new_type = 'Other' + new_id = row.doc_id + new_row = {'doc_id': new_id, 'text':new_string ,'label':'Other','predictionString':new_predsStr} + new_df_end = new_df_end.append(new_row,ignore_index=True) + + if row.start_id != row.pred_str_start_id: + s = row.doc_text.split()[:row.pred_str_start_id] + new_string = ' '.join(s) + new_predsStr = list(range(row.start_id,row.pred_str_start_id)) + new_predsStr = " ".join([str(i) for i in new_predsStr]) + new_type = 'Other' + new_id = row.doc_id + new_row = {'doc_id': new_id, 'text':new_string ,'label':'Other','predictionString':new_predsStr} + new_df_start = new_df_start.append(new_row,ignore_index=True) + + + df_combined = df_ground_truth.append(new_df_end,ignore_index=True) + df_combined = new_df_start.append(df_combined,ignore_index=True) + + + + ##KEEP THE FOLLOWING OR NOT??? + df_combined.predictionString = df_combined.predictionString.apply(lambda x: [int(num) for num in x.split()]) + df_combined['start'] = df_combined.predictionString.apply(lambda x: x[0]) + df_combined['end'] = df_combined.predictionString.apply(lambda x: x[-1]) + df_combined= df_combined.sort_values(['doc_id', 'start', 'end']) + + + self.dataframe = df_combined + self.status = 'preprocessed' + return self + + def _process(self, strategy, processors=[]): + # processes data to standardised format, adds any extra cleaning steps + assert strategy in {'io', 'bio', 'bieo'} # for now + + df = self.dataframe.copy() + + for processor in processors: + df['text'] = df['text'].apply(processor) + + + # add labelling strategy + label_strat = dict( + add_end='e' in strategy, + add_beg='b' in strategy + ) + + df['label'] = df[['label', 'predictionString']].apply( + lambda x: _generate_entity_labels( + len(x['predictionString']), x['label'], **label_strat + ), axis=1 + ) + + self.dataframe = df + self.status = 'processed' + + + return self + + def _postprocess(self): + df_post = self.dataframe.copy() + df_post['predictionString'] = df_post['predictionString'].apply( + lambda x: ' '.join([str(item) for item in x]) + ) + + df_post['label'] = df_post['label'].apply( + lambda x: ' '.join([str(item) for item in x]) + ) + df_post = df_post.groupby('doc_id').agg({ + 'text':lambda x: ' '.join(x), + 'predictionString': lambda x: ' '.join(x), + 'label': lambda x: ' '.join(x) + }) + df_post['label'] = df_post['label'].str.split() + df_post['predictionString'] = df_post['predictionString'].str.split().apply(lambda x: [int(x) for x in x]) + + df_post = df_post.reset_index() + + + self.dataframe = df_post + self.status = 'postprocessed' + + return self + + +def _generate_entity_labels(length, label, add_end=False, add_beg=True): + """ + For cases where argument segment is only 1 word long, beginning given preference over end + """ + labels = [f'I-{label}'] if label != 'Other' else ['O'] + labels *= length + + if add_end: + if label != 'Other': + labels[-1] = f'E-{label}' + + if add_beg: + if label != 'Other': + labels[0] = f'B-{label}' + + return labels diff --git a/experiments/qingyu/requirements.txt b/experiments/qingyu/requirements.txt new file mode 100644 index 0000000..e69de29 diff --git a/experiments/yousef/Baseline_dev.ipynb b/experiments/yousef/Baseline_dev.ipynb new file mode 100644 index 0000000..5bbe5e0 --- /dev/null +++ b/experiments/yousef/Baseline_dev.ipynb @@ -0,0 +1,35352 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "e350b7f0", + "metadata": {}, + "source": [ + "# Baseline_dev" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "id": "56ae4770", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_2992/3695259575.py:18: FutureWarning: The default value of regex will change from True to False in a future version.\n", + " df.text = df.text.str.replace('[^\\w\\s]','')\n" + ] + } + ], + "source": [ + "# public imports\n", + "import torch\n", + "from torch import nn\n", + "from torch import optim\n", + "\n", + "# private imports\n", + "import gensim\n", + "\n", + "gensim_model = gensim.models.KeyedVectors.load_word2vec_format(\n", + " '../../data/UCL/embeddings/GoogleNews-vectors-negative300.bin', binary=True\n", + ")\n", + "\n", + "embedding_map = gensim_model.key_to_index\n", + "\n", + "path = '../../data/bio/Persuade_postprocessed.json'\n", + "import pandas as pd\n", + "df = pd.read_json(path)\n", + "df.text = df.text.str.replace('[^\\w\\s]','')\n", + "vocab = set(' '.join(df.text.values).split())" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "id": "df7be8ef", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "differentation\n", + "licenes\n", + "stired\n", + "disavenges\n", + "tecnonlgy\n", + "dangres\n", + "timeonce\n", + "swending\n", + "Frontantalis\n", + "efficatly\n", + "greatests\n", + "saidyes\n", + "diverles\n", + "obsticales\n", + "spreding\n", + "fortutious\n", + "assocciated\n", + "completeley\n", + "worklike\n", + "liveabul\n", + "simulationg\n", + "travewled\n", + "diasater\n", + "criticised\n", + "arugued\n", + "apppear\n", + "studants\n", + "plesure\n", + "publicransport\n", + "comprimseThe\n", + "innnovative\n", + "secientisit\n", + "towlering\n", + "sseat\n", + "possile\n", + "collenting\n", + "emtoins\n", + "clubunited\n", + "getiing\n", + "collaberate\n", + "iventions\n", + "Electral\n", + "escpially\n", + "crators\n", + "depper\n", + "indivisual\n", + "Idoh\n", + "proxmity\n", + "35000\n", + "lettign\n", + "billsclothes\n", + "sleepinduced\n", + "prussure\n", + "mowfuntion\n", + "frocery\n", + "humanliy\n", + "alwats\n", + "eclectronics\n", + "imparing\n", + "expadition\n", + "fathersand\n", + "Additionallystudents\n", + "biggersized\n", + "orbiculariaris\n", + "Secondlystudents\n", + "attentiveand\n", + "nessacary\n", + "anachroism\n", + "transreagional\n", + "overexagerating\n", + "revolutionairy\n", + "terain\n", + "impaBence\n", + "Engneers\n", + "expericance\n", + "associted\n", + "emotioanl\n", + "professer\n", + "drecrease\n", + "flawwed\n", + "leglisation\n", + "maunufacturers\n", + "civilzation\n", + "curiusity\n", + "rocksgasses\n", + "chaets\n", + "5050\n", + "Clus\n", + "seechs\n", + "dilemas\n", + "srtaying\n", + "personplaceand\n", + "anchent\n", + "expiditions\n", + "studet\n", + "suming\n", + "Colombins\n", + "planetother\n", + "statesAll\n", + "pplace\n", + "approriatins\n", + "emotionallyand\n", + "learnedthey\n", + "canididatesor\n", + "p12\n", + "yse\n", + "alogorithms\n", + "lleagal\n", + "Orleansetc\n", + "cuasing\n", + "phonomanon\n", + "navagational\n", + "suvice\n", + "smilly\n", + "ncsl\n", + "brease\n", + "cutepretty\n", + "cuases\n", + "gavinen\n", + "runnung\n", + "schoking\n", + "aporate\n", + "atmosheric\n", + "instrustor\n", + "disaterous\n", + "tex5ng\n", + "twenteyfour\n", + "imageded\n", + "oppinon\n", + "unindended\n", + "gmaes\n", + "foccus\n", + "ninetyfour\n", + "Rosenthalsays\n", + "efficeint\n", + "goveners\n", + "equivellent\n", + "malte\n", + "studiying\n", + "yourfacial\n", + "happning\n", + "cautiosly\n", + "SkylinesHonda\n", + "conclusionTeachers\n", + "imprestion\n", + "saidIm\n", + "betwwen\n", + "taketherefore\n", + "bannned\n", + "driverassisting\n", + "improive\n", + "newrecognition\n", + "attentionso\n", + "complteing\n", + "conrollers\n", + "driverspassengersand\n", + "1112\n", + "63\n", + "dependes\n", + "leasat\n", + "driviing\n", + "keping\n", + "mountfunction\n", + "biast\n", + "gasonline\n", + "yearson\n", + "homelessdoesnt\n", + "practise\n", + "comotional\n", + "belevie\n", + "satarted\n", + "resaerch\n", + "soby\n", + "oressure\n", + "feelling\n", + "proabley\n", + "pixle\n", + "saer\n", + "consculsion\n", + "vioces\n", + "gooten\n", + "perons\n", + "conclusionReduced\n", + "factthese\n", + "planningAll\n", + "nottable\n", + "understans\n", + "wathc\n", + "guidelinefree\n", + "workespecially\n", + "Bradfort\n", + "expertes\n", + "itÃ\n", + "pritty\n", + "eruptiones\n", + "placeand\n", + "decideing\n", + "polluston\n", + "sensores\n", + "queastion\n", + "goesI\n", + "boredem\n", + "desasters\n", + "reasoin\n", + "graduat\n", + "25yrs\n", + "wellwritten\n", + "negitative\n", + "hellps\n", + "sulfic\n", + "teresstial\n", + "acedements\n", + "clasess\n", + "learnedstudent\n", + "nessicisarly\n", + "aplies\n", + "deicided\n", + "understandabe\n", + "AfricaAsiaHaiti\n", + "petray\n", + "SafeWise\n", + "obtaing\n", + "peoplke\n", + "phonw\n", + "onilne\n", + "isting\n", + "carsbut\n", + "stady\n", + "extracurriular\n", + "disform\n", + "Distruct\n", + "resalts\n", + "professionallycreated\n", + "computuer\n", + "Constitutionparagraph\n", + "disriciminate\n", + "paragrahph\n", + "inmformation\n", + "woork\n", + "laern\n", + "althoghVenus\n", + "buttion\n", + "essentiallty\n", + "carthe\n", + "holidayseasonal\n", + "95\n", + "alternet\n", + "studyTherefore\n", + "expirens\n", + "discussionElectoral\n", + "articl\n", + "roatatinf\n", + "indepentent\n", + "Dissapointment\n", + "interation\n", + "oberserved\n", + "elecctorial\n", + "Permanetly\n", + "imounded\n", + "statingAstronomers\n", + "desaventage\n", + "pargraphe\n", + "scrapebookpriceless\n", + "oneso\n", + "comfired\n", + "somethingand\n", + "thinh\n", + "BAAAMMM\n", + "dothey\n", + "friendshave\n", + "equale\n", + "anacrinism\n", + "schoolpause\n", + "provied\n", + "Bannings\n", + "iniptitudes\n", + "allwell\n", + "braingames\n", + "conmtribute\n", + "worriedtwo\n", + "examplemy\n", + "dearcitizens\n", + "Comlombia\n", + "withit\n", + "tweks\n", + "situatin\n", + "ifwhen\n", + "TableTennis\n", + "calsses\n", + "tueday\n", + "fahrenheitthe\n", + "responsibilityallow\n", + "elimanating\n", + "gereration\n", + "schoolarship\n", + "characterlise\n", + "cautionsly\n", + "internrt\n", + "somwtimes\n", + "incompletenot\n", + "boreds\n", + "Llff\n", + "docter\n", + "slectors\n", + "learnread\n", + "tramendously\n", + "electory\n", + "walkn\n", + "leraning\n", + "manufactours\n", + "classwok\n", + "Kennedysource\n", + "votesthen\n", + "katchup\n", + "furope\n", + "slife\n", + "11134345\n", + "studentsare\n", + "attiontion\n", + "interrestiing\n", + "mid1990s\n", + "bicking\n", + "autoaccident\n", + "distions\n", + "llow\n", + "madeit\n", + "efficenty\n", + "41971\n", + "phoneswe\n", + "weught\n", + "gauarded\n", + "coold\n", + "landface\n", + "29th\n", + "Haidron\n", + "40mpg\n", + "joyn\n", + "ashmed\n", + "epolice\n", + "snoyone\n", + "pklaces\n", + "everuthing\n", + "jobyou\n", + "nondemocractiv\n", + "opinian\n", + "1521\n", + "motorisits\n", + "peoplehaving\n", + "bettermore\n", + "alantic\n", + "Carolinaand\n", + "counrties\n", + "disrioed\n", + "frontalis\n", + "venouse\n", + "comphression\n", + "engimes\n", + "nonfacial\n", + "malking\n", + "implimant\n", + "averyone\n", + "previouslymade\n", + "votersThere\n", + "mindsetIt\n", + "vome\n", + "socitiy\n", + "practising\n", + "faund\n", + "beliee\n", + "campien\n", + "environmentsource\n", + "thoughwe\n", + "capitilize\n", + "elecrion\n", + "candidaates\n", + "driving33062\n", + "personsaid\n", + "maapportionment\n", + "gooan\n", + "perswading\n", + "exploaration\n", + "recessin\n", + "disigne\n", + "reoson\n", + "madeby\n", + "girlfreind\n", + "ofof\n", + "emmisionsjust\n", + "winningWe\n", + "Electoarl\n", + "acceot\n", + "vare\n", + "cacn\n", + "eatten\n", + "invintions\n", + "straightup\n", + "fiting\n", + "corrosire\n", + "parigraph\n", + "automactily\n", + "bisest\n", + "assignements\n", + "logest\n", + "humdred\n", + "systemmaking\n", + "posiblity\n", + "soomth\n", + "Texasthat\n", + "aloong\n", + "reasonof\n", + "passins\n", + "impracticle\n", + "electorialvote\n", + "unbuyable\n", + "atke\n", + "nearrecords\n", + "overcomewhat\n", + "saysSensors\n", + "shuled\n", + "BLOOMED\n", + "textThe\n", + "oringial\n", + "privatepublic\n", + "importantFor\n", + "joyne\n", + "21st\n", + "livley\n", + "unaccouted\n", + "distrought\n", + "scoreed\n", + "presidention\n", + "evalutes\n", + "presidentmost\n", + "wjhy\n", + "lanform\n", + "gratational\n", + "prsidency\n", + "questionsand\n", + "surroungings\n", + "carewhat\n", + "luky\n", + "Lke\n", + "selfimage\n", + "lifeit\n", + "itS\n", + "vehiclesalso\n", + "sportsactivitys\n", + "iteam\n", + "haping\n", + "caputured\n", + "coleg\n", + "BeijingSource\n", + "end1894\n", + "disaddvantages\n", + "feesable\n", + "assissting\n", + "apprpriations\n", + "simoltaniously\n", + "curasidity\n", + "bussinesses\n", + "FKennedy\n", + "Legalmatch\n", + "depressesd\n", + "jailjust\n", + "Cwhich\n", + "charactersitic\n", + "Sutdies\n", + "existiing\n", + "decress\n", + "Abloish\n", + "nurvice\n", + "accidnent\n", + "additionl\n", + "planest\n", + "misions\n", + "chamged\n", + "loarn\n", + "friendsnot\n", + "assgined\n", + "heho\n", + "Denator\n", + "phiscally\n", + "confusedAlso\n", + "bikinng\n", + "metling\n", + "greaty\n", + "esaier\n", + "ffic\n", + "possibilitys\n", + "indivudal\n", + "othersor\n", + "desied\n", + "milloins\n", + "startedthe\n", + "opperational\n", + "1960when\n", + "reciaves\n", + "insatnce\n", + "adorible\n", + "purposesof\n", + "impovred\n", + "Franced\n", + "phonesvideo\n", + "herer\n", + "engins\n", + "abondens\n", + "nochance\n", + "crapy\n", + "groundlevel\n", + "alines\n", + "dangereous\n", + "Suburd\n", + "thezebra\n", + "examplewhen\n", + "stateAfter\n", + "personstudentteacher\n", + "teaachers\n", + "dagerous\n", + "groupteam\n", + "Alote\n", + "nondemocrac\n", + "mucle\n", + "extree\n", + "certine\n", + "assignmentstestsand\n", + "majoritys\n", + "partys00\n", + "litereally\n", + "theraphist\n", + "seventyfive\n", + "populraity\n", + "orgwikiMotor_vehicle_fatality_rate_in_US_by_year\n", + "Evenig\n", + "emotionalnally\n", + "daiy\n", + "35092\n", + "waythat\n", + "uneqe\n", + "instituitons\n", + "HellCat\n", + "tarvels\n", + "manfacturer\n", + "2976\n", + "ariseI\n", + "ruine\n", + "mulesand\n", + "vape\n", + "oculd\n", + "advanaced\n", + "fatasses\n", + "benifitail\n", + "Cowboing\n", + "schoolmiddle\n", + "situatiuon\n", + "supposwe\n", + "studensts\n", + "predidency\n", + "studends\n", + "slipoed\n", + "timeduring\n", + "tuoched\n", + "laugter\n", + "ditermine\n", + "ojective\n", + "everething\n", + "unmotiving\n", + "Overcorrecting\n", + "feelm\n", + "sucsseed\n", + "votethat\n", + "tehcnolgy\n", + "proprties\n", + "pacient\n", + "planneed\n", + "educatuion\n", + "relliy\n", + "vigerously\n", + "collegeFor\n", + "personshelp\n", + "governmant\n", + "foodpeople\n", + "Ellectoal\n", + "unburried\n", + "horiable\n", + "downtwon\n", + "maore\n", + "taxesand\n", + "college1\n", + "aesy\n", + "werr\n", + "caliores\n", + "impowered\n", + "queations\n", + "thinmk\n", + "friendlyfinding\n", + "enconutered\n", + "natraul\n", + "resoonse\n", + "enavles\n", + "reuces\n", + "Somg\n", + "thusand\n", + "perticular\n", + "selfmotivation\n", + "represenntitives\n", + "rockif\n", + "benefiet\n", + "relieabul\n", + "VOTORS\n", + "perserves\n", + "uncomfertable\n", + "nonsmart\n", + "pruis\n", + "unneccasary\n", + "teachthe\n", + "plure\n", + "experiencesknowledgeand\n", + "adknowlege\n", + "majortiy\n", + "pointout\n", + "820\n", + "atmoshphere\n", + "blery\n", + "talkIm\n", + "suppoded\n", + "perssure\n", + "dolimiting\n", + "develpoed\n", + "hardhowever\n", + "bakc\n", + "edmission\n", + "politicists\n", + "jamsroad\n", + "votebecause\n", + "peoplefriendly\n", + "nonexsitent\n", + "thoroughlywritten\n", + "inmortant\n", + "manifacture\n", + "relatiiobship\n", + "descion\n", + "useed\n", + "articleit\n", + "sentaor\n", + "Valledpar\n", + "youthenhey\n", + "rhole\n", + "interented\n", + "sincerally\n", + "slautered\n", + "compermize\n", + "studenttechnology\n", + "touramentsfencingboxingreadingwhittlingand\n", + "citiesstatesand\n", + "sportclubseven\n", + "computeranimation\n", + "drivingThe\n", + "mesalandofrms\n", + "cancled\n", + "ocur\n", + "alldriver\n", + "nonbias\n", + "flabergasting\n", + "hvaing\n", + "sargents\n", + "bestlaid\n", + "riduliously\n", + "endeavorsparagraph\n", + "offwith\n", + "carsintensive\n", + "sustainnot\n", + "outby\n", + "Anywaylike\n", + "homes1p2\n", + "recievetherefore\n", + "divr\n", + "permantely\n", + "socializng\n", + "hudred\n", + "aoutonomous\n", + "airplans\n", + "cabon\n", + "maybey\n", + "seesthe\n", + "carchances\n", + "respembles\n", + "catastropy\n", + "supossed\n", + "cocept\n", + "leaening\n", + "activitiesmany\n", + "sbasically\n", + "dusent\n", + "Canadiates\n", + "mannually\n", + "dummest\n", + "solvedAlthough\n", + "aritcle\n", + "Leanardo\n", + "Heyhow\n", + "rightabolish\n", + "transportaiont\n", + "illadvised\n", + "38\n", + "americ\n", + "Zakhareuski\n", + "unfait\n", + "prodess\n", + "consertrate\n", + "wanned\n", + "ineresting\n", + "summerbut\n", + "clasified\n", + "chaneg\n", + "meaninfuly\n", + "thereafterNow\n", + "gamesand\n", + "Collegethere\n", + "havinng\n", + "buyong\n", + "statespassage\n", + "therre\n", + "Therere\n", + "thereThey\n", + "envirorment\n", + "feters\n", + "futer\n", + "tecnlogty\n", + "feelsbut\n", + "electionto\n", + "smileworryor\n", + "Transpotation\n", + "nonrenuable\n", + "anybodythere\n", + "photograh\n", + "expireneced\n", + "gicen\n", + "SAIDIN\n", + "besically\n", + "choaic\n", + "wayssides\n", + "spaceshuttle\n", + "cheaked\n", + "awareded\n", + "reaosn\n", + "wasd\n", + "eletric\n", + "sicence\n", + "anilmals\n", + "releave\n", + "fiaaco\n", + "accully\n", + "Beijjing\n", + "peresident\n", + "organisum\n", + "amongside\n", + "487\n", + "winnere\n", + "bounderie\n", + "computerbased\n", + "reviws\n", + "schoolmaking\n", + "diffrents\n", + "streering\n", + "Eckmen\n", + "Systemcan\n", + "humanless\n", + "endevaors\n", + "TEOC\n", + "stion\n", + "oppurtnites\n", + "traspotantion\n", + "emissionsjust\n", + "MoreoverCitizens\n", + "optionsometimes\n", + "invisions\n", + "enteratinment\n", + "Paragrapgh\n", + "inschoolsuspensions\n", + "Surveyers\n", + "toexplore\n", + "crontribute\n", + "comepletly\n", + "classput\n", + "felllow\n", + "Sectin\n", + "privledes\n", + "bightest\n", + "buisnesess\n", + "beoveruled\n", + "electeing\n", + "distarcted\n", + "beneficient\n", + "cerainty\n", + "timetrip\n", + "ectoral\n", + "travelingi\n", + "clssroom\n", + "enither\n", + "comenest\n", + "muslces\n", + "tempreature\n", + "hhe\n", + "Citizensvoters\n", + "mosly\n", + "candidte\n", + "outofcontrol\n", + "steping\n", + "whatÂs\n", + "consiter\n", + "dedense\n", + "stugles\n", + "Senilely\n", + "efficted\n", + "carage\n", + "yourselfthen\n", + "eruptiing\n", + "tolk\n", + "rebuted\n", + "benificaial\n", + "plugincars\n", + "electorshave\n", + "boatand\n", + "goand\n", + "presidecial\n", + "wittnessed\n", + "beleieve\n", + "randomMany\n", + "deatail\n", + "tactus\n", + "Baymax\n", + "apperes\n", + "fanizitic\n", + "programI\n", + "allowthe\n", + "independentminded\n", + "fulcutated\n", + "situationas\n", + "drownes\n", + "recouces\n", + "suummer\n", + "Anothere\n", + "untiil\n", + "coumputers\n", + "carcar\n", + "wellplaned\n", + "wonn\n", + "waterThey\n", + "encouriging\n", + "theated\n", + "Secondlyhaving\n", + "diffrece\n", + "aproximatly\n", + "safetest\n", + "Howdo\n", + "malfuncitons\n", + "ELECTORS\n", + "trueThe\n", + "llook\n", + "twoits\n", + "rotton\n", + "hoope\n", + "unrational\n", + "1979\n", + "prefernce\n", + "turndownit\n", + "posibilty\n", + "ahigher\n", + "sizeso\n", + "fiascoThe\n", + "impotan\n", + "demestration\n", + "examble\n", + "kidsmy\n", + "ThirdWhen\n", + "menaing\n", + "seriouslyespecially\n", + "watere\n", + "candidatesBig\n", + "exapmple\n", + "librities\n", + "woner\n", + "comfactcheckfineusingcellphoneswhiledriving\n", + "invenstment\n", + "emotionAlto\n", + "fourtyfour\n", + "IntroThe\n", + "endore\n", + "responbilities\n", + "avdvances\n", + "simlie\n", + "fels\n", + "timeSummer\n", + "mhite\n", + "manipulted\n", + "forgetand\n", + "palice\n", + "congresssenatorsrepresentatives\n", + "RepublicansDemocrats\n", + "popularand\n", + "questionsget\n", + "expirimental\n", + "Generic_school\n", + "computercontrolled\n", + "unfairoutdated\n", + "appolgized\n", + "winnertakeallsystem\n", + "isint\n", + "chidern\n", + "releasead\n", + "timebut\n", + "tachnologies\n", + "538number\n", + "destantion\n", + "baseballbasketballtrack\n", + "omm\n", + "thereRadar\n", + "senosor\n", + "deiliver\n", + "peoplehomeless\n", + "tretorous\n", + "daamge\n", + "frncing\n", + "safeand\n", + "agruements\n", + "Bombgerger\n", + "disscussion\n", + "statedThe\n", + "activitiesall\n", + "picuters\n", + "massesbut\n", + "conclued\n", + "priceLEGOsthey\n", + "transportaiton\n", + "incepient\n", + "secondsjust\n", + "inproven\n", + "corbond\n", + "ninetyseven\n", + "atmsophere\n", + "300\n", + "mait\n", + "undesputibly\n", + "Elctorial\n", + "frot\n", + "electedpresidents\n", + "naufacturer\n", + "machene\n", + "Kennedyp11\n", + "somethingso\n", + "Survetor\n", + "smog70\n", + "HiMy\n", + "gegng\n", + "callschats\n", + "whateveror\n", + "requirence\n", + "22take\n", + "shadowlike\n", + "2012to\n", + "par5\n", + "envirment\n", + "delegtion\n", + "completen\n", + "53\n", + "interprutation\n", + "PersontoPerson\n", + "studient\n", + "systemMilkyway\n", + "likelylead\n", + "sunthis\n", + "mulBtasking\n", + "popullated\n", + "saysScientists\n", + "22011\n", + "ghdespitehandsfreelawarticle_46c583896c1452768b514324e32d4139\n", + "antienvironmentalism\n", + "LastlyVoting\n", + "treally\n", + "sefldriving\n", + "enator\n", + "decet\n", + "dontlike\n", + "inhapitable\n", + "artsoccerfootballgolf\n", + "EarthP4\n", + "contenue\n", + "consetiment\n", + "negatibe\n", + "fantasticwait\n", + "automatci\n", + "dissipointing\n", + "1100\n", + "youvote\n", + "smaile\n", + "Idahosays\n", + "415\n", + "sosince\n", + "inventer\n", + "createa\n", + "Retuters\n", + "competitave\n", + "aspex\n", + "pnones\n", + "city10How\n", + "advanncemet\n", + "becuae\n", + "harmeed\n", + "geogrpahy\n", + "emissionsDuffer\n", + "resuply\n", + "Lisahe\n", + "Overpopulated\n", + "tikets\n", + "moprning\n", + "extrarricular\n", + "expressins\n", + "conditiions\n", + "advancedment\n", + "bome\n", + "electionsthe\n", + "44th\n", + "nicerlooking\n", + "recessionbecause\n", + "talleys\n", + "Frizzles\n", + "emisisons\n", + "affter\n", + "avertid\n", + "experinental\n", + "throughtrying\n", + "contrie\n", + "thatthats\n", + "systematicaly\n", + "history1\n", + "secinds\n", + "technologyThis\n", + "priocess\n", + "madeinstead\n", + "infrom\n", + "beacauese\n", + "uphead\n", + "convinent\n", + "repaced\n", + "ttrough\n", + "qualilfied\n", + "restrants\n", + "topicsome\n", + "Northeastecthas\n", + "grusgt\n", + "51998\n", + "effciant\n", + "gigga\n", + "privlege\n", + "Nisaan\n", + "Decressing\n", + "uasage\n", + "paragraph20\n", + "comortable\n", + "MArs\n", + "congestian\n", + "kniw\n", + "opinionsadvice\n", + "Selfesteem\n", + "gthis\n", + "teensafe\n", + "Hihg\n", + "gravit\n", + "jeopardising\n", + "Chinaover\n", + "hersle\n", + "FahrenheitAtmospheric\n", + "hostiptal\n", + "horible\n", + "accominate\n", + "bren\n", + "pargagraph\n", + "dipute\n", + "Thoughs\n", + "hours2\n", + "thisstudents\n", + "acdemics\n", + "computersanimated\n", + "purposley\n", + "liveing\n", + "motorised\n", + "neerby\n", + "2paragraph\n", + "jointhe\n", + "83\n", + "Thatll\n", + "caidate\n", + "activetylike\n", + "somedbody\n", + "intelleget\n", + "blunty\n", + "tremondus\n", + "distrabution\n", + "doesint\n", + "proccessnot\n", + "bakeoffs\n", + "gGlobal\n", + "planetThe\n", + "donkeybut\n", + "humainity\n", + "pictuure\n", + "teentoteen\n", + "Plazas3p24\n", + "Congerssional\n", + "giveing\n", + "Bombergerthought\n", + "egyptianstyle\n", + "drvieweays\n", + "possiblesolution\n", + "opstical\n", + "identifys\n", + "elctives\n", + "withwhich\n", + "rhorses\n", + "visinity\n", + "winand\n", + "opritunity\n", + "adiou\n", + "rulesthe\n", + "colledgefor\n", + "preisdential\n", + "flaberghasted\n", + "ffr\n", + "toays\n", + "examole\n", + "importamt\n", + "Beackman\n", + "compines\n", + "comfterable\n", + "paragrapghs\n", + "boxingreadingwhittingand\n", + "raidation\n", + "comperhending\n", + "upthan\n", + "copmputers\n", + "solidier\n", + "Dissapearene\n", + "becasse\n", + "authorWhat\n", + "assocaited\n", + "thingbor\n", + "indead\n", + "pursuited\n", + "previlages\n", + "scienists\n", + "CONCLUTION\n", + "impendiments\n", + "probvably\n", + "helecopters\n", + "outhere\n", + "largerrole\n", + "respinsibility\n", + "SeasGreeceand\n", + "resimay\n", + "LifeForm\n", + "notifaction\n", + "farenhiet\n", + "Lucily\n", + "coservaton\n", + "statesWhat\n", + "trustbut\n", + "resoloution\n", + "comminute\n", + "electorthe\n", + "proabaly\n", + "10he\n", + "14yearold\n", + "gettiing\n", + "exauhsted\n", + "Cumputers\n", + "eightit\n", + "Venusthey\n", + "stepbystep\n", + "stessed\n", + "costructs\n", + "diesnt\n", + "beceause\n", + "RunOff\n", + "accecpt\n", + "frew\n", + "campains\n", + "askwhat\n", + "livestockclean\n", + "requirs\n", + "blamd\n", + "imside\n", + "unsatified\n", + "environmentRosenthal\n", + "informationgain\n", + "dosenÃÂt\n", + "reasonsopinions\n", + "imfomation\n", + "discision\n", + "CaliforniaNevadaFlorida\n", + "citicens\n", + "tird\n", + "Exsploring\n", + "hiddenby\n", + "sevendy\n", + "sevive\n", + "pressidential\n", + "folur\n", + "100mph\n", + "stupiest\n", + "whowhat\n", + "delishous\n", + "udated\n", + "cercumstances\n", + "voiceactivated\n", + "51Because\n", + "shappy\n", + "volcanoespowerfull\n", + "similaritys\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "wde\n", + "flippedclassroom\n", + "veiwers\n", + "scraed\n", + "decearn\n", + "negitve\n", + "songThe\n", + "orbicaularis\n", + "actuallyThe\n", + "sketchual\n", + "revoluntionary\n", + "smogging\n", + "thishe\n", + "closert\n", + "ecomically\n", + "toxicated\n", + "baverage\n", + "knolw\n", + "presidnecy\n", + "caluate\n", + "aftoen\n", + "ovily\n", + "5000\n", + "opppurtunity\n", + "particuraly\n", + "accidients\n", + "extratrestrialls\n", + "tempoture\n", + "egsist\n", + "designedproject\n", + "thimk\n", + "Proplusion\n", + "throughor\n", + "likeshobbiesand\n", + "alfound\n", + "enviormental\n", + "carsSource\n", + "Dispit\n", + "colosal\n", + "dectetive\n", + "limitng\n", + "saidLuke\n", + "Lsia\n", + "turnning\n", + "gonaa\n", + "ThirdPeople\n", + "glich\n", + "supirior\n", + "disaplined\n", + "dixode\n", + "fastSirens\n", + "useSource\n", + "exsost\n", + "caiotic\n", + "Dolethe\n", + "Survayor\n", + "coolits\n", + "ifetime\n", + "1800s\n", + "studnents\n", + "plceses\n", + "assunc\n", + "inequallity\n", + "adventuresvisit\n", + "Anothernexample\n", + "Yourre\n", + "itBut\n", + "resonible\n", + "raods\n", + "reprogrammming\n", + "sourcesalso\n", + "EuropeChinaand\n", + "cemicals\n", + "stressSelsky\n", + "instenses\n", + "wethe\n", + "appealand\n", + "yearbookOr\n", + "councler\n", + "fantacized\n", + "impunded\n", + "thinkthat\n", + "brutte\n", + "peopleSource\n", + "themseveles\n", + "worldutilize\n", + "narriator\n", + "rsulted\n", + "casuse\n", + "Colimbia\n", + "metere\n", + "oppen\n", + "perpared\n", + "schoolingfunding\n", + "countrires\n", + "acknowledgeable\n", + "responcible\n", + "hurtthats\n", + "tardyabsent\n", + "realizie\n", + "unknows\n", + "112\n", + "woulg\n", + "whiledue\n", + "somethere\n", + "compate\n", + "malAppointment\n", + "inovating\n", + "lo0ve\n", + "hgih\n", + "Oddshaped\n", + "destanations\n", + "pollutionas\n", + "matenience\n", + "felxability\n", + "educeted\n", + "ruduced\n", + "72\n", + "internetor\n", + "sayJust\n", + "prepaed\n", + "fifve\n", + "mmight\n", + "agrguemnt\n", + "densitysize\n", + "youi\n", + "43\n", + "cevilians\n", + "ohone\n", + "westeren\n", + "atually\n", + "compuster\n", + "collegeIt\n", + "difficalty\n", + "Nonrenewable\n", + "emphasise\n", + "systemvoter\n", + "updataed\n", + "reprogramed\n", + "Kenennedy\n", + "dening\n", + "AFlCIO\n", + "taxtridesharing\n", + "presidentbut\n", + "automobiel\n", + "activateprogram\n", + "oneto\n", + "procastinate\n", + "unviersal\n", + "Sturnguist\n", + "diseles\n", + "caimpaign\n", + "conitinue\n", + "secroty\n", + "smogfree\n", + "Emplimenting\n", + "consideres\n", + "companiesdepending\n", + "worklive\n", + "transportationWhen\n", + "helpGoogle\n", + "conflcts\n", + "youreself\n", + "speakingsocial\n", + "eleviate\n", + "capablity\n", + "sapce\n", + "morebut\n", + "imact\n", + "usethis\n", + "endevor\n", + "ilegaly\n", + "notifys\n", + "sutibole\n", + "deth\n", + "fourtyseven\n", + "mechanuics\n", + "ivestment\n", + "spacesship\n", + "ofver\n", + "pluse\n", + "nonverble\n", + "beneiful\n", + "phenominon\n", + "essaypaper\n", + "preveiw\n", + "unessesary\n", + "mahjority\n", + "accedent\n", + "150\n", + "recoginize\n", + "rediculus\n", + "soccerbaseballTrack\n", + "suburbed\n", + "activityto\n", + "canidiate\n", + "manfucaturer\n", + "icentive\n", + "Sincearly\n", + "senetors\n", + "gloriuos\n", + "planetery\n", + "relacts\n", + "lowared\n", + "convesation\n", + "detecters\n", + "fasterbreakingand\n", + "wayVauban\n", + "occational\n", + "deapths\n", + "pocition\n", + "136\n", + "prepring\n", + "expressionPh9\n", + "oddnumbers\n", + "helpm\n", + "Someting\n", + "incar\n", + "accelerte\n", + "pretisipate\n", + "Mayby\n", + "reched\n", + "neurtral\n", + "tnd\n", + "healthty\n", + "landscape5\n", + "Proupulsion\n", + "respondsibly\n", + "majic\n", + "hodtile\n", + "refeused\n", + "lisas\n", + "aesier\n", + "walet\n", + "groupsand\n", + "TampaFL\n", + "collegeFive\n", + "opition\n", + "expieriance\n", + "crowsfeet\n", + "unloadedThe\n", + "electoirial\n", + "levelin\n", + "Espescially\n", + "generatons\n", + "apperciative\n", + "jusst\n", + "absolutel\n", + "assiant\n", + "regionsbut\n", + "housesairplanesor\n", + "repilcate\n", + "backthen\n", + "consulers\n", + "examplewe\n", + "anylize\n", + "technologywith\n", + "Plumerduring\n", + "driveing\n", + "littile\n", + "tempretures\n", + "indivulas\n", + "earthalmost\n", + "numourus\n", + "worknot\n", + "rescid\n", + "nonbenefits\n", + "tehse\n", + "miting\n", + "trasportant\n", + "semipossible\n", + "compareed\n", + "boared\n", + "DearFlorida\n", + "passengee\n", + "overcorrects\n", + "TheyÃ\n", + "engeneering\n", + "alsobecause\n", + "potitive\n", + "actuially\n", + "somore\n", + "studennts\n", + "Martail\n", + "genreal\n", + "6In\n", + "muscledetecting\n", + "SecondAnother\n", + "fascniated\n", + "delightment\n", + "uneasines\n", + "swaped\n", + "fincing\n", + "detoriate\n", + "WallMart\n", + "responable\n", + "fobidding\n", + "PlazaSource\n", + "understandinglearning\n", + "wayNot\n", + "transportatio\n", + "benifitcial\n", + "Presntly\n", + "camrea\n", + "dfferent\n", + "cornoavirus\n", + "3When\n", + "poplaur\n", + "GuardChild\n", + "ideasfor\n", + "175500\n", + "basicallly\n", + "Theren\n", + "emissionsparagraph\n", + "friendsthen\n", + "debry\n", + "despiote\n", + "gvin\n", + "spuriouse\n", + "spme\n", + "gaspowered\n", + "unlikeley\n", + "handeye\n", + "electronicas\n", + "ruiten\n", + "sevenGoogle\n", + "rincles\n", + "ellude\n", + "canvis\n", + "lisin\n", + "docotrs\n", + "lowerclass\n", + "cloudly\n", + "baseballvolleyballand\n", + "thinfs\n", + "Skepticsarticle\n", + "UUnited\n", + "PresidentYou\n", + "resluting\n", + "thwta\n", + "milemay\n", + "alyways\n", + "emotionas\n", + "endeavours\n", + "eperience\n", + "apporximately\n", + "scienetists\n", + "nicemaking\n", + "emotionreading\n", + "governize\n", + "factorLike\n", + "terrian\n", + "uniquet\n", + "convienience\n", + "baseballwrestlingsoccer\n", + "specialSo\n", + "factis\n", + "extracurricullar\n", + "europethe\n", + "trafficed\n", + "esqusite\n", + "disastorous\n", + "thisbut\n", + "PresidentHouse\n", + "supposly\n", + "woundering\n", + "bikeso\n", + "streatsd\n", + "pargarh1\n", + "highlearning\n", + "unbeliveble\n", + "guidince\n", + "motars\n", + "bimplike\n", + "balnets\n", + "sayingMany\n", + "highl\n", + "qould\n", + "tecknology\n", + "tooalso\n", + "existince\n", + "updateing\n", + "isbecause\n", + "exidting\n", + "soucced\n", + "equvialent\n", + "reexplain\n", + "relsed\n", + "Syestem\n", + "hmy\n", + "ÃÂThe\n", + "libability\n", + "materialand\n", + "likedislike\n", + "woderd\n", + "opioion\n", + "multitiude\n", + "yeara\n", + "haveare\n", + "projectI\n", + "playignvideo\n", + "motorvehicle\n", + "eect\n", + "Secondif\n", + "moutheyesnoesand\n", + "efficencess\n", + "schollers\n", + "expresson\n", + "precisemaybe\n", + "timeBut\n", + "everydaybut\n", + "dontknow\n", + "prtecting\n", + "403ft\n", + "suppprt\n", + "friendsthe\n", + "buuild\n", + "friendDon\n", + "1503\n", + "com7reasonsnottotextanddrive\n", + "eurge\n", + "redcued\n", + "hidde\n", + "comhandsfreelaw\n", + "beforein\n", + "enigineers\n", + "Dispice\n", + "Technoldgy\n", + "construts\n", + "imantion\n", + "nearrly\n", + "taransportation\n", + "winnerin\n", + "hiumans\n", + "Elelectoral\n", + "Imaybe\n", + "proposterus\n", + "encorperate\n", + "Yesthe\n", + "statesNot\n", + "theair\n", + "She83\n", + "Althouth\n", + "venuis\n", + "312011\n", + "fastCongestion\n", + "instagram\n", + "confidentually\n", + "emomtions\n", + "resoring\n", + "cheakout\n", + "distrac5on\n", + "fencingboxingreadingwhittingand\n", + "Adavntages\n", + "pillution\n", + "overcomethe\n", + "thrustfull\n", + "verywell\n", + "poblem\n", + "axiety\n", + "transportationSelsky\n", + "pullated\n", + "tospace\n", + "considereation\n", + "attenetion\n", + "maulfunction\n", + "becausewhile\n", + "reallybad\n", + "indivudals\n", + "classroomholding\n", + "worldand\n", + "advicedont\n", + "numberes\n", + "essencial\n", + "Unfortionly\n", + "youst\n", + "extracurrcalum\n", + "lsot\n", + "fastnacting\n", + "nonuseful\n", + "smalll\n", + "desgned\n", + "Romneywas\n", + "putiing\n", + "calledwas\n", + "mulitlple\n", + "develpoing\n", + "waysbut\n", + "figfure\n", + "Electroal\n", + "technologoy\n", + "eventhey\n", + "rightbecause\n", + "Artical\n", + "exicting\n", + "communicaton\n", + "excerbate\n", + "benfeits\n", + "promotingprotection\n", + "eyebags\n", + "impactinf\n", + "strugles\n", + "animalsdont\n", + "compurer\n", + "passageDiesel\n", + "Illinoshas\n", + "computrized\n", + "ofdifferent\n", + "tennisfencingboxingreadingwhittling\n", + "elcetionIn\n", + "snacksthere\n", + "workthey\n", + "enssure\n", + "sampls\n", + "reginon\n", + "groupstools\n", + "cleanding\n", + "eightyeight\n", + "tomorrowI\n", + "Extraculicalar\n", + "facot\n", + "Aviod\n", + "opertunuty\n", + "quitness\n", + "comstorymoneycars20140328cellphoneuse1in4carcrashes70185\n", + "poroving\n", + "foundly\n", + "Wellwhere\n", + "passageWhat\n", + "landscapeParagraph\n", + "Valleduparand\n", + "husbad\n", + "naturaly\n", + "individuwal\n", + "curosity\n", + "difficutly\n", + "Cloumbia\n", + "instints\n", + "stroms\n", + "pedenstrians\n", + "skined\n", + "detec\n", + "manslotter\n", + "lightblub\n", + "metior\n", + "have1\n", + "diesls\n", + "Sincerlytherefor\n", + "statesOnly\n", + "canwill\n", + "goodbecause\n", + "homeworkchours\n", + "diriving\n", + "predidental\n", + "20500\n", + "percetage\n", + "respectives\n", + "emotisons\n", + "12am\n", + "irrationalListen\n", + "ingetting\n", + "Eventully\n", + "pharagrapgh\n", + "maior\n", + "oceance\n", + "deleations\n", + "spacerafts\n", + "biggers\n", + "peoplefor\n", + "instences\n", + "chanllege\n", + "colect\n", + "scientst\n", + "cattleboatr\n", + "Senceirly\n", + "blimplike\n", + "saysour\n", + "votersin\n", + "extracise\n", + "castsource\n", + "fascinatesx\n", + "insatiately\n", + "1st8th\n", + "suppliesanimalsand\n", + "teather\n", + "personand\n", + "picturepainting\n", + "Siliscon\n", + "apnosphere\n", + "repotedly\n", + "simiple\n", + "agsausted\n", + "SuprasChevy\n", + "resonsons\n", + "activityi\n", + "efficiantly\n", + "recommaning\n", + "lowerer\n", + "presideng\n", + "suggetion\n", + "sensers\n", + "cadidat\n", + "formaton\n", + "restarunts\n", + "youR\n", + "eplore\n", + "mesalanforms\n", + "thecomputer\n", + "proplem\n", + "JUst\n", + "advarage\n", + "statesPosner\n", + "youldt\n", + "manualy\n", + "tteam\n", + "proffessionals\n", + "peoplevoters\n", + "LIDARspinning\n", + "clasas\n", + "draginsand\n", + "inspirednot\n", + "askthe\n", + "take2\n", + "pleniful\n", + "alote\n", + "easil\n", + "anyhwhere\n", + "timetaking\n", + "reatining\n", + "Techonolgy\n", + "respondto\n", + "disaprove\n", + "devoleped\n", + "frenchspeaking\n", + "cusin\n", + "tthere\n", + "astriod\n", + "landforming\n", + "airthink\n", + "legislatues\n", + "Sepmber\n", + "regonal\n", + "Cpllege\n", + "humn\n", + "MillerZois\n", + "particiate\n", + "speads\n", + "Electrol\n", + "thionk\n", + "humons\n", + "Firstpeople\n", + "askedIt\n", + "dnagers\n", + "extacurricular\n", + "anone\n", + "soemthign\n", + "bloodalcohol\n", + "europegreecechinavenice\n", + "twosear\n", + "nonlike\n", + "potientally\n", + "vehucles\n", + "carperson\n", + "dangerouse\n", + "Thec\n", + "restrctions\n", + "saysNew\n", + "atheltics\n", + "soemthimes\n", + "shoudnt\n", + "undersatnd\n", + "hazar\n", + "mindbut\n", + "nervewrecking\n", + "survice\n", + "applicible\n", + "ragion\n", + "phenonmon\n", + "heatfriction\n", + "elcectors\n", + "revoles\n", + "suberbs\n", + "otherit\n", + "precedure\n", + "ideasyoull\n", + "movemnets\n", + "somebigger\n", + "Hunag\n", + "2040\n", + "anachorism\n", + "noncounted\n", + "studeys\n", + "invarable\n", + "baicsally\n", + "themfeed\n", + "reacap\n", + "exceptios\n", + "opiniondriverless\n", + "decisionschoices\n", + "mecto\n", + "descraction\n", + "recuced\n", + "conciderd\n", + "salustion\n", + "hometheyll\n", + "leasurely\n", + "innovtion\n", + "peopleIts\n", + "theier\n", + "sentenes\n", + "tosometimes\n", + "PhonesNow\n", + "Nibu\n", + "techknowleg\n", + "wonnderful\n", + "frenids\n", + "literers\n", + "chaange\n", + "eightteen\n", + "featuresas\n", + "suggedts\n", + "Incar\n", + "carsfor\n", + "atvantage\n", + "selectingvoting\n", + "confusebored\n", + "nutriton\n", + "nedraska\n", + "weither\n", + "alrightyoull\n", + "rudeand\n", + "difinitively\n", + "centurythe\n", + "woyming\n", + "Arestotle\n", + "PresidentThe\n", + "Stoneand\n", + "neather\n", + "Velledupar\n", + "USAschools\n", + "conists\n", + "jobswhat\n", + "cuntires\n", + "musclethe\n", + "Espeically\n", + "interestingbecause\n", + "in1947\n", + "marsand\n", + "advenced\n", + "woulf\n", + "characteristcis\n", + "bennifical\n", + "cogress\n", + "manwoman\n", + "appraite\n", + "disabilaties\n", + "studyng\n", + "spous\n", + "Alsocar\n", + "eupting\n", + "incorparates\n", + "endavors\n", + "slowley\n", + "awayIt\n", + "pracitce\n", + "sitesand\n", + "indpependantly\n", + "higherlevel\n", + "nominimal\n", + "topicthey\n", + "manufacturating\n", + "thisa\n", + "wrng\n", + "Lousina\n", + "unsterstanding\n", + "issuehave\n", + "realand\n", + "doLevey\n", + "mightve\n", + "anypoint\n", + "intrusts\n", + "FinallyIn\n", + "virutues\n", + "eduteendrivingsafetydistracteddrivingresearchXe_nJhKjHo\n", + "immedantly\n", + "focased\n", + "countriesmillions\n", + "commtions\n", + "travaling\n", + "Vauba\n", + "opoion\n", + "generalI\n", + "runningplayingjumping\n", + "congreses\n", + "imfomr\n", + "activitieshobbies\n", + "indepthy\n", + "ddriverless\n", + "carrrying\n", + "persentage\n", + "Donalso\n", + "enjoed\n", + "makeSeeking\n", + "articleOften\n", + "Propultion\n", + "momshe\n", + "contribuation\n", + "brout\n", + "fosil\n", + "assisating\n", + "theroy\n", + "licences\n", + "behindn\n", + "relise\n", + "wastnt\n", + "herhim\n", + "ablle\n", + "themeven\n", + "soid\n", + "voteand\n", + "exceptiable\n", + "respatory\n", + "152011\n", + "selve\n", + "delcares\n", + "componets\n", + "transportsion\n", + "ssensors\n", + "losest\n", + "faceThe\n", + "articleIn\n", + "explainUsing\n", + "leway\n", + "accecible\n", + "exemplies\n", + "sideffects\n", + "risorious\n", + "profetionals\n", + "pisa\n", + "citiesfor\n", + "friendbrother\n", + "HuangA\n", + "opportunityof\n", + "Statesfourth\n", + "privatly\n", + "freiend\n", + "activitiys\n", + "oppurtunies\n", + "soicety\n", + "atmospere\n", + "Presidentwe\n", + "avideo\n", + "specieswide\n", + "conferencingnevertheless\n", + "youof\n", + "illude\n", + "citizensinfor\n", + "drivew\n", + "qualtiy\n", + "reviewsopinions\n", + "outbreaking\n", + "cehicle\n", + "sucome\n", + "manange\n", + "semisupportive\n", + "origanal\n", + "Lukewatchman\n", + "recapaliation\n", + "shadowss\n", + "saysA\n", + "responisblity\n", + "Furhermore\n", + "thift\n", + "undernearth\n", + "AWALK\n", + "sharkssquidoctopiand\n", + "agencyReuters\n", + "wrriten\n", + "Democrars\n", + "punnishment\n", + "confidense\n", + "marsians\n", + "tofor\n", + "youYou\n", + "jeopardises\n", + "curioisty\n", + "AFCCIO\n", + "eger\n", + "sonds\n", + "5minute\n", + "Eletroral\n", + "tyhan\n", + "Venustravel\n", + "Thisprocess\n", + "stresss\n", + "airyour\n", + "theough\n", + "Electrolar\n", + "remainsscientist\n", + "dissengaged\n", + "signifagance\n", + "deviding\n", + "planetEvening\n", + "eelectoral\n", + "April5\n", + "electrorial\n", + "worldvaubangermany\n", + "cantidates\n", + "imagineand\n", + "riverMeaning\n", + "sutdent\n", + "intreasted\n", + "expriments\n", + "Venusis\n", + "contridiction\n", + "carowning\n", + "cleand\n", + "Planetery\n", + "assuringly\n", + "alerady\n", + "Ialso\n", + "expesilly\n", + "togeher\n", + "helpmakes\n", + "actbuy\n", + "famles\n", + "represnted\n", + "ouself\n", + "waight\n", + "properley\n", + "Rixhard\n", + "differernt\n", + "whereshut\n", + "movivates\n", + "ingnoring\n", + "MGSarrived\n", + "501\n", + "nedded\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "sialing\n", + "varietys\n", + "countiing\n", + "Smartroad\n", + "accutally\n", + "citizenswe\n", + "representitves\n", + "nightsky\n", + "deosnt\n", + "presidant\n", + "prattime\n", + "bullyed\n", + "oncer\n", + "veinece\n", + "peoplee\n", + "lifeeffecting\n", + "pannic\n", + "aloso\n", + "confroble\n", + "crusial\n", + "Clolombia\n", + "datted\n", + "twoas\n", + "shouldÃÂt\n", + "seveteen\n", + "torward\n", + "indrectly\n", + "onedimensional\n", + "inconvienance\n", + "development2\n", + "teachersa\n", + "statesBut\n", + "smartjust\n", + "stpo\n", + "vibarte\n", + "healthand\n", + "terrene\n", + "workbecause\n", + "byebye\n", + "coprorations\n", + "Natrual\n", + "sruff\n", + "becaomes\n", + "irrationalPlumer\n", + "studentsbecause\n", + "schoolthis\n", + "runningstamina\n", + "Legislautures\n", + "implemenet\n", + "supporte\n", + "electrocal\n", + "Automoblie\n", + "afordable\n", + "easie\n", + "tinglying\n", + "hundrendthousand\n", + "91\n", + "pensil\n", + "averadge\n", + "intsinct\n", + "degressliquefy\n", + "peove\n", + "landforce\n", + "802\n", + "laggugis\n", + "extemsive\n", + "oneprofessional\n", + "relavents\n", + "Especually\n", + "spans156\n", + "that70\n", + "sirfaceparagraph\n", + "herbecause\n", + "Seconddirveless\n", + "dangruse\n", + "2035\n", + "malunfunctions\n", + "pmanet\n", + "oxugine\n", + "counntry\n", + "looklike\n", + "toobecuase\n", + "hthat\n", + "esoteded\n", + "Drousy\n", + "Earthslike\n", + "jobthing\n", + "osmeones\n", + "caraccidentcaselaw\n", + "studentplanned\n", + "regluar\n", + "presidentparagraph\n", + "cloundfraped\n", + "FirstDr\n", + "accindent\n", + "planprocedure\n", + "equipted\n", + "passengerthe\n", + "evolted\n", + "fahrenheite\n", + "alterning\n", + "constiton\n", + "Sometimethe\n", + "scientifcally\n", + "classroomand\n", + "whttling\n", + "orgtextinganddriving\n", + "ussage\n", + "couontry\n", + "thatÂs\n", + "plannig\n", + "MrSenetor\n", + "iSTEP\n", + "magizines\n", + "statemnt\n", + "magnifcent\n", + "Lerning\n", + "acandidate\n", + "interging\n", + "casusing\n", + "asfencing\n", + "represenitives\n", + "leavels\n", + "usuing\n", + "metrorails\n", + "couldnÃÂt\n", + "chatches\n", + "decised\n", + "winnertakeakk\n", + "elliminate\n", + "BESTLAID\n", + "794\n", + "nonintrested\n", + "bordersRosenthal\n", + "rightthe\n", + "systeam\n", + "makeis\n", + "apporopriations\n", + "realitly\n", + "dinneror\n", + "selfdiscovery\n", + "assocaiated\n", + "pressire\n", + "seamans\n", + "licenesed\n", + "resticts\n", + "atomatic\n", + "conditition\n", + "afarid\n", + "plaese\n", + "facinationg\n", + "siduation\n", + "displaied\n", + "destenation\n", + "longtern\n", + "152\n", + "highwayIf\n", + "sflashing\n", + "resimbled\n", + "facilityto\n", + "Probaly\n", + "Imagaine\n", + "vitial\n", + "explaings\n", + "prefeence\n", + "baseballvolleyball\n", + "coampaign\n", + "vechicule\n", + "immisions\n", + "flot\n", + "Vinece\n", + "masterpeice\n", + "roilng\n", + "systemtheres\n", + "edusiowfa1520151204whyisourgenerationsattentionspansoshort\n", + "cheerfuly\n", + "fuek\n", + "somewhereor\n", + "scientistsresearchers\n", + "defences\n", + "nonlazy\n", + "technally\n", + "benitfical\n", + "elatronics\n", + "becausethen\n", + "jubget\n", + "investgion\n", + "anables\n", + "landforn\n", + "technogy\n", + "differentwhich\n", + "clonclusion\n", + "slaters\n", + "visists\n", + "electionrequires\n", + "flexibleand\n", + "999\n", + "studymeaning\n", + "dessided\n", + "sensros\n", + "examplestudents\n", + "canadd\n", + "Gorereceived\n", + "youngcows\n", + "yearbooklearning\n", + "breathinglung\n", + "consiracy\n", + "ninteen\n", + "biuld\n", + "complicatedbut\n", + "mystrious\n", + "Pharagraph\n", + "senser\n", + "futurtistic\n", + "theryre\n", + "irrationalthese\n", + "expesive\n", + "disvalued\n", + "atoumating\n", + "deepdown\n", + "stressfulsometimes\n", + "porblems\n", + "systemin\n", + "throughing\n", + "abudantly\n", + "enteresting\n", + "mecanichle\n", + "busey\n", + "expanced\n", + "ultimently\n", + "whittiling\n", + "phonessmartphones\n", + "milefuntion\n", + "distroit\n", + "misjudgement\n", + "Nextaliens\n", + "benift\n", + "productiveparagraph\n", + "aprtial\n", + "hereMom\n", + "headantenasbodyand\n", + "wwork\n", + "advancment\n", + "representaion\n", + "potenBally\n", + "comaarpcarinsurancehowcarinsuranceworks\n", + "efficienty\n", + "puing\n", + "outcomesÃÂ\n", + "motorSource\n", + "easebut\n", + "hekps\n", + "simmularities\n", + "inmportant\n", + "biais\n", + "acloundless\n", + "rebundal\n", + "pollutionpassenger\n", + "survies\n", + "OPIONE\n", + "Contitstution\n", + "workmuch\n", + "alltheres\n", + "examlpe\n", + "limliting\n", + "patricks\n", + "dioxcide\n", + "SSCharels\n", + "Oconners\n", + "indcidents\n", + "Reaseachers\n", + "parisfrance\n", + "prosperic\n", + "voteso\n", + "outiside\n", + "emoions\n", + "subjuect\n", + "seventeeen\n", + "insentives\n", + "citystreet\n", + "nessesarily\n", + "powerul\n", + "angerly\n", + "accepters\n", + "friendfamily\n", + "hightraffic\n", + "accendents\n", + "dramadically\n", + "3003000\n", + "orgtemplatesstorystory\n", + "endedparagraph\n", + "liqufy\n", + "deppest\n", + "youer\n", + "sopulled\n", + "satisfacion\n", + "considring\n", + "COMPAIN\n", + "proficent\n", + "teensfriends\n", + "sterio\n", + "apose\n", + "oppsoing\n", + "friendsfamilyetc\n", + "systemwhich\n", + "intirested\n", + "aguments\n", + "actses\n", + "Donheres\n", + "neighbouring\n", + "emissioms\n", + "anmateur\n", + "miserbale\n", + "terrestrail\n", + "studeis\n", + "dangeruos\n", + "prepair\n", + "diffrenece\n", + "vheecks\n", + "gamesdownloading\n", + "commuit\n", + "cloest\n", + "naton\n", + "dissagrees\n", + "happysadmadetc\n", + "250\n", + "dioxideclouds\n", + "consequetively\n", + "issuesroad\n", + "Paragraghs\n", + "iligal\n", + "cosing\n", + "Bogato\n", + "comeAlso\n", + "perductive\n", + "whise\n", + "700pm\n", + "recongnized\n", + "occean\n", + "tellwhere\n", + "feell\n", + "esssays\n", + "vidoeography\n", + "disreguard\n", + "reasond\n", + "controlable\n", + "asdding\n", + "enivornmentally\n", + "interpate\n", + "personafter\n", + "clsoer\n", + "reliese\n", + "forcefeeding\n", + "greatIm\n", + "dongo\n", + "onelike\n", + "talksocialized\n", + "capibility\n", + "certant\n", + "workng\n", + "megalodons\n", + "mallks\n", + "FirstProfessor\n", + "phoneyou\n", + "wholey\n", + "leadit\n", + "dermocratic\n", + "standerized\n", + "ineed\n", + "Classroms\n", + "didate\n", + "techsavvy\n", + "disaventage\n", + "Intelegent\n", + "loosin\n", + "opionon\n", + "homeif\n", + "descrinbing\n", + "perhappes\n", + "guarunteed\n", + "itts\n", + "eaisily\n", + "illution\n", + "trappen\n", + "conveniencelike\n", + "auter\n", + "disguist\n", + "studinng\n", + "highwayRosenthal\n", + "marjor\n", + "semiautonymous\n", + "californiagiven\n", + "pyramidlike\n", + "undertiminable\n", + "similaraties\n", + "Posner19\n", + "mantains\n", + "anmials\n", + "ajestments\n", + "434\n", + "whoom\n", + "staisfaction\n", + "3045\n", + "becoma\n", + "carlimited\n", + "Venuns\n", + "thousinds\n", + "emotitons\n", + "govorment\n", + "gradesand\n", + "Presidentcause\n", + "camra\n", + "runshard\n", + "gworing\n", + "infromationadvices\n", + "rrather\n", + "clothesshoes\n", + "mazimum\n", + "notsosmart\n", + "carentertainment\n", + "HitandRuns\n", + "unresponsibl\n", + "liabilitt\n", + "windsand\n", + "comparson\n", + "annoced\n", + "40million\n", + "invalueable\n", + "othersWhich\n", + "obstinant\n", + "angryDAlto\n", + "exeeds\n", + "thounsands\n", + "realise\n", + "Fortuatntly\n", + "wmaking\n", + "passengars\n", + "resluts\n", + "misisng\n", + "teenssafe\n", + "someine\n", + "represenitive\n", + "combersome\n", + "subjust\n", + "waterbales\n", + "Beyon\n", + "protoction\n", + "aiplanes\n", + "ConclusionThe\n", + "perdictions\n", + "vertauily\n", + "arouhd\n", + "gratful\n", + "automile\n", + "privaledge\n", + "Adivor\n", + "withmy\n", + "concissed\n", + "astronomoers\n", + "unerstand\n", + "asPublic\n", + "theycould\n", + "pollutied\n", + "gron\n", + "coputers\n", + "preassureheat\n", + "arrieved\n", + "viking1\n", + "Ellectoral\n", + "elctionselectors\n", + "134\n", + "rivale\n", + "sterr\n", + "monitorization\n", + "thust\n", + "oribicularis\n", + "accursy\n", + "realse\n", + "Perment\n", + "tehnically\n", + "Attening\n", + "teachersdesigned\n", + "couldny\n", + "reopresents\n", + "oont\n", + "saftely\n", + "substand\n", + "workclasses\n", + "picures\n", + "soomething\n", + "preferr\n", + "3phargraph\n", + "castThis\n", + "ENVIRMOENTAL\n", + "remainings\n", + "votesRichard\n", + "dissaper\n", + "fifteendollar\n", + "theelectors\n", + "exsiqsitict\n", + "Firstthese\n", + "thuings\n", + "saysthousands\n", + "recognise\n", + "govornments\n", + "deesigned\n", + "theink\n", + "problemwalk\n", + "catlle\n", + "seemable\n", + "NASAS\n", + "Representativeswhere\n", + "personper\n", + "problemand\n", + "notifiedtherefore\n", + "teachersand\n", + "FREIBURGNEAR\n", + "timemy\n", + "challengesparagraph\n", + "cleannig\n", + "elace\n", + "dirveless\n", + "prioritised\n", + "2000but\n", + "audomadicly\n", + "erll\n", + "directionif\n", + "counterfits\n", + "istant\n", + "requiresParagraph\n", + "populrity\n", + "muich\n", + "450\n", + "consitering\n", + "topicsIf\n", + "elligable\n", + "depised\n", + "experiencethe\n", + "90180\n", + "thoughroughly\n", + "endorphines\n", + "fahrenheitm\n", + "April1998\n", + "previleges\n", + "withtecnology\n", + "studydespite\n", + "SCP2317\n", + "bisnesses\n", + "mAKES\n", + "pollutionThese\n", + "wellworth\n", + "confortble\n", + "faceThis\n", + "271\n", + "schoolsickly\n", + "semisautonomous\n", + "humens\n", + "7079\n", + "superstions\n", + "temputure\n", + "technoly\n", + "astronomos\n", + "winnerPosner\n", + "proffetionaly\n", + "nigthtmare\n", + "tournamentsfencingboxingreadingwhittlingand\n", + "wjat\n", + "vidoeo\n", + "universitybecasuse\n", + "answersresponses\n", + "conutry\n", + "possiblelity\n", + "precentages\n", + "benefitfrom\n", + "through12\n", + "constuctive\n", + "citiesThe\n", + "phonemobile\n", + "creatuve\n", + "democarts\n", + "supplys\n", + "assuptions\n", + "2018\n", + "countercaims\n", + "moreequally\n", + "1945\n", + "Senors\n", + "allopw\n", + "DEARstate\n", + "pollutiongreenhouse\n", + "navagating\n", + "hewent\n", + "UNmasking\n", + "indepedantly\n", + "acceleratesteerand\n", + "staris\n", + "fulltimes\n", + "Scientest\n", + "fruadery\n", + "meanto\n", + "fladed\n", + "Quizlet\n", + "leavel\n", + "Facebut\n", + "pieace\n", + "6rd\n", + "anachronismPosnerParagraph15\n", + "peirod\n", + "canddidate\n", + "dily\n", + "votingbut\n", + "teacherprojects\n", + "Eletronical\n", + "attuide\n", + "movineon\n", + "onlining\n", + "Conclusionin\n", + "commutate\n", + "smilesworryor\n", + "oxygenfoodwater\n", + "bicked\n", + "legislatiors\n", + "carbanning\n", + "stellers\n", + "determide\n", + "Afterthey\n", + "reposiblilty\n", + "assumimg\n", + "importantanother\n", + "inclinded\n", + "presidentail\n", + "sevenyearold\n", + "inspried\n", + "govbriefingroomnhtsasurveyfinds660000driversusingcellphonesormanipulatingelectronicdevices\n", + "FACD\n", + "convined\n", + "benifity\n", + "orgainze\n", + "earthqaukes\n", + "Thease\n", + "mesasmesalandforms\n", + "techniquesskills\n", + "beggening\n", + "sailong\n", + "resepect\n", + "eraly\n", + "overcomed\n", + "somedys\n", + "overbreak\n", + "experiances\n", + "ifthat\n", + "thenthis\n", + "electorak\n", + "tranmit\n", + "extermly\n", + "decicion\n", + "poiliticans\n", + "taolpopes\n", + "maintnence\n", + "somwthing\n", + "majoratiy\n", + "thaks\n", + "callibrating\n", + "maunfactures\n", + "Aftrer\n", + "underwelming\n", + "warbut\n", + "experimet\n", + "schudule\n", + "electe\n", + "novemeber\n", + "imagintion\n", + "cartages\n", + "ahrder\n", + "expalnation\n", + "workhomework\n", + "Heridrun\n", + "technonology\n", + "Idefensible\n", + "Venuslike\n", + "probility\n", + "tryoutplay\n", + "plaents\n", + "Instagraminstagram\n", + "tould\n", + "distrubed\n", + "manucturers\n", + "tquestion\n", + "opionio\n", + "1995Source\n", + "worthyly\n", + "thist\n", + "differentlywhether\n", + "findind\n", + "etransportation\n", + "2221\n", + "Floridads\n", + "becasues\n", + "elementray\n", + "sucides\n", + "atenttion\n", + "foursentence\n", + "Carolinavoters\n", + "difficulit\n", + "Hve\n", + "awiel\n", + "participtate\n", + "depleat\n", + "aduts\n", + "placesand\n", + "bythemsevs\n", + "knowleage\n", + "traval\n", + "1internet\n", + "evironmwnt\n", + "ususe\n", + "payclose\n", + "opportunityexperience\n", + "chaging\n", + "quetions\n", + "Vaubaun\n", + "understandment\n", + "fatehrs\n", + "technologyworkingplanning\n", + "ruiened\n", + "equiopment\n", + "creatinf\n", + "repeatingly\n", + "cancellationsfor\n", + "companines\n", + "authore\n", + "reulted\n", + "efeil\n", + "skyhow\n", + "2443000\n", + "Miachel\n", + "percentigs\n", + "partydominated\n", + "wonderingdo\n", + "nobdy\n", + "cetainty\n", + "teacherdesdigned\n", + "recgonition\n", + "boredThis\n", + "advantagenow\n", + "75or\n", + "beas\n", + "artile\n", + "restauran\n", + "jumpingthat\n", + "intesting\n", + "amire\n", + "AdministrationWhere\n", + "eitheir\n", + "afread\n", + "crashesand\n", + "Modent\n", + "9296\n", + "champaigning\n", + "experesions\n", + "needstudents\n", + "siht\n", + "FAcial\n", + "unnessacarily\n", + "coinencidently\n", + "wholistically\n", + "clasrooms\n", + "tostey\n", + "electorsPosner1\n", + "twinhow\n", + "WestsThats\n", + "Vicking\n", + "40000along\n", + "genaration\n", + "segregationistsmeaning\n", + "pricees\n", + "accessand\n", + "elctronic\n", + "gavie\n", + "mushroomswill\n", + "Emplementing\n", + "corrisponding\n", + "advicethey\n", + "offchance\n", + "historyThe\n", + "particiapate\n", + "howeveer\n", + "Aciton\n", + "hungery\n", + "intelegent\n", + "drescribe\n", + "carbride\n", + "electionthey\n", + "industies\n", + "confiused\n", + "filmsappeared\n", + "recignition\n", + "chaso\n", + "coanidate\n", + "dicisions\n", + "plumitted\n", + "Earthpara3\n", + "elelctors\n", + "numder\n", + "baned\n", + "knowlwdge\n", + "allwe\n", + "gargantuous\n", + "uncontrolbaly\n", + "hospitaland\n", + "Studentmade\n", + "stroger\n", + "electorswho\n", + "cerfiu\n", + "Zygomatic\n", + "ecpressions\n", + "Suberb\n", + "fariheit\n", + "resipes\n", + "staudent\n", + "leastly\n", + "tincan\n", + "2021\n", + "bennefit\n", + "intesifying\n", + "electionvoters\n", + "Consistution\n", + "infomaion\n", + "itÃÂs\n", + "antolock\n", + "thck\n", + "regionsouth\n", + "subatle\n", + "restaurantsso\n", + "inflorme\n", + "eyetoeye\n", + "poinless\n", + "18931900\n", + "lowmiddle\n", + "electircity\n", + "foalt\n", + "landinf\n", + "malfucntions\n", + "onhalf\n", + "regoinal\n", + "contagest\n", + "shoulndt\n", + "sercets\n", + "closesy\n", + "beatutfil\n", + "studentstudent\n", + "differrnt\n", + "peruit\n", + "passivly\n", + "becaome\n", + "thinnnk\n", + "Finnalythats\n", + "pshysical\n", + "collectivley\n", + "practial\n", + "srticle\n", + "diastor\n", + "BogotaParisand\n", + "differenty\n", + "personalinjurysandiego\n", + "convine\n", + "everyhing\n", + "saferbetter\n", + "sersiously\n", + "coincidentall\n", + "sometype\n", + "polluition\n", + "meanwell\n", + "envoirnment\n", + "beniftial\n", + "embarresed\n", + "beneficialharder\n", + "forpresident\n", + "wellwishing\n", + "Flexiblity\n", + "buisnessman\n", + "palces\n", + "Theere\n", + "santes\n", + "destrution\n", + "electorss\n", + "noGeneric_Name\n", + "becomoe\n", + "driveroperated\n", + "evennumered\n", + "indeeds\n", + "candidatethere\n", + "spicific\n", + "percoent\n", + "carshop\n", + "sudenta\n", + "worthing\n", + "proprotional\n", + "disition\n", + "detailedon\n", + "envent\n", + "goodnis\n", + "approvedd\n", + "decisionthe\n", + "tigth\n", + "sdrivers\n", + "rectangularsquare\n", + "Europethe\n", + "aritcles\n", + "helpout\n", + "Democrac\n", + "studentsand\n", + "munny\n", + "39\n", + "myselfI\n", + "liablities\n", + "scholled\n", + "cowyboys\n", + "avioded\n", + "safly\n", + "selfreliance\n", + "oopose\n", + "whilr\n", + "famiies\n", + "gonverment\n", + "anchronism\n", + "counselers\n", + "shouw\n", + "preassure\n", + "motherfather\n", + "Therehave\n", + "adiquite\n", + "wereparagraph\n", + "acompish\n", + "pappers\n", + "movents\n", + "myslf\n", + "aboliashed\n", + "Finallyyoull\n", + "resonas\n", + "placeyou\n", + "fortythree\n", + "NonAthlete\n", + "satae\n", + "Apparenlty\n", + "holltwood\n", + "desaters\n", + "3also\n", + "corrosvie\n", + "ideainvention\n", + "pershaps\n", + "coastly\n", + "evinsions\n", + "uturn\n", + "Computerdriven\n", + "ploicy\n", + "lissend\n", + "htye\n", + "cerent\n", + "wintakeall\n", + "uneccesary\n", + "obstical\n", + "pivked\n", + "posotive\n", + "listining\n", + "caude\n", + "articraft\n", + "usespecially\n", + "daypg\n", + "sturctue\n", + "oinions\n", + "mthod\n", + "siblimal\n", + "workdont\n", + "upstet\n", + "observationbecause\n", + "erotion\n", + "1900s\n", + "Operandae\n", + "carryint\n", + "cityair\n", + "worseConsider\n", + "surfaceParagraph\n", + "5500\n", + "sentens\n", + "sophisicated\n", + "ancietn\n", + "moreand\n", + "Astonomers\n", + "recoginze\n", + "copasity\n", + "distarction\n", + "abaut\n", + "wisley\n", + "Aeronaautics\n", + "artclub\n", + "ebonyhaired\n", + "eduacation\n", + "illinosworking\n", + "needsAnd\n", + "tooparagraph\n", + "pasaage\n", + "lifeunlike\n", + "sadband\n", + "reducion\n", + "Thatfor\n", + "woithout\n", + "paragrafh\n", + "convinet\n", + "sytyem\n", + "badd\n", + "orgteencrashriskspreventiondrivingcellphones\n", + "00000001\n", + "passageThe\n", + "topuch\n", + "emotionshappinesssurpriseangerdisgustfear\n", + "acyually\n", + "rushhours\n", + "eitherway\n", + "comfused\n", + "daughterson\n", + "extracredit\n", + "ofgreenhouse\n", + "nomie\n", + "explainingand\n", + "inconcideration\n", + "maufacturers\n", + "emotionsThis\n", + "defanitly\n", + "classroomss\n", + "Plumerss\n", + "technologysafety\n", + "footballsoccerbasketball\n", + "tcars\n", + "posner\n", + "sayhey\n", + "Emisions\n", + "waysaid\n", + "FinallyGarvin\n", + "thisthat\n", + "exersice\n", + "emmiting\n", + "traffit\n", + "wwhen\n", + "interfear\n", + "experinece\n", + "paragrath\n", + "usstudents\n", + "countryits\n", + "mathscience\n", + "Fahrenheit5\n", + "developin\n", + "componenet\n", + "choiceAnd\n", + "instructorThis\n", + "fowrward\n", + "pradictable\n", + "Rehibilitation\n", + "overwhemled\n", + "aacap\n", + "electios\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "phycologist\n", + "orgcronews200907shouldcellphoneusebydriversbeillegali\n", + "opperating\n", + "NevadaFlordia\n", + "teachesr\n", + "historymath\n", + "moajoraty\n", + "theorys\n", + "com201804howmanycaraccidentsarecausedbycellphones\n", + "Nixton\n", + "carear\n", + "emotionrecognition\n", + "describles\n", + "avoice\n", + "teendriving\n", + "frightenning\n", + "identfies\n", + "nakes\n", + "Outsideofthehouse\n", + "GalaxyMilky\n", + "pariticipation\n", + "emontions\n", + "tpld\n", + "bluring\n", + "wouuld\n", + "excitning\n", + "conculation\n", + "foccusing\n", + "twosecond\n", + "expeince\n", + "Illonois\n", + "atrounauts\n", + "desnigned\n", + "teacherdesign\n", + "disover\n", + "congree\n", + "discusted\n", + "wicgh\n", + "veiwing\n", + "phiscal\n", + "alleven\n", + "yarsa\n", + "citiescali\n", + "watchplay\n", + "Columbai\n", + "realixe\n", + "canels\n", + "awille\n", + "Venusd\n", + "echallenging\n", + "skateor\n", + "futue\n", + "bedon\n", + "laving\n", + "ofcorse\n", + "swingstate\n", + "elcators\n", + "dtiiri_gif\n", + "forver\n", + "sitiouions\n", + "possiblefor\n", + "o9en\n", + "stateit\n", + "twoards\n", + "cintribute\n", + "funfree\n", + "vacaison\n", + "postionestimating\n", + "Onther\n", + "constantily\n", + "Apperently\n", + "opcion\n", + "scarybad\n", + "cowa\n", + "Mcgriddles\n", + "memorise\n", + "Reguardless\n", + "shrieksWell\n", + "stted\n", + "achient\n", + "concern8\n", + "eathquakes\n", + "voulintary\n", + "mercedesbenzaudi\n", + "extraculirrclar\n", + "ctopped\n", + "jobas\n", + "tournamentsfencingboxingreadingeven\n", + "1000000\n", + "foced\n", + "expireneces\n", + "averagof\n", + "presidenti\n", + "elaborationg\n", + "peerson\n", + "inderstand\n", + "portraies\n", + "niot\n", + "2836847\n", + "increaing\n", + "instctors\n", + "Aacap\n", + "nessity\n", + "startstop\n", + "ciricullar\n", + "Pradford\n", + "advanges\n", + "artifactsreally\n", + "mindaltering\n", + "dangerof\n", + "belivers\n", + "wrec\n", + "871\n", + "16times\n", + "torwds\n", + "freiburd\n", + "bazzar\n", + "rador\n", + "currantly\n", + "oppertuntires\n", + "cientifics\n", + "swiches\n", + "14million\n", + "littly\n", + "commutin\n", + "hpot\n", + "slenderman\n", + "elctos\n", + "safetywise\n", + "electionof\n", + "nessesites\n", + "disaplen\n", + "ferhight\n", + "twords\n", + "advce\n", + "candidites\n", + "presidentvote\n", + "oppoortunity\n", + "endeavorsP8\n", + "terrians\n", + "assumpution\n", + "regnize\n", + "60s\n", + "FranceGermanyand\n", + "votesis\n", + "inconvient\n", + "altimately\n", + "goesminto\n", + "comperhanded\n", + "disspear\n", + "adviceyoull\n", + "tranregional\n", + "accedice\n", + "teachersguidance\n", + "envirement\n", + "wristsbands\n", + "knowledgeful\n", + "NaBonal\n", + "ypou\n", + "countriescities\n", + "smartwatch\n", + "thatSome\n", + "caN\n", + "hardeset\n", + "incates\n", + "saft\n", + "imagtheant\n", + "occasinally\n", + "happymadsad\n", + "expaining\n", + "expressionwas\n", + "oppsing\n", + "goodBecause\n", + "astronuats\n", + "binifit\n", + "tamperd\n", + "unnecissariy\n", + "Nothey\n", + "bysometimes\n", + "eripting\n", + "valcano\n", + "questionand\n", + "sujest\n", + "advanage\n", + "sitautions\n", + "gicing\n", + "repersentatives\n", + "importantuseful\n", + "vechle\n", + "vecheil\n", + "Chinia\n", + "timerestriction\n", + "dislexya\n", + "opppesed\n", + "tmeperatures\n", + "drivewats\n", + "citizensstated\n", + "willgo\n", + "ofcurs\n", + "TransRegional\n", + "SystemFARS\n", + "everythingthey\n", + "announcded\n", + "COULDVE\n", + "unhealthyunnatural\n", + "oppuritnty\n", + "comsafedrivinglikelihoodofcrashingwhiledistracted\n", + "22euros\n", + "drivnig\n", + "smartwatches\n", + "crub\n", + "popularf\n", + "levittown\n", + "2739\n", + "expiernces\n", + "somehere\n", + "poinmts\n", + "summorize\n", + "timeSource\n", + "erins\n", + "lessonsAnd\n", + "curuose\n", + "Feriburg\n", + "habbitable\n", + "expensivebut\n", + "zygomtic\n", + "971\n", + "tenseIm\n", + "delarships\n", + "playerand\n", + "montain\n", + "disapate\n", + "txtin\n", + "fine31The\n", + "unmanagable\n", + "posple\n", + "civilazations\n", + "windsheild\n", + "technologicallydependent\n", + "prementioned\n", + "isty\n", + "Bmes\n", + "borred\n", + "statest\n", + "peoplemostly\n", + "mght\n", + "programmes\n", + "learningGeneric_Name\n", + "palnning\n", + "DSlto\n", + "accces\n", + "creativelearning\n", + "limations\n", + "highlyregulated\n", + "silmilarity\n", + "intermet\n", + "studant\n", + "sunThe\n", + "identicle\n", + "ReutersDuffer16\n", + "oberate\n", + "aggitating\n", + "distractedas\n", + "temperatur\n", + "hummans\n", + "microgrmas\n", + "adolesance\n", + "spoted\n", + "alows\n", + "econiomic\n", + "Mkaing\n", + "candident\n", + "Goodmoring\n", + "stayong\n", + "EuropeGreeceand\n", + "ault\n", + "descorvies\n", + "loveing\n", + "smogwhich\n", + "camaign\n", + "dearful\n", + "qwell\n", + "Francenamed\n", + "textMeanwhile\n", + "havw\n", + "partnernign\n", + "unefficient\n", + "germeny\n", + "FromPROPER_NAME\n", + "festvities\n", + "20s\n", + "fatalityfree\n", + "electoin\n", + "tableennis\n", + "terrable\n", + "bettre\n", + "walletpurse\n", + "importantlearn\n", + "furtherly\n", + "outcmomes\n", + "vincis\n", + "confusef\n", + "enouf\n", + "evne\n", + "driverin\n", + "useother\n", + "abanding\n", + "timeseven\n", + "infromed\n", + "overwhellmed\n", + "tragicic\n", + "tailpipesAfter\n", + "besfriend\n", + "unman\n", + "11\n", + "benifites\n", + "questionbut\n", + "mostrocity\n", + "negitvies\n", + "indesirable\n", + "authorIt\n", + "sovling\n", + "jugdemental\n", + "soport\n", + "thoughtsyou\n", + "selfsustaining\n", + "homeFirst\n", + "extracrrualar\n", + "and\n", + "Haunght\n", + "problaly\n", + "senetor\n", + "CydoniaIn\n", + "cnandidate\n", + "personoption\n", + "leason\n", + "vapes\n", + "hihgways\n", + "ofALOT\n", + "exctracurricular\n", + "trueIts\n", + "garge\n", + "whothout\n", + "Atfer\n", + "oneone\n", + "conmftrable\n", + "reaeon\n", + "repairand\n", + "volcanoespowerful\n", + "statefunded\n", + "responiblity\n", + "about4000\n", + "personl\n", + "leeps\n", + "devic\n", + "conditionsbut\n", + "xample\n", + "toparagraph\n", + "selectingthe\n", + "atomshere\n", + "antentionand\n", + "opprotunitys\n", + "analyazed\n", + "1639\n", + "parkng\n", + "viber\n", + "tennisand\n", + "Factial\n", + "presidnetal\n", + "volleyballsome\n", + "intentful\n", + "teacherthe\n", + "eliminaed\n", + "presidants\n", + "persentages\n", + "actirity\n", + "choiceto\n", + "exensive\n", + "nonververbal\n", + "themselfes\n", + "intorested\n", + "VIOLATORS\n", + "sytstem\n", + "veans\n", + "stopgo\n", + "theybhavent\n", + "highten\n", + "garduate\n", + "adavntage\n", + "dollarsThere\n", + "humam\n", + "crashesaccidents\n", + "knowledgement\n", + "reblock\n", + "friendsschools\n", + "initimidating\n", + "responsibiliy\n", + "STATEHAS\n", + "atomsopher\n", + "intructions\n", + "locationsthe\n", + "Coyboy\n", + "Autisum\n", + "qutie\n", + "measurments\n", + "shipes\n", + "resembales\n", + "Marsour\n", + "comerce\n", + "covince\n", + "perpares\n", + "opotion\n", + "noreduced\n", + "studentphoneand\n", + "unforunately\n", + "1319\n", + "steeraccelerate\n", + "centersalso\n", + "1700\n", + "horrble\n", + "defenitly\n", + "benchs\n", + "themmaking\n", + "diliver\n", + "dangerousehot\n", + "garente\n", + "adavancing\n", + "craked\n", + "learnand\n", + "manuftor\n", + "emploees\n", + "2031\n", + "studentcentered\n", + "schoolÃÂs\n", + "winningsource\n", + "emmison\n", + "coumputer\n", + "celebritu\n", + "httpswww\n", + "compainies\n", + "startedGeneric_Name\n", + "transportataion\n", + "couldnt7\n", + "presidentThats\n", + "polpulation\n", + "yaaaaaa\n", + "sililar\n", + "moter\n", + "dictector\n", + "detromental\n", + "illustratesOn\n", + "symotainiously\n", + "dioxideand\n", + "eliviate\n", + "Conclusionevery\n", + "HYBRIDSAND\n", + "indivaduals\n", + "Alast\n", + "Responsability\n", + "sicknessor\n", + "iyou\n", + "reasourses\n", + "meteroids\n", + "unbeleiveable\n", + "piolet\n", + "10When\n", + "preventng\n", + "2Venus\n", + "lisnces\n", + "derivers\n", + "ingaed\n", + "corect\n", + "slite\n", + "obiting\n", + "familyhome\n", + "Valledupr\n", + "precambrian\n", + "hevily\n", + "coviering\n", + "ubers\n", + "presrving\n", + "airr\n", + "45000\n", + "orgusfacts11\n", + "trafficless\n", + "crativity\n", + "roff\n", + "activitylets\n", + "regarless\n", + "atetion\n", + "himselfWhat\n", + "neighborhoodsaid\n", + "talkwalk\n", + "risouris\n", + "smartter\n", + "beaues\n", + "micograms\n", + "401\n", + "nution\n", + "ventage\n", + "lowesteemed\n", + "himshe\n", + "creaper\n", + "oftenly\n", + "luarn\n", + "datails\n", + "facila\n", + "schud\n", + "Safetey\n", + "wouldsay\n", + "auothor\n", + "aarons\n", + "plateu\n", + "firie\n", + "constist\n", + "falce\n", + "wouldknow\n", + "banifits\n", + "mkae\n", + "easlily\n", + "iding\n", + "awayand\n", + "peopletalking\n", + "tretmeant\n", + "occouins\n", + "doinga\n", + "Fahrenteit\n", + "faceaccording\n", + "tobut\n", + "newbut\n", + "CarterBob\n", + "descoverage\n", + "orgdistracteddrivingresearchnhtsadistracteddrivingcrashescost\n", + "whitteling\n", + "understading\n", + "edjicated\n", + "distamce\n", + "1968\n", + "dontof\n", + "fingure\n", + "actiivitys\n", + "Colloge\n", + "Eveything\n", + "technoligy\n", + "teachingthe\n", + "Metinguey\n", + "lowerd\n", + "desiceing\n", + "untimidating\n", + "incredbly\n", + "multilayed\n", + "getteing\n", + "fullyfunctioning\n", + "cludy\n", + "makeand\n", + "woudlnt\n", + "vocationaltrade\n", + "wiel\n", + "730am\n", + "aplanetary\n", + "ovwer\n", + "differenes\n", + "unmannedsince\n", + "needand\n", + "safetycritical\n", + "Overrall\n", + "Italya\n", + "outofthisworld\n", + "binfit\n", + "marsThe\n", + "wisitersfor\n", + "pollutionsource\n", + "hobbys\n", + "mitake\n", + "intendedvto\n", + "optamistic\n", + "brieflty\n", + "slolar\n", + "GorePosner\n", + "electal\n", + "hihg\n", + "nothigbut\n", + "arounced\n", + "Basicaly\n", + "rquired\n", + "Senitors\n", + "benfital\n", + "recoreted\n", + "wasnt\n", + "lessonbecause\n", + "reasonskeeps\n", + "enthuriastic\n", + "candidaate\n", + "emotionrecognized\n", + "continuisly\n", + "provdided\n", + "velleys\n", + "displeas\n", + "secund\n", + "Columbiaall\n", + "nautre\n", + "brightrst\n", + "towrdes\n", + "problom\n", + "comcaraccidentcauseofaccidentcellphonestatistics\n", + "presidentThe\n", + "toutering\n", + "representavite\n", + "friendswill\n", + "inhanced\n", + "pedistrian\n", + "suburbuan\n", + "stuffso\n", + "stricted\n", + "undrestand\n", + "3000\n", + "adviceopinion\n", + "coustomer\n", + "brige\n", + "havents\n", + "tranportations\n", + "traffle\n", + "Teaxs\n", + "Geoerge\n", + "advanved\n", + "supprts\n", + "constructa\n", + "crucal\n", + "thehartford\n", + "sneakersrunning\n", + "encouunter\n", + "yearor\n", + "lugg\n", + "regareded\n", + "Althogh\n", + "797\n", + "wothout\n", + "secondthird\n", + "Legistature\n", + "pench\n", + "bulliedover\n", + "archieves\n", + "electronicaly\n", + "jrunk\n", + "ThereforeOnline\n", + "worldpara\n", + "evedice\n", + "saysAs\n", + "stressrelief\n", + "soso\n", + "forcng\n", + "ressolve\n", + "surprisedisgustfear\n", + "deges\n", + "balive\n", + "votesPosner\n", + "alleins\n", + "Assosiation\n", + "footprintshmm\n", + "campaignto\n", + "plave\n", + "themsource\n", + "prramids\n", + "stressul\n", + "decidethe\n", + "paintersdrawers\n", + "indecate\n", + "overruledsource\n", + "eleteric\n", + "eatern\n", + "techerdesigned\n", + "leadingtrackvolleyballgolfingand\n", + "scaredand\n", + "noumerous\n", + "jobsfamily\n", + "minite\n", + "vandalisim\n", + "chalanges\n", + "siteseeing\n", + "Cowboysaid\n", + "effectivley\n", + "fauld\n", + "imorving\n", + "becues\n", + "underachievingso\n", + "distancesforms\n", + "blamn\n", + "emmensely\n", + "surfacelasted\n", + "cattleboater\n", + "Sometimestheir\n", + "battlecompete\n", + "innovatiobn\n", + "12\n", + "stuuf\n", + "wheil\n", + "Gorewon\n", + "GlobalSurveyor\n", + "Manypeople\n", + "sympthatic\n", + "acceptince\n", + "reconition\n", + "teachimprove\n", + "Reisthe\n", + "worksstriving\n", + "grocures\n", + "otyher\n", + "projectsshould\n", + "correcthow\n", + "dixide\n", + "eathquak\n", + "apportunities\n", + "troble\n", + "20So\n", + "tooThis\n", + "differient\n", + "comcaraccidentcauseofaccidentcellphone\n", + "kenndy\n", + "wesites\n", + "DOn\n", + "unprepare\n", + "empahty\n", + "teacherss\n", + "lowerincome\n", + "shyrocketing\n", + "aplogize\n", + "aultications\n", + "comparrison\n", + "amking\n", + "Firstmost\n", + "pargrraph\n", + "aftward\n", + "electoralvote\n", + "adaptablity\n", + "Peole\n", + "crosss\n", + "sayingI\n", + "lader\n", + "Indefense\n", + "dontbut\n", + "irresponsibles\n", + "betrayedhowever\n", + "skymaking\n", + "democrticin\n", + "prsident\n", + "testshomework\n", + "mras\n", + "impartante\n", + "boatsand\n", + "manufacturerer\n", + "manufature\n", + "caron\n", + "veanus\n", + "anymoreand\n", + "recgnize\n", + "hapynessdisgust\n", + "ansers\n", + "realese\n", + "sunBeyond\n", + "242011\n", + "voluntiers\n", + "commiteeand\n", + "Westparagraph\n", + "invlove\n", + "famalies\n", + "motherbut\n", + "threemillion\n", + "dbe\n", + "sdend\n", + "politicains\n", + "endbeavors\n", + "abive\n", + "allI\n", + "daythe\n", + "counteries\n", + "computerassisted\n", + "diocide\n", + "reasource\n", + "spieces\n", + "Firstlystudents\n", + "saidOur\n", + "pariceipate\n", + "electorol\n", + "NASAHas\n", + "calssse\n", + "rasises\n", + "selftaught\n", + "parkLarge\n", + "overuled\n", + "assisit\n", + "knownledgebut\n", + "Furthermorein\n", + "candidateThis\n", + "paert\n", + "outDont\n", + "hert\n", + "onlinealternate\n", + "Turely\n", + "simplilar\n", + "innormality\n", + "schealue\n", + "himselfhe\n", + "realtion\n", + "choicesdesicionsThere\n", + "transappeal\n", + "harazardous\n", + "pesidentbut\n", + "arrnes\n", + "acccelerate\n", + "planetit\n", + "opinino\n", + "Eaths\n", + "buisneses\n", + "systemvoters\n", + "unfilmualr\n", + "nautural\n", + "oppsion\n", + "sstudennt\n", + "teacherassignment\n", + "ferther\n", + "surroning\n", + "thatr\n", + "equimpment\n", + "trnsregion\n", + "obilatgated\n", + "conving\n", + "decisicions\n", + "releaves\n", + "chnge\n", + "fator\n", + "postitives\n", + "assingned\n", + "somethung\n", + "acceident\n", + "condititons\n", + "helpor\n", + "reproccutions\n", + "greenpurpleor\n", + "monumet\n", + "nowhold\n", + "endarging\n", + "enfourced\n", + "ticketscourt\n", + "fouced\n", + "dontcare\n", + "choicesfor\n", + "brightestv\n", + "avaliabe\n", + "answerperspective\n", + "cumilative\n", + "progressivly\n", + "simething\n", + "transfromed\n", + "MarsEarth\n", + "generallly\n", + "laborous\n", + "appreaite\n", + "autrocities\n", + "beive\n", + "fantisized\n", + "ThereÃÂs\n", + "1945world\n", + "computerthis\n", + "schook\n", + "fahrenhait\n", + "difeferent\n", + "knowbut\n", + "meteral\n", + "confusionboredomsadness\n", + "carebut\n", + "spurise\n", + "Eaqrths\n", + "demostrating\n", + "professormof\n", + "communicationwhich\n", + "Limitng\n", + "ecspecially\n", + "plalnet\n", + "flahy\n", + "archane\n", + "wwant\n", + "dramait\n", + "devoloping\n", + "sociteys\n", + "therelike\n", + "freeminded\n", + "overlookd\n", + "lifethis\n", + "discharfed\n", + "featureslike\n", + "Hawever\n", + "artices\n", + "followinf\n", + "arplanes\n", + "conferening\n", + "youas\n", + "suspious\n", + "inpacted\n", + "reseaching\n", + "Hartfor\n", + "Fahreanheit\n", + "seafer\n", + "inaccutartly\n", + "comared\n", + "Souce\n", + "porving\n", + "adamatically\n", + "comfertoble\n", + "Ultimatley\n", + "thenand\n", + "froever\n", + "deicranditate\n", + "tenty\n", + "studend\n", + "runers\n", + "intrestred\n", + "countryonly\n", + "acciedent\n", + "somoene\n", + "ethier\n", + "unintellegent\n", + "Brussls\n", + "featchers\n", + "expample\n", + "apealing\n", + "welloff\n", + "convienently\n", + "ownershipper\n", + "hydroplanning\n", + "unperdicable\n", + "boughtafter\n", + "plentifuland\n", + "earlierand\n", + "RELATIVE_NAMEs\n", + "constituition\n", + "2573\n", + "wrongwhich\n", + "somehing\n", + "consruction\n", + "listengive\n", + "uinlike\n", + "presidency9\n", + "selfsupervised\n", + "landorrms\n", + "seeJim\n", + "chamges\n", + "forwads\n", + "meor\n", + "isas\n", + "sopport\n", + "AlGoreThanks\n", + "expidition\n", + "EarthA\n", + "dect\n", + "footballsoccer\n", + "othercowboys\n", + "benenficial\n", + "1988\n", + "dirction\n", + "Scientests\n", + "mphdriverless\n", + "responsiblitly\n", + "Finantially\n", + "dsent\n", + "happs\n", + "vehice\n", + "succesul\n", + "cway\n", + "princlai\n", + "conclusionwe\n", + "probrobly\n", + "arumentative\n", + "extermely\n", + "tomorrowHe\n", + "vaulse\n", + "sitseeing\n", + "tlike\n", + "paitcene\n", + "idntify\n", + "thsn\n", + "manufacturures\n", + "comhowtextinganddrivingpushinsuranceratesup4163808\n", + "coopperate\n", + "processthey\n", + "techoology\n", + "succeedhome\n", + "implacations\n", + "numerouse\n", + "theripist\n", + "1980s\n", + "theopposing\n", + "extracular\n", + "protechnology\n", + "undestartand\n", + "pagraph\n", + "timemanagement\n", + "paciest\n", + "carsowned\n", + "polutionand\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "presedency\n", + "asumed\n", + "lisecen\n", + "illisuin\n", + "pivking\n", + "explanes\n", + "falllate\n", + "freasher\n", + "lurn\n", + "blammed\n", + "oddjobs\n", + "660000\n", + "SecondIt\n", + "classse\n", + "eqaul\n", + "landformations\n", + "stateswhen\n", + "votefor\n", + "pedeastrians\n", + "befiting\n", + "reprensentatives\n", + "wasequal\n", + "happyworriedsadetc\n", + "handhow\n", + "relibale\n", + "Lawmarkers\n", + "CretePanama\n", + "theyÃÂll\n", + "disspose\n", + "petrolium\n", + "carsized\n", + "happyto\n", + "30and\n", + "thatThe\n", + "psycholgists\n", + "emmtions\n", + "competting\n", + "fanticize\n", + "ruckess\n", + "drivrless\n", + "Horts\n", + "enviormentally\n", + "distracBons\n", + "SurburbLife\n", + "intereststudents\n", + "NHTSAcom\n", + "legislatur\n", + "prblems\n", + "fencingboxingreadingvollyball\n", + "expriment\n", + "suden\n", + "22211\n", + "cuntrys\n", + "homehe\n", + "epidemc\n", + "filfty\n", + "standerd\n", + "refreshmentof\n", + "friendsmake\n", + "truble\n", + "nesscities\n", + "Vienceand\n", + "gondula\n", + "SEBE\n", + "captio\n", + "hpe\n", + "proventing\n", + "Dugles\n", + "courtcase\n", + "vistits\n", + "apprieciation\n", + "knowledable\n", + "recivies\n", + "multipal\n", + "BECUAES\n", + "destroid\n", + "consitions\n", + "manufacturues\n", + "officerss\n", + "acadimliy\n", + "commmunities\n", + "whileworking\n", + "therere\n", + "arenon\n", + "manufactureing\n", + "DAltos\n", + "adavntages\n", + "moing\n", + "limmitted\n", + "compeling\n", + "forsome\n", + "excpiorience\n", + "Familys\n", + "BÃÂs\n", + "parished\n", + "wordstake\n", + "diffict\n", + "recless\n", + "Huange\n", + "indesicive\n", + "bankruped\n", + "evrywhere\n", + "someoen\n", + "Withought\n", + "arguemtn\n", + "consedering\n", + "detecing\n", + "vraked\n", + "systempresidential\n", + "celbrity\n", + "electronies\n", + "anylise\n", + "extraculiclar\n", + "Scine\n", + "Secondlytraveling\n", + "reist\n", + "avanture\n", + "studnt\n", + "interstead\n", + "deoxide\n", + "couid\n", + "22511\n", + "boikes\n", + "envirionment\n", + "familyfriends\n", + "zonesetc\n", + "statea\n", + "1017\n", + "benefis\n", + "otherr\n", + "represintives\n", + "cilmate\n", + "electrols\n", + "Sciencetist\n", + "rocksgasor\n", + "beening\n", + "deomcorcy\n", + "unmaned\n", + "CALCUATE\n", + "triedandtrue\n", + "guarntee\n", + "shoukd\n", + "incffecient\n", + "rurope\n", + "learnmng\n", + "conusion\n", + "citesens\n", + "brightes\n", + "WALLE\n", + "licentce\n", + "warmwer\n", + "diffenrent\n", + "sponantiously\n", + "Skandians\n", + "Vurbans\n", + "compilcated\n", + "oneIn\n", + "dillemas\n", + "evveryone\n", + "DIESELS\n", + "anyreason\n", + "onanother\n", + "disatisfy\n", + "Eviromental\n", + "percieving\n", + "annocunced\n", + "whant\n", + "doingthey\n", + "mountins\n", + "vrey\n", + "blindhandicap\n", + "cerfui\n", + "636000\n", + "wellconnected\n", + "carspeople\n", + "extroudanary\n", + "YouTubeand\n", + "dicovories\n", + "irrritated\n", + "springsummer\n", + "stairing\n", + "occens\n", + "societty\n", + "timethe\n", + "predeterminated\n", + "relativesand\n", + "salf\n", + "sporthobby\n", + "largerst\n", + "giberish\n", + "RunOffs\n", + "summarise\n", + "citizensyou\n", + "electionsThe\n", + "outofcontroll\n", + "goodtalented\n", + "doolars\n", + "mystircal\n", + "Onlineclasses\n", + "pklates\n", + "xent\n", + "decisson\n", + "currenetly\n", + "opinoin\n", + "inevidable\n", + "gardians\n", + "noify\n", + "statesLuke\n", + "diffeent\n", + "citics\n", + "1978\n", + "plentifull\n", + "Howeverthe\n", + "breakstop\n", + "humansand\n", + "redecide\n", + "presentsbut\n", + "onehundred\n", + "wraming\n", + "madee\n", + "obselite\n", + "intails\n", + "certainy\n", + "AmericaRosenthal\n", + "passagethis\n", + "pesure\n", + "nworking\n", + "Envionmental\n", + "bussinessses\n", + "wasonce\n", + "acertainments\n", + "futurebut\n", + "onnes\n", + "atrifact\n", + "thatpeople\n", + "eaither\n", + "Compuer\n", + "padestrians\n", + "persection\n", + "practicle\n", + "frieds\n", + "fihure\n", + "bikesSelsky\n", + "dier\n", + "involeve\n", + "potentail\n", + "expenisve\n", + "ThemeGrill\n", + "qustions\n", + "sensable\n", + "schoolhomeworkor\n", + "ciztens\n", + "concludsion\n", + "peoplw\n", + "misunderstading\n", + "lighs\n", + "viewyou\n", + "70kg\n", + "Feul\n", + "dayevery\n", + "wisdomseeker\n", + "pharoh\n", + "disections\n", + "deceving\n", + "Trebuchets\n", + "germanybut\n", + "episdemic\n", + "oppourtunties\n", + "reeeeeeeeeeeeall\n", + "mystereous\n", + "Sacandly\n", + "exericse\n", + "voteThen\n", + "Woudnt\n", + "Represenitives\n", + "streest\n", + "thinkiing\n", + "votingPoshner\n", + "bulllying\n", + "resliency\n", + "boyfriendgirlfriend\n", + "Excersize\n", + "DAlto\n", + "extracredits\n", + "automoile\n", + "colles\n", + "igot\n", + "viewMalins\n", + "sametimes\n", + "opianion\n", + "hopelessand\n", + "genrell\n", + "arguent\n", + "thefeel\n", + "weels\n", + "Finially\n", + "diffcault\n", + "problembut\n", + "articleDriverless\n", + "inhospitablescientist\n", + "adevnture\n", + "sufering\n", + "havor\n", + "teired\n", + "combloginsurancehowmuchcarinsurancequotesriseafteran\n", + "sapcecraft\n", + "emergencys\n", + "2when\n", + "1320\n", + "citizensThere\n", + "eclass\n", + "diect\n", + "buisy\n", + "nearrecod\n", + "mirrow\n", + "thtats\n", + "computres\n", + "EMAIL_NAME\n", + "winnertakes\n", + "planetswhich\n", + "pasion\n", + "in1968\n", + "suggestings\n", + "agees\n", + "dicouraging\n", + "driverles\n", + "imbarest\n", + "whithout\n", + "perferd\n", + "dtop\n", + "Thirdyou\n", + "gliches\n", + "myterious\n", + "arugue\n", + "unlikelyconsider\n", + "legislatrors\n", + "statedGoogle\n", + "servrice\n", + "unsupected\n", + "Indefensibel\n", + "airgasSometimes\n", + "extraterestial\n", + "Greecewith\n", + "affectall\n", + "mager\n", + "facinate\n", + "shopuld\n", + "rocksThe\n", + "220\n", + "knwos\n", + "negeitive\n", + "benifts\n", + "extroardinary\n", + "edivice\n", + "425\n", + "accualy\n", + "helpthen\n", + "counterty\n", + "mechnal\n", + "saysBy\n", + "carryfully\n", + "dmvcheatsheets\n", + "Bomder\n", + "thoughit\n", + "1because\n", + "planetray\n", + "ph20\n", + "trecharous\n", + "Multple\n", + "presindential\n", + "dissapered\n", + "513\n", + "thirve\n", + "controlThey\n", + "sencers\n", + "WinnerTakeAll\n", + "qwant\n", + "sempathy\n", + "coould\n", + "princeipal\n", + "mounument\n", + "atmophere\n", + "receal\n", + "conscidered\n", + "auntomakers\n", + "corrasive\n", + "frequen\n", + "determened\n", + "riskand\n", + "wjy\n", + "paperit\n", + "savge\n", + "accasional\n", + "satelittes\n", + "corears\n", + "10am\n", + "suppliesanimals\n", + "atmosphear\n", + "sedment\n", + "studients\n", + "colleged\n", + "tradect\n", + "elertoral\n", + "Studentsspecifically\n", + "deathes\n", + "215\n", + "feautire\n", + "rockrocks\n", + "corrods\n", + "chromebooks\n", + "depeneding\n", + "subbjects\n", + "enquitment\n", + "independly\n", + "collegewon\n", + "CaliforniaNevada\n", + "caluculation\n", + "Wensdays\n", + "gaing\n", + "excist\n", + "diiferent\n", + "reasonnings\n", + "costefficient\n", + "Variouse\n", + "SOLÃÂS\n", + "cpouse\n", + "appications\n", + "atmospheris\n", + "homedistance\n", + "eventrally\n", + "floow\n", + "cogelle\n", + "Imagain\n", + "intions\n", + "FACSs\n", + "announceed\n", + "matbe\n", + "makingprototyping\n", + "resoluton\n", + "charityatrisk\n", + "atmospehere\n", + "posssibly\n", + "advicemore\n", + "stof\n", + "Aparrently\n", + "2935\n", + "scense\n", + "55000\n", + "looksv\n", + "hundredthirty\n", + "eviornment\n", + "Cerificate\n", + "toneYou\n", + "evidenve\n", + "paragh\n", + "englishor\n", + "greter\n", + "taxesno\n", + "imagion\n", + "Chellenger\n", + "platent\n", + "Teacherdesgined\n", + "hving\n", + "2000he\n", + "resourcesfinding\n", + "worldCold\n", + "Paragragh\n", + "accordingley\n", + "hudge\n", + "potentually\n", + "coincedince\n", + "uniteresting\n", + "Culombia\n", + "KhanAcademy\n", + "diffirences\n", + "fromBut\n", + "sureface\n", + "articall\n", + "slididng\n", + "manyh\n", + "edunuity\n", + "commuinicate\n", + "foodwateretcand\n", + "calledexcuses\n", + "fahrenheitans\n", + "animials\n", + "effictive\n", + "doingtrusting\n", + "peopson\n", + "verhicles\n", + "April51998Mars\n", + "frontails\n", + "GirlBoy\n", + "suupport\n", + "jobvolunteere\n", + "noly\n", + "eveyrhting\n", + "notfy\n", + "hasatax\n", + "howed\n", + "effectivally\n", + "possiblby\n", + "yhat\n", + "Prtection\n", + "implomented\n", + "determinds\n", + "nighbors\n", + "Beause\n", + "lessed\n", + "feelong\n", + "landd\n", + "prooven\n", + "congradulated\n", + "deveolpement\n", + "hogh\n", + "Egpytian\n", + "safetyness\n", + "movementschanges\n", + "Adveanced\n", + "cfocused\n", + "reconzied\n", + "Paragrph\n", + "beneficical\n", + "hwole\n", + "FinallyNASA\n", + "messa\n", + "Somene\n", + "speeed\n", + "consistution\n", + "rused\n", + "fortunte\n", + "changesand\n", + "smartercars\n", + "nussciance\n", + "exfriend\n", + "meess\n", + "econmicaly\n", + "instuctor\n", + "trainingand\n", + "GreeceItay\n", + "1012\n", + "actulally\n", + "inpossible\n", + "dreaful\n", + "therss\n", + "wys\n", + "tariable\n", + "safte\n", + "acocording\n", + "aregonna\n", + "whouldnt\n", + "qulaified\n", + "allthought\n", + "Persontoperson\n", + "foucsing\n", + "500600\n", + "whater\n", + "simlair\n", + "hardbut\n", + "eruputing\n", + "brainstoming\n", + "suflay\n", + "Baccularete\n", + "simplifyed\n", + "couuld\n", + "characterists\n", + "populatrity\n", + "suicede\n", + "clearity\n", + "priviacy\n", + "Doesnbt\n", + "welldone\n", + "Garivn\n", + "restorants\n", + "asafter\n", + "democary\n", + "benefitical\n", + "httpshealth\n", + "sstudents\n", + "onlines\n", + "wheighed\n", + "Mallins\n", + "RELATIVE_NAMEMy\n", + "dayly\n", + "passangersthe\n", + "carowners\n", + "tromendously\n", + "Phonerelated\n", + "Inconclution\n", + "costruction\n", + "eaiot\n", + "handlap\n", + "misslead\n", + "spendso\n", + "pourposes\n", + "polliuting\n", + "scultped\n", + "915\n", + "comtextingdrivingstatistics\n", + "publictransportation\n", + "stateSource\n", + "distinguishment\n", + "voideo\n", + "saybeyond\n", + "1difficult\n", + "orgscienceclearmultitaskingdoesntwork\n", + "evidance\n", + "beamagnetized\n", + "afterbefore\n", + "heidrun\n", + "castthis\n", + "recation\n", + "permform\n", + "stragaties\n", + "advancingits\n", + "swirves\n", + "generartion\n", + "fastinate\n", + "horsesand\n", + "prepayed\n", + "enforcd\n", + "stateed\n", + "ascertianment\n", + "trasformation\n", + "12year\n", + "sameway\n", + "movig\n", + "probmlems\n", + "homelearners\n", + "GreeceChinayou\n", + "formwhat\n", + "evidense\n", + "monitione\n", + "voicenotes\n", + "accendints\n", + "1200\n", + "outinteract\n", + "invation\n", + "presidentswing\n", + "phisical\n", + "earthquacks\n", + "electoeal\n", + "emoutional\n", + "interigation\n", + "irratonal\n", + "Marswell\n", + "hideing\n", + "konwledge\n", + "presiential\n", + "figuered\n", + "Bengimin\n", + "peasion\n", + "innevitable\n", + "resoned\n", + "tempertaure\n", + "vaubanhome\n", + "thisIn\n", + "unhealty\n", + "857\n", + "inconclussive\n", + "centrys\n", + "anouther\n", + "cttle\n", + "1on1\n", + "ToMr\n", + "choce\n", + "lagely\n", + "skepticcs\n", + "Enrigue\n", + "outcomeThe\n", + "anxiteys\n", + "greatiest\n", + "Handsonlearning\n", + "opprotunities\n", + "unorganization\n", + "25km\n", + "instructers\n", + "perunit\n", + "similtaniously\n", + "proporley\n", + "desroyed\n", + "Twothis\n", + "ownship\n", + "mircoscopic\n", + "homeworktest\n", + "finallyyou\n", + "haung\n", + "hardand\n", + "chcallenege\n", + "aproches\n", + "foftyone\n", + "deathdefying\n", + "silencethis\n", + "ususage\n", + "projectsconsequently\n", + "aurth\n", + "hikedbikedor\n", + "1945they\n", + "Tabletennis\n", + "2000present\n", + "thoguh\n", + "canadiates\n", + "1976that\n", + "nessicarly\n", + "lifeIt\n", + "droopend\n", + "musles\n", + "thoughht\n", + "27000\n", + "regonize\n", + "schoolsbanksgovernment\n", + "Conclustion\n", + "surroundingsAll\n", + "exavated\n", + "perticepice\n", + "tideous\n", + "attecion\n", + "weelsand\n", + "abount\n", + "imporovements\n", + "sloar\n", + "timw\n", + "aboutand\n", + "happpens\n", + "getis\n", + "19This\n", + "arguied\n", + "FinallyI\n", + "personly\n", + "parachuets\n", + "beautifuly\n", + "subconsiously\n", + "elecotrol\n", + "commite\n", + "afforrd\n", + "conciquences\n", + "pinguens\n", + "countryin\n", + "easaly\n", + "formatioon\n", + "bame\n", + "serioud\n", + "dipoma\n", + "cosmataligist\n", + "engone\n", + "peeds\n", + "NHTSAs\n", + "impactteendrivers\n", + "predicing\n", + "somebodysomething\n", + "efficant\n", + "hallieluja\n", + "candidantes\n", + "coukd\n", + "Rehabilitaton\n", + "candidatesw\n", + "enviornments\n", + "surfacetemperatures\n", + "unnescessary\n", + "spotParagraph\n", + "obsitcal\n", + "homeworkand\n", + "emotsions\n", + "councilars\n", + "everyoneanytime\n", + "efficientcy\n", + "succedeed\n", + "practised\n", + "sicks\n", + "demcratic\n", + "defentiley\n", + "tionlcaracciden\n", + "cudichins\n", + "qurks\n", + "sneding\n", + "LifeStory\n", + "learninghow\n", + "22Euro\n", + "contrirbuted\n", + "referrs\n", + "donttextdrive\n", + "revolutinized\n", + "agaoinst\n", + "particualar\n", + "leangucj\n", + "reaoson\n", + "accordiing\n", + "inpossonle\n", + "astronots\n", + "tecaheing\n", + "develloped\n", + "whistleing\n", + "establisted\n", + "stuation\n", + "Venussreputation\n", + "amazaing\n", + "comfotable\n", + "schoolis\n", + "displays7\n", + "streeses\n", + "potiental\n", + "Finallyin\n", + "resoltion\n", + "245\n", + "Generic_Namean\n", + "onfoot\n", + "cosen\n", + "distractionfree\n", + "volcannoes\n", + "nassa\n", + "conclusionmore\n", + "witnessesand\n", + "horrile\n", + "OUTSKIRTS\n", + "saflty\n", + "columba\n", + "alterness\n", + "socialiy\n", + "500pm\n", + "espicually\n", + "dissagre\n", + "reletivily\n", + "orgopinionsshouldpeoplebeabletotalkontheircellphonewhiltheyaredri\n", + "feelthat\n", + "payation\n", + "unnesasary\n", + "samrt\n", + "inexperianced\n", + "greastest\n", + "resoins\n", + "Period7\n", + "takls\n", + "sedimentand\n", + "gassesand\n", + "elctric\n", + "hazedbullied\n", + "unoticable\n", + "surveyers\n", + "licensesource\n", + "reuires\n", + "abusses\n", + "technologykids\n", + "DearTEACHER_NAME\n", + "Sentator\n", + "varioius\n", + "MittRomeny\n", + "Sixety\n", + "presidat\n", + "snig\n", + "lazyso\n", + "MAny\n", + "majior\n", + "renforce\n", + "thinkingdepressionthere\n", + "Acceddents\n", + "carreduced\n", + "Populare\n", + "otheretc\n", + "groop\n", + "viewdemocrat\n", + "elctaion\n", + "bodya\n", + "homeas\n", + "citythe\n", + "waehter\n", + "candidant\n", + "fehrenheit\n", + "accidnets\n", + "adrress\n", + "toIn\n", + "disiplineeducation\n", + "dirveles\n", + "abloe\n", + "exicuting\n", + "Egyptianstyle\n", + "speedboatone\n", + "carsystem\n", + "transportatin\n", + "activitiesyou\n", + "moday\n", + "independentley\n", + "meam\n", + "settoing\n", + "familis\n", + "incariably\n", + "overboared\n", + "doboth\n", + "sincerelyYeah\n", + "emotionhowever\n", + "eightstriving\n", + "likebut\n", + "sportextracurricular\n", + "mamy\n", + "journys\n", + "thereits\n", + "constiitution\n", + "fantsy\n", + "burtst\n", + "roky\n", + "vaulabe\n", + "magority\n", + "Howeverbecause\n", + "softward\n", + "disenfranshisedto\n", + "diifficult\n", + "insght\n", + "learnstay\n", + "botheres\n", + "somewtimes\n", + "saysAlthough\n", + "weading\n", + "optionsnot\n", + "comftorable\n", + "phonesMany\n", + "environmentadd\n", + "lossen\n", + "cipadiseing\n", + "cosest\n", + "rushhourrestruction\n", + "necessitaties\n", + "withwe\n", + "situationssuch\n", + "ivein\n", + "bestand\n", + "univitsy\n", + "personialty\n", + "dissaponited\n", + "homeMy\n", + "focuesed\n", + "picturses\n", + "gashogger\n", + "peopleupkeep\n", + "Mainstreamed\n", + "envirometbut\n", + "someother\n", + "andupscale\n", + "substancially\n", + "simplie\n", + "responisible\n", + "Anoter\n", + "accetpiced\n", + "outdont\n", + "repairment\n", + "knowledgeexperience\n", + "responsibilitys\n", + "2001n\n", + "prioritys\n", + "4354\n", + "drivelesscar\n", + "rekless\n", + "airplanesmon\n", + "8302019\n", + "somce\n", + "alout\n", + "implemeting\n", + "belivie\n", + "28\n", + "rightbut\n", + "infume\n", + "malin\n", + "acelerate\n", + "itthats\n", + "himHe\n", + "gullup\n", + "largedespite\n", + "expirenced\n", + "limmit\n", + "Financal\n", + "determend\n", + "squit\n", + "founf\n", + "deppending\n", + "blieve\n", + "dosomething\n", + "Movemment\n", + "paraghaphs\n", + "opinones\n", + "Alsowouldnt\n", + "abbolished\n", + "polltuion\n", + "amercican\n", + "propposes\n", + "parnets\n", + "repairMore\n", + "tgought\n", + "antenas\n", + "Activitys\n", + "voteis\n", + "importatnly\n", + "sportsstudent\n", + "18mpg\n", + "accupied\n", + "betterAcording\n", + "pecies\n", + "multipe\n", + "suppports\n", + "Alsowhen\n", + "PharaohThe\n", + "beacsue\n", + "fossial\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Cogestion\n", + "deffinetly\n", + "oppurnity\n", + "rescined\n", + "instertate\n", + "FAce\n", + "agurements\n", + "anying\n", + "icreases\n", + "inustry\n", + "homesome\n", + "heshe\n", + "Callege\n", + "Eventhrough\n", + "seriesly\n", + "boringand\n", + "fuems\n", + "irratinol\n", + "subjectpeople\n", + "400700\n", + "classrrom\n", + "wonþ\n", + "ideaschools\n", + "lernd\n", + "oppourtunities\n", + "sourece\n", + "Beijingchinawhich\n", + "sourceIn\n", + "articleHis\n", + "accedently\n", + "irrationalfrom\n", + "2020426\n", + "Studentsdesigned\n", + "upragdes\n", + "resumeand\n", + "cauculation\n", + "Cardriving\n", + "photos7\n", + "reigional\n", + "tepertur\n", + "unbeliavable\n", + "excerce\n", + "Bussinessman\n", + "sportsey\n", + "carsas\n", + "saidThat\n", + "retainig\n", + "winningMeaning\n", + "wymoing\n", + "coice\n", + "seccond\n", + "tryied\n", + "soultuion\n", + "ablolutly\n", + "resturaunts\n", + "ruiting\n", + "isoutdatedSource\n", + "voivce\n", + "becuth\n", + "marketse\n", + "paragrpah\n", + "Excerp\n", + "ubfair\n", + "Inconclusion\n", + "skyalso\n", + "temporaty\n", + "kahoot\n", + "Theyres\n", + "phsically\n", + "milesthe\n", + "relized\n", + "reliableplus\n", + "systemwithout\n", + "Lastlymy\n", + "50000000\n", + "purposesThe\n", + "previlage\n", + "byCongress\n", + "strugiling\n", + "ceriosity\n", + "Evidendently\n", + "Bylimiting\n", + "brhu\n", + "comig\n", + "Astromnomers\n", + "humsn\n", + "recamend\n", + "Beijingone\n", + "enissions\n", + "Sivake\n", + "evoloutinon\n", + "numbet\n", + "absenced\n", + "conspericy\n", + "laptopsao\n", + "systame\n", + "SOCIOLOGISTS\n", + "sudgested\n", + "stard\n", + "opinionsdifferent\n", + "presidentvice\n", + "commerece\n", + "axident\n", + "relizing\n", + "lonest\n", + "exisit\n", + "airpods\n", + "friendGeneric_Name\n", + "technelogical\n", + "volaters\n", + "enfore\n", + "yto\n", + "knowEveryone\n", + "comformtable\n", + "carwrecks\n", + "teachnology\n", + "Inclining\n", + "845674\n", + "benefitful\n", + "intelegently\n", + "decreeed\n", + "Abollish\n", + "Marther\n", + "choricial\n", + "therorists\n", + "expectaitions\n", + "arangementsand\n", + "classifien\n", + "projectand\n", + "montier\n", + "culturesand\n", + "opoinion\n", + "proElectoral\n", + "manufactering\n", + "backinto\n", + "booksmagazinesand\n", + "Arguers\n", + "erathquakes\n", + "deatails\n", + "advivce\n", + "woarming\n", + "humantohuman\n", + "actiticy\n", + "3550\n", + "reassurement\n", + "decect\n", + "comute\n", + "obaying\n", + "compeliing\n", + "surfurs\n", + "Totyota\n", + "problemsolvers\n", + "Eroupe\n", + "againest\n", + "becous\n", + "argumenet\n", + "woderful\n", + "expressionlike\n", + "pedestrianscyclist\n", + "kive\n", + "resonses\n", + "buliud\n", + "convensing\n", + "whold\n", + "sanpping\n", + "demcracy\n", + "propgram\n", + "lifecommunity\n", + "independce\n", + "texes\n", + "repsonible\n", + "snappining\n", + "desighn\n", + "stusdents\n", + "in1960\n", + "httpsteensafe\n", + "schhol\n", + "cumputers\n", + "happysadangryor\n", + "hishers\n", + "prolifered\n", + "boringbut\n", + "formationyou\n", + "priortize\n", + "workcites\n", + "transprotatin\n", + "aciod\n", + "htere\n", + "marvelled\n", + "antarticle\n", + "pittted\n", + "semidriverless\n", + "21a\n", + "thepopluar\n", + "valubleful\n", + "difficault\n", + "theries\n", + "technoledgy\n", + "fundemently\n", + "effectivge\n", + "studentsAlso\n", + "astronimasts\n", + "thsat\n", + "shapebut\n", + "naturial\n", + "onlbasic\n", + "dowe\n", + "TAILORED\n", + "eneavors\n", + "Cowbot\n", + "positionestimation\n", + "pappier\n", + "canmake\n", + "8067ft\n", + "sibilngs\n", + "animails\n", + "AntanasFor\n", + "electorian\n", + "slatetrusted\n", + "conclueion\n", + "writimg\n", + "righthous\n", + "rummer\n", + "Earthwhich\n", + "timeworkfamily\n", + "yiour\n", + "busniesses\n", + "Elisabth\n", + "2Back\n", + "dagrees\n", + "hallwaysbut\n", + "communityes\n", + "cahnce\n", + "wearher\n", + "eveyrwhere\n", + "deliverys\n", + "garunted\n", + "finantially\n", + "sportstheres\n", + "profincent\n", + "recongise\n", + "presindet\n", + "planrt\n", + "citesenss\n", + "cidents\n", + "caould\n", + "spreded\n", + "acurracy\n", + "publictransport\n", + "tachnology\n", + "156m\n", + "needede\n", + "simplifiled\n", + "scapped\n", + "9Therefore\n", + "suburblife\n", + "benitfital\n", + "automtive\n", + "miterals\n", + "remenents\n", + "havinga\n", + "Elecotors\n", + "limition\n", + "illistrates\n", + "malapportionmen\n", + "havee\n", + "3166\n", + "passager\n", + "relaxful\n", + "Auroth\n", + "thweir\n", + "averagr\n", + "enconomy\n", + "attentionpower\n", + "lookes\n", + "1539\n", + "revolutinizing\n", + "terristral\n", + "cmu\n", + "prinicpals\n", + "vauband\n", + "orgthefactsaboutdistracteddrivinggclidCjwKCAjwwdTbBRAIEiwAYQf_EzWWnN6EcPhUBOSQgp3xaMSJa5QQVSn_1UkyzykY24otAZriJ4BoCFIEQAvD_BwE\n", + "usae\n", + "necessititaes\n", + "myerslegal\n", + "pharaghaph\n", + "classesgrade\n", + "citiens\n", + "saftery\n", + "421000\n", + "canindate\n", + "privelges\n", + "ciies\n", + "favortite\n", + "praivlage\n", + "acncient\n", + "disitions\n", + "hotno\n", + "533\n", + "182\n", + "saveing\n", + "unmotivating\n", + "voluntee\n", + "resopnd\n", + "choosinf\n", + "SATSand\n", + "annocement\n", + "pupoler\n", + "puicture\n", + "Abbied\n", + "Franceafter\n", + "thies\n", + "nobady\n", + "thattoo\n", + "teamatesand\n", + "examplehalf\n", + "cabnescolate\n", + "accuatly\n", + "electionn\n", + "reserches\n", + "collisons\n", + "hellp\n", + "expernece\n", + "popularvote\n", + "disappionted\n", + "planningdiet\n", + "orgarticlesdeathbytextmessagestatsshowhowtechnologyiskillingus\n", + "huse\n", + "accciden\n", + "souly\n", + "sincer\n", + "Amendmentof\n", + "Tecnolgy\n", + "elcetric\n", + "reasonsnot\n", + "paiting\n", + "Wihout\n", + "presisent\n", + "nondemoocratic\n", + "prevoiusly\n", + "increaesed\n", + "youWith\n", + "technilogical\n", + "squidward\n", + "ColumbiaDC\n", + "gmaw\n", + "Brandaiwits\n", + "assignmentsif\n", + "Misscommunication\n", + "slecet\n", + "whinter\n", + "Pjaraoh\n", + "graduet\n", + "driverrelated\n", + "resebles\n", + "couselors\n", + "selfadvocate\n", + "onpaper\n", + "runwhat\n", + "halfempty\n", + "mofify\n", + "governmentation\n", + "anamils\n", + "academicswell\n", + "shouldent\n", + "advanteages\n", + "hottset\n", + "preticapate\n", + "secondspass\n", + "hitandruns\n", + "amaing\n", + "maming\n", + "foreiegn\n", + "evennumbered\n", + "churchesect\n", + "atomoshpere\n", + "sillouhette\n", + "feeland\n", + "computerlized\n", + "clooudy\n", + "coclusion\n", + "happinessfearfulangerdisgusted\n", + "facesed\n", + "Amarica\n", + "percentDuffer\n", + "sigle\n", + "eligeable\n", + "Senitor\n", + "runined\n", + "futers\n", + "thfront\n", + "profThomas\n", + "peoplesÃÂ\n", + "donteveryone\n", + "seagles\n", + "youÃÂr\n", + "particpateing\n", + "isnothing\n", + "laterThey\n", + "attiention\n", + "NowI\n", + "fece\n", + "anxietyrelated\n", + "likily\n", + "reducess\n", + "unballenced\n", + "temperatues\n", + "1paragragh\n", + "crevaces\n", + "princpal\n", + "colorbut\n", + "fairhonest\n", + "antiqiuated\n", + "handicape\n", + "disscussed\n", + "friendsyou\n", + "redundunt\n", + "dosenr\n", + "colasped\n", + "forI\n", + "surelydo\n", + "planetWas\n", + "arictle\n", + "textingtalking\n", + "Culutre\n", + "overwelmed\n", + "simalaerities\n", + "communionship\n", + "retaurants\n", + "gernal\n", + "untit\n", + "becuses\n", + "muchÃÂ\n", + "corriode\n", + "sofftware\n", + "towen\n", + "conservitive\n", + "nartural\n", + "isntructions\n", + "claing\n", + "despute\n", + "128\n", + "draken\n", + "chocie\n", + "secrects\n", + "300000\n", + "develpomement\n", + "popualer\n", + "shoulent\n", + "rudhhour\n", + "intriuged\n", + "perfet\n", + "taughtbut\n", + "theyÃÂre\n", + "BANED\n", + "enbles\n", + "deilcate\n", + "appiled\n", + "agoVenus\n", + "humae\n", + "Sincerley\n", + "execrise\n", + "ofeten\n", + "votesso\n", + "streats\n", + "595\n", + "tHEM\n", + "partread\n", + "strawhay\n", + "Canalon\n", + "porshine\n", + "introuble\n", + "Sinceraly\n", + "benefting\n", + "resherch\n", + "strngth\n", + "countthat\n", + "Certian\n", + "Carsis\n", + "Electorsthe\n", + "5008\n", + "lile\n", + "selfdestructing\n", + "attendinggoing\n", + "Colobian\n", + "driverDriverless\n", + "ethuisiastic\n", + "51998Mars\n", + "advangaes\n", + "recomize\n", + "lginjuryfirm\n", + "evety\n", + "facs\n", + "rasise\n", + "311\n", + "placesource\n", + "sove\n", + "smartcar\n", + "referances\n", + "stewartlawoffices\n", + "grocrey\n", + "opertuntiy\n", + "lotand\n", + "restuarent\n", + "opportunuty\n", + "Theser\n", + "rosenthals\n", + "seening\n", + "countrywise\n", + "hassaled\n", + "mostlikily\n", + "86\n", + "invaulable\n", + "sfae\n", + "remputer\n", + "boxthan\n", + "enrol\n", + "fyling\n", + "evole\n", + "Contries\n", + "sonsdaughters\n", + "auhthor\n", + "electorsrepresentatives\n", + "1One\n", + "thinl\n", + "examplethese\n", + "aucutally\n", + "conqure\n", + "percentr\n", + "poppulation\n", + "tansportaion\n", + "statesPlumer\n", + "scienst\n", + "physicakl\n", + "Amagine\n", + "expirementing\n", + "discraction\n", + "definetley\n", + "reconginize\n", + "contrubuting\n", + "5600\n", + "electorsmetting\n", + "629\n", + "diverless\n", + "wanst\n", + "figureout\n", + "countres\n", + "cernten\n", + "alieny\n", + "manufatures\n", + "pictue\n", + "auatonomous\n", + "housesenate\n", + "absenses\n", + "safe9\n", + "Bogoa\n", + "huvering\n", + "develoupment\n", + "insteat\n", + "chsnge\n", + "Technogly\n", + "trauble\n", + "PlumerThe\n", + "reciveing\n", + "garges\n", + "necesarry\n", + "p23\n", + "housedo\n", + "corrisive\n", + "littertrash\n", + "nowShe\n", + "brickandmortar\n", + "reassurring\n", + "nessicarily\n", + "convaying\n", + "auhors\n", + "conclussion\n", + "thathuge\n", + "definanlty\n", + "Bogots\n", + "sucsessful\n", + "doubleshift\n", + "SATACT\n", + "focusingpaying\n", + "preferebly\n", + "workheavy\n", + "orif\n", + "conncection\n", + "mixAlso\n", + "exploreor\n", + "Evryones\n", + "infrasture\n", + "cleard\n", + "votersinterested\n", + "States5\n", + "scortching\n", + "sround\n", + "votetoo\n", + "enviroiment\n", + "atical\n", + "familyto\n", + "conversaion\n", + "efficeny\n", + "Thousandths\n", + "comwhyusingamobilephonewhiledrivingissodangerousevenwhe\n", + "socialing\n", + "srgue\n", + "wellbut\n", + "challlenges\n", + "oppertunites\n", + "ndex\n", + "advocatesos\n", + "drvies\n", + "importantbecause\n", + "spacecrasfts\n", + "reasonsthey\n", + "amung\n", + "arguemented\n", + "seagoimg\n", + "represntative\n", + "recsind\n", + "adjustiments\n", + "surgace\n", + "conterversy\n", + "saddepressedhappy\n", + "advancemnt\n", + "levitttown\n", + "comesnthe\n", + "etudents\n", + "necessaire\n", + "conclustion\n", + "statesaccording\n", + "dumbfoundidng\n", + "planett\n", + "rutien\n", + "fahrenneit\n", + "sicknessinjury\n", + "vechical\n", + "throughough\n", + "showexpress\n", + "eruoting\n", + "intimiating\n", + "CouncilNational\n", + "copletely\n", + "emmitted\n", + "spectaculer\n", + "discarted\n", + "apponents\n", + "welldeserving\n", + "shude\n", + "needsd\n", + "foult\n", + "CaliforniaTexas\n", + "borringness\n", + "enage\n", + "probles\n", + "govenerment\n", + "profetinal\n", + "medow\n", + "donedue\n", + "addion\n", + "certinly\n", + "communiities\n", + "innecesary\n", + "sopports\n", + "possiblt\n", + "scintst\n", + "elsestime\n", + "hoarses\n", + "forwars\n", + "asteem\n", + "prsuit\n", + "legislaturwes\n", + "bossbosses\n", + "mirrior\n", + "colers\n", + "Generic_Citys\n", + "dangerest\n", + "benifet\n", + "reaveled\n", + "stopsI\n", + "1776\n", + "signifact\n", + "parcipitate\n", + "exressions\n", + "phenonom\n", + "feetat\n", + "knoing\n", + "eeverywhere\n", + "landfrom\n", + "recued\n", + "aernt\n", + "questionwill\n", + "gargo\n", + "25\n", + "takenadvantage\n", + "makesevery\n", + "helpfuf\n", + "obeise\n", + "cratersOn\n", + "poportion\n", + "brike\n", + "cardependent\n", + "dispoute\n", + "traditionality\n", + "collegefive\n", + "ameriacns\n", + "passener\n", + "thqat\n", + "overshines\n", + "presidencythanks\n", + "par17\n", + "maority\n", + "parachut\n", + "00\n", + "probabley\n", + "inpractical\n", + "cominsurancenews4671drunkdrivingvsdistracteddrivingdangerous\n", + "Greecetaking\n", + "alawys\n", + "faulythe\n", + "eletrical\n", + "stedially\n", + "10000000\n", + "deadlness\n", + "ebryone\n", + "comite\n", + "experiencebased\n", + "scientificly\n", + "dissisions\n", + "150200\n", + "winor\n", + "goingbut\n", + "Lyft\n", + "posivilites\n", + "smmer\n", + "discorvorys\n", + "computersbut\n", + "limmits\n", + "occasionlly\n", + "Compaing\n", + "automobileAll\n", + "fantacy\n", + "expanisve\n", + "usuful\n", + "deplom\n", + "madsaddisgustfearand\n", + "asitance\n", + "termshumans\n", + "evedn\n", + "Vesuss\n", + "howcan\n", + "unioted\n", + "saidDont\n", + "Awearness\n", + "designedthe\n", + "rendiring\n", + "citesbin\n", + "feelins\n", + "depnds\n", + "firstrate\n", + "knowwhy\n", + "consitutuion\n", + "unsuspend\n", + "diplome\n", + "thatRadar\n", + "freetimeand\n", + "goaly\n", + "activityGeneric_Name\n", + "orgdistracteddrivingtextinganddriving\n", + "technologyis\n", + "certan\n", + "capitalpresident\n", + "thisrty\n", + "dangerousperiod\n", + "priesident\n", + "advicemake\n", + "respotory\n", + "clearier\n", + "ideafor\n", + "coursemeaningful\n", + "truethfull\n", + "bttter\n", + "opportuinity\n", + "hesetaition\n", + "seekask\n", + "bicicle\n", + "Obamma\n", + "conveinent\n", + "populartiy\n", + "voliters\n", + "edunewsarchive2008Marchmarch5_drivingwhilelistening\n", + "particulry\n", + "resembeling\n", + "theretithized\n", + "forPresident\n", + "effecttively\n", + "bulleton\n", + "volanoes\n", + "amnagement\n", + "baceball\n", + "aportuniti\n", + "22euro31Cold\n", + "outcame\n", + "potentionaly\n", + "explations\n", + "ruinning\n", + "autoer\n", + "COMPRIMISE\n", + "cuonciling\n", + "anialate\n", + "clody\n", + "campaign17\n", + "sicknessillnesses\n", + "screem\n", + "importat\n", + "populos\n", + "asssit\n", + "interestspassions\n", + "thmenselves\n", + "carsA\n", + "schedeules\n", + "grandola\n", + "orginazations\n", + "satillites\n", + "particapant\n", + "zerotolerance\n", + "upoar\n", + "retued\n", + "distractionrelated\n", + "cattleboats\n", + "teahcer\n", + "70mph\n", + "earhtquakes\n", + "sincerlyme\n", + "elecronics\n", + "stormsIn\n", + "endlesses\n", + "atlk\n", + "oppinin\n", + "helpasking\n", + "decitions\n", + "quaterfirst\n", + "repoert\n", + "acedimics\n", + "LastlyStudents\n", + "diffecalties\n", + "technologya\n", + "resoulution\n", + "desisions\n", + "picrure\n", + "esental\n", + "manufactueres\n", + "HOMESAND\n", + "epeople\n", + "APosner\n", + "impediement\n", + "visble\n", + "relibilty\n", + "renvenue\n", + "proboly\n", + "denty\n", + "driveless\n", + "despress\n", + "represenates\n", + "sidesas\n", + "goinng\n", + "occupie\n", + "experienceresources\n", + "atomosheric\n", + "400\n", + "consenquences\n", + "sador\n", + "responisbility\n", + "910\n", + "bidy\n", + "eurpoean\n", + "photograghing\n", + "strage\n", + "restirctions\n", + "Demacratic\n", + "cenurty\n", + "pragher\n", + "supposse\n", + "instanceStudents\n", + "happeningWouldnt\n", + "beautyful\n", + "eyesmouth\n", + "communcationnotes\n", + "wases\n", + "showdows\n", + "Acropoils\n", + "simplesounding\n", + "townyou\n", + "matals\n", + "sencearly\n", + "presidentin\n", + "Farenheight\n", + "Lisa4This\n", + "govriskydrivingdistracteddrivingtextConsequencesTraffic20Safet\n", + "withsometimes\n", + "cowrokers\n", + "theyrereally\n", + "accidintly\n", + "pust\n", + "Secondon\n", + "furturistic\n", + "Citizrns\n", + "alein\n", + "computerspara\n", + "future7\n", + "lucke\n", + "aguing\n", + "trouple\n", + "excelerating\n", + "democratical\n", + "travlers\n", + "becaqme\n", + "indepedently\n", + "oresident\n", + "opnions\n", + "differect\n", + "Callenge\n", + "researcing\n", + "presidentno\n", + "andvantage\n", + "explinaition\n", + "continure\n", + "shapper\n", + "sciucide\n", + "indianapoils\n", + "httpsbehavioralscientist\n", + "fovor\n", + "exicited\n", + "incrustations\n", + "usullaly\n", + "thisdont\n", + "beciming\n", + "ealternative\n", + "tuters\n", + "conditionsthey\n", + "homeworkstudyingand\n", + "projectgiving\n", + "Electorak\n", + "blacket\n", + "papr\n", + "inentify\n", + "Finneas\n", + "recommanded\n", + "Driverlress\n", + "vting\n", + "soiciety\n", + "Sceince\n", + "mythed\n", + "confermed\n", + "regared\n", + "Misunderstandments\n", + "attion\n", + "transportationSource\n", + "Administartion\n", + "responsibillitys\n", + "appropate\n", + "230pm\n", + "comshouldcellphoneusebebannedwhiledriving\n", + "assistnce\n", + "majotite\n", + "BogotaParks\n", + "spmething\n", + "Systme\n", + "Earrth\n", + "technolgoy\n", + "electionyour\n", + "1130\n", + "agured\n", + "magnents\n", + "everydayor\n", + "suuch\n", + "CollegeI\n", + "figurebut\n", + "obligatred\n", + "shich\n", + "avantange\n", + "procrastinaters\n", + "thisng\n", + "aliensbut\n", + "travelget\n", + "exersizing\n", + "metres\n", + "Teachersfriends\n", + "procide\n", + "interferedI\n", + "evoting\n", + "bween\n", + "anceint\n", + "likek\n", + "incounters\n", + "bafit\n", + "difficlt\n", + "sulfurc\n", + "threethousand\n", + "saythen\n", + "culanary\n", + "CydoniaMar\n", + "camaras\n", + "butity\n", + "addmit\n", + "floaut\n", + "extraterstrial\n", + "offtask\n", + "Frtance\n", + "humaninteraction\n", + "ggod\n", + "driverDrivers\n", + "femaninans\n", + "intelligenceand\n", + "classesso\n", + "institued\n", + "Califrnia\n", + "kaos\n", + "automarkers\n", + "instace\n", + "projectshe\n", + "irratated\n", + "inable\n", + "envulenced\n", + "declaing\n", + "UNRRAWe\n", + "35million\n", + "qute\n", + "humanbeings\n", + "wheel7\n", + "secerity\n", + "reasterunt\n", + "builidings\n", + "cleanergreener\n", + "citizions\n", + "retainign\n", + "selfpaced\n", + "Challlenge\n", + "Technolohy\n", + "minites\n", + "walkingmost\n", + "whomeverthey\n", + "searvice\n", + "knowyone\n", + "summermany\n", + "anothyer\n", + "presidentBy\n", + "rhetoricle\n", + "DUFFER\n", + "ferderal\n", + "soemtimes\n", + "Idahoabout\n", + "somethjing\n", + "emergencey\n", + "cerosity\n", + "segragationistsin\n", + "meetion\n", + "pxiel\n", + "overdrivinginteractive\n", + "directlly\n", + "pleaged\n", + "requires7\n", + "askeme\n", + "sedimentvalleys\n", + "thi9nk\n", + "exploreIt\n", + "havs\n", + "explanantions\n", + "alwaystense\n", + "vhave\n", + "Presidentalso\n", + "steall\n", + "Heidrin\n", + "foresfuly\n", + "Hundredsofthousands\n", + "guzziling\n", + "awh\n", + "VaubanGerman\n", + "comnewsstateregionalteenkilledini65scrashwastextingwhiledrivin\n", + "pontentchal\n", + "IÃÂm\n", + "farlwell\n", + "friendsbut\n", + "States3328\n", + "uinjuried\n", + "wothy\n", + "congressSource\n", + "anial\n", + "needes\n", + "50000\n", + "scenarioes\n", + "17and\n", + "experestions\n", + "shaps\n", + "toolresource\n", + "matterWith\n", + "hiltop\n", + "SeaGoing\n", + "recongnition\n", + "mesalandfors\n", + "athour\n", + "adenturing\n", + "presidentTo\n", + "emotionsand\n", + "choiceswhen\n", + "phonomon\n", + "Ameriacan\n", + "calulate\n", + "diewe\n", + "equill\n", + "wondrful\n", + "gobefore\n", + "takenit\n", + "auctmactly\n", + "premote\n", + "thatVenus\n", + "itNot\n", + "argumentive\n", + "faving\n", + "sufers\n", + "college55\n", + "attendin\n", + "muchso\n", + "Reducimg\n", + "shouod\n", + "anourther\n", + "argee\n", + "trhese\n", + "somethingWhy\n", + "26to\n", + "laszy\n", + "yoyu\n", + "nthing\n", + "countrty\n", + "sciencemag\n", + "frivilolus\n", + "Sysem\n", + "ludicris\n", + "proude\n", + "carscan\n", + "tehe\n", + "parentchild\n", + "comeone\n", + "ettend\n", + "impossibe\n", + "Selksy\n", + "ÃÂi\n", + "actiity\n", + "Idefensiable\n", + "ctahc\n", + "examplesourse\n", + "extrourrieular\n", + "conclushion\n", + "consporacy\n", + "senaters\n", + "useally\n", + "Hiangs\n", + "transpot\n", + "consititution\n", + "diservice\n", + "jobgo\n", + "facsinated\n", + "ezely\n", + "remensient\n", + "Recieving\n", + "undertstand\n", + "arguementbut\n", + "hikebikedskateboard\n", + "meatal\n", + "familyfriend\n", + "daythey\n", + "coomon\n", + "072\n", + "someobody\n", + "630\n", + "2005Source\n", + "115000\n", + "commucation\n", + "mouthnose\n", + "indvidualized\n", + "themi\n", + "thoughtfull\n", + "reacently\n", + "tachers\n", + "naBonal\n", + "variuse\n", + "textingdinking\n", + "qutoe\n", + "manufaturues\n", + "recked\n", + "devioid\n", + "sorce\n", + "peopledo\n", + "constitutionRichard\n", + "stuidents\n", + "17\n", + "endevors\n", + "thatno\n", + "alsoAccording\n", + "profided\n", + "dayor\n", + "contreversal\n", + "fucher\n", + "conculuded\n", + "mostlikly\n", + "mathewmathius\n", + "worldparis\n", + "feweer\n", + "statesIn\n", + "sviod\n", + "242001twentyfive\n", + "vyou\n", + "sibilings\n", + "teambased\n", + "Z06\n", + "maufacturer\n", + "funbut\n", + "excuvated\n", + "findingtesting\n", + "presidentiial\n", + "ernet\n", + "careercenter\n", + "apealling\n", + "tensity\n", + "onebut\n", + "Nextthe\n", + "Direcly\n", + "Canident\n", + "waysource\n", + "CollegeTherefore\n", + "insigator\n", + "totechnology\n", + "cleanier\n", + "predicument\n", + "offnot\n", + "indetinfied\n", + "buyinga\n", + "pwople\n", + "funcioning\n", + "calledElectoral\n", + "acctuly\n", + "nonfact\n", + "Soem\n", + "ToBarack\n", + "incliment\n", + "drivebut\n", + "areguement\n", + "assighnments\n", + "venas\n", + "resultion\n", + "playerbut\n", + "canÃÂt\n", + "Constatosion\n", + "psychologistsuch\n", + "regionsregions\n", + "cambe\n", + "Conspriacy\n", + "sacfises\n", + "Pleople\n", + "bookmovie\n", + "articile\n", + "orgroadsafetytoolsresourcesinfographicshandsfreeisnotriskfree\n", + "exepints\n", + "classifield\n", + "discoveredthat\n", + "Mearley\n", + "desscribes\n", + "indivisial\n", + "cantidate\n", + "61\n", + "fullyindependent\n", + "confussion\n", + "herlping\n", + "totalteacherdesigned\n", + "vtell\n", + "729\n", + "coveres\n", + "portrate\n", + "devoloped\n", + "univeralmeaning\n", + "Traspass\n", + "todaythis\n", + "drivingso\n", + "emotionanl\n", + "acirding\n", + "schoolso\n", + "simialar\n", + "obam\n", + "Occams\n", + "123\n", + "alaways\n", + "wwwteensafecom\n", + "cointrol\n", + "fcps\n", + "incounter\n", + "nowstill\n", + "schooloing\n", + "possiblitys\n", + "ridegscanyons\n", + "madebecause\n", + "indured\n", + "coung\n", + "supperior\n", + "lisents\n", + "DEARMr\n", + "httpsfleishmanhillard\n", + "prossess\n", + "foy\n", + "comampswww\n", + "presidentfor\n", + "nowit\n", + "adviceor\n", + "spendign\n", + "easiyer\n", + "klike\n", + "photograhy\n", + "guardiansiblings\n", + "WarThree\n", + "trendsYouTube\n", + "eyecontact\n", + "whall\n", + "canadent\n", + "irrlevant\n", + "onlineThey\n", + "maney\n", + "realaty\n", + "pleaseNot\n", + "baisis\n", + "coudlnt\n", + "democrative\n", + "Wlater\n", + "homerschooling\n", + "457\n", + "negnology\n", + "depolma\n", + "decisionbut\n", + "ajnd\n", + "Thirdstudents\n", + "apporaches\n", + "exspressions\n", + "reaserch\n", + "surrroundings\n", + "simaliar\n", + "Waveswhich\n", + "interpert\n", + "Wraped\n", + "FuthermoreI\n", + "teperatures\n", + "pathsParks\n", + "disrespectfull\n", + "atmostsphereit\n", + "promothing\n", + "disenfranchisedto\n", + "ihnto\n", + "preap\n", + "tansportation\n", + "ProblMs\n", + "satifyied\n", + "couldPresident\n", + "efatures\n", + "bordgame\n", + "Chinca\n", + "conculded\n", + "Colleger\n", + "opsion\n", + "receievd\n", + "ProgressNAEP\n", + "counsleor\n", + "tusted\n", + "polititcal\n", + "Demeocratic\n", + "greesce\n", + "lifewhether\n", + "classeswhere\n", + "predictsthen\n", + "especil\n", + "thorougfare\n", + "instatly\n", + "Sounless\n", + "nosie\n", + "wellrested\n", + "moredifferent\n", + "worlpools\n", + "fimiliar\n", + "programofcourse\n", + "jeprodize\n", + "trulyMs\n", + "speechetc\n", + "opsticles\n", + "sitiation\n", + "contrversy\n", + "exprishions\n", + "recognises\n", + "deviceselectronicsbecause\n", + "cannidates\n", + "statae\n", + "contervial\n", + "mustve\n", + "collegefuture\n", + "negitivelike\n", + "scienist\n", + "exampleif\n", + "itlsef\n", + "argunment\n", + "commercialy\n", + "opportunityhe\n", + "privelige\n", + "citymotoristsordered\n", + "scheduals\n", + "caleed\n", + "pade\n", + "emisson\n", + "famoly\n", + "unlogical\n", + "pitures\n", + "infair\n", + "slte\n", + "Generic_Namewho\n", + "collabrative\n", + "naturtal\n", + "accidence\n", + "alloe\n", + "particapating\n", + "waltersource\n", + "mesathe\n", + "vehcles\n", + "porgram\n", + "disection\n", + "emmagints\n", + "obeasity\n", + "proximily\n", + "invloves\n", + "politicain\n", + "walkingbike\n", + "paerticularly\n", + "himmy\n", + "forIn\n", + "wete\n", + "driveress\n", + "accuratley\n", + "optionTo\n", + "AlsoVenus\n", + "Statisticts\n", + "agrueing\n", + "advencure\n", + "Kidsteenagers\n", + "exititing\n", + "jues\n", + "manege\n", + "andplay\n", + "605\n", + "itselfbut\n", + "acreditted\n", + "Didgeridoos\n", + "thecrcconnction\n", + "driveri\n", + "sportdoing\n", + "eveolving\n", + "sterp\n", + "soThey\n", + "scenairo\n", + "comparec\n", + "walkcan\n", + "sientist\n", + "closethat\n", + "issudes\n", + "resher\n", + "thisThen\n", + "aciddent\n", + "reprsentative\n", + "pictureto\n", + "1822\n", + "timesOr\n", + "inhositable\n", + "aventues\n", + "rooling\n", + "nicly\n", + "suposavly\n", + "gess\n", + "trusthworthy\n", + "nouthing\n", + "slects\n", + "questionwhen\n", + "613\n", + "highshool\n", + "realisitcally\n", + "letf\n", + "voten\n", + "borded\n", + "Frouth\n", + "donr\n", + "630am\n", + "permitteed\n", + "alearting\n", + "Benijing\n", + "yopur\n", + "avablie\n", + "majorthat\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "importians\n", + "hottests\n", + "devoiding\n", + "aqccidents\n", + "instructorNick\n", + "COme\n", + "patrys\n", + "SoIf\n", + "informationmake\n", + "grenaly\n", + "105\n", + "oftenor\n", + "disagreestudents\n", + "bounch\n", + "libility\n", + "electeric\n", + "spacesut\n", + "suggestds\n", + "bettle\n", + "selfawareness\n", + "presidntal\n", + "revealinga\n", + "interrested\n", + "16year\n", + "kidsor\n", + "notFurthermore\n", + "Firstthere\n", + "states2019\n", + "Everyore\n", + "hense\n", + "easyly\n", + "conductand\n", + "authenic\n", + "innovation8\n", + "paymeny\n", + "happinesssurpris\n", + "outI\n", + "certeny\n", + "doctortherapy\n", + "receads\n", + "officeso\n", + "11th\n", + "unonline\n", + "unalined\n", + "Ultimatelyonline\n", + "unnescissary\n", + "commuantion\n", + "anaversery\n", + "ownersship\n", + "informaed\n", + "Mailins\n", + "oneproffecional\n", + "energywasting\n", + "atomotive\n", + "citie\n", + "Parisone\n", + "daprise\n", + "enjoymore\n", + "becoues\n", + "convenint\n", + "feelHis\n", + "sealevels\n", + "forsed\n", + "aour\n", + "outrageus\n", + "reletivly\n", + "electortal\n", + "schudeles\n", + "drivingwhich\n", + "cosidering\n", + "expresstions\n", + "Wlter\n", + "happierHeiden\n", + "riverless\n", + "examplePROPER_NAME\n", + "drugsalcoholetc\n", + "beccause\n", + "assignmet\n", + "eazyer\n", + "ailmentsdiseases\n", + "honets\n", + "rexample\n", + "candicate\n", + "votersthe\n", + "sharegive\n", + "Elecitng\n", + "controlat\n", + "carbecsuse\n", + "claimSome\n", + "decicated\n", + "staements\n", + "mentortype\n", + "disadvanteges\n", + "EgyptianStyle\n", + "Heudrun\n", + "agenced\n", + "decovery\n", + "somtime\n", + "constnantly\n", + "whatver\n", + "carIs\n", + "becomoing\n", + "wount\n", + "examinationa\n", + "chatter3\n", + "presiendt\n", + "comples\n", + "butr\n", + "RESONSIBLILTY\n", + "fprmed\n", + "curicumstances\n", + "sufficiant\n", + "reseachwe\n", + "usege\n", + "necisities\n", + "presdientkeeps\n", + "artilllery\n", + "risks5\n", + "inteliigent\n", + "tailipes\n", + "homethe\n", + "Eightteen\n", + "dcan\n", + "Explaration\n", + "decadesand\n", + "apportunties\n", + "psychologicaly\n", + "eazier\n", + "dissions\n", + "presidentPosner\n", + "opionis\n", + "poitentially\n", + "siblingsthey\n", + "Challenege\n", + "generationd\n", + "patterens\n", + "800f\n", + "inconsequencial\n", + "unanamyous\n", + "discovies\n", + "Throughtout\n", + "bigeest\n", + "thisand\n", + "afrerschool\n", + "astrnomers\n", + "recongnise\n", + "probabily\n", + "litmit\n", + "fuelSince\n", + "identation\n", + "statees\n", + "FromSTUDENT_NAME\n", + "oftening\n", + "occoured\n", + "meaters\n", + "electorsAt\n", + "cookiecutter\n", + "estalished\n", + "303\n", + "faair\n", + "34500000\n", + "istructor\n", + "metioning\n", + "unnessicary\n", + "muscel\n", + "Rosethal\n", + "alotso\n", + "phycically\n", + "anythingAs\n", + "brandsof\n", + "wedsite\n", + "studnent\n", + "bacuase\n", + "delieved\n", + "egyptiastyle\n", + "STUDENT_NAME\n", + "dregree\n", + "somnething\n", + "constistution\n", + "mutiplle\n", + "drivingbutmillennialsmaybemoredangerousidUSKCN1SJ1W1\n", + "citizensin\n", + "ichor\n", + "statesYour\n", + "WestAnother\n", + "articleVenus\n", + "foundDuffer\n", + "hoursmeanong\n", + "sensorson\n", + "likethat\n", + "polutuion\n", + "resoution\n", + "Drving\n", + "smilethe\n", + "eant\n", + "suffera\n", + "formashen\n", + "isGetting\n", + "thoese\n", + "wouod\n", + "founed\n", + "1130000\n", + "toasy\n", + "datagathering\n", + "smilesusing\n", + "thyre\n", + "becuaser\n", + "collesion\n", + "peopleThats\n", + "phaze\n", + "comited\n", + "haues\n", + "blimplikeparagraph\n", + "tragedys\n", + "contenets\n", + "workit\n", + "expreshons\n", + "lifeI\n", + "disccoveryimagination\n", + "mystirious\n", + "betterlooking\n", + "tournamentsfencingboxingreadingwittlingand\n", + "happenening\n", + "govsciencenewsscienceatnasa2001ast24may_1\n", + "bravestand\n", + "carsRosenthal\n", + "Thare\n", + "developmentwhere\n", + "interial\n", + "paperstaking\n", + "orgblogtop5excusesusingyoursmartphonewhiledriv\n", + "resenable\n", + "2007\n", + "excitmentthe\n", + "Counterargument\n", + "worck\n", + "focous\n", + "homelessetc\n", + "arfe\n", + "chanses\n", + "overuling\n", + "countryregion\n", + "scource\n", + "exlplain\n", + "reavling\n", + "inadequite\n", + "changethe\n", + "picturse\n", + "glithched\n", + "ambtious\n", + "maufactures\n", + "Romneythe\n", + "cupbottle\n", + "TEENSAFE\n", + "CITY_STATE_ZIP_CODE\n", + "noot\n", + "Snapchat\n", + "paragrpaph\n", + "thinked\n", + "20052013\n", + "mentrual\n", + "novermber\n", + "hoursminutes\n", + "nirvice\n", + "presonalityfor\n", + "prooves\n", + "claen\n", + "aaafoundation\n", + "likesinterestsand\n", + "resenmbles\n", + "halffull\n", + "themselvesmy\n", + "theset\n", + "gollege\n", + "thsts\n", + "indorceiner\n", + "finsihes\n", + "thereor\n", + "disadvadtage\n", + "headsups\n", + "scurst\n", + "peopleNow\n", + "hinderence\n", + "entriching\n", + "jams20\n", + "wokring\n", + "walkbikehikeskateor\n", + "smeone\n", + "nesessary\n", + "peramiters\n", + "Surveypr\n", + "problemwith\n", + "Lukeor\n", + "privalage\n", + "infavor\n", + "exchea\n", + "owr\n", + "trainedequiped\n", + "golding\n", + "boredDAlto\n", + "vheicles\n", + "auother\n", + "ofsemiautonomous\n", + "bussuins\n", + "challnenging\n", + "Chosening\n", + "DearState\n", + "dissition\n", + "obeserves\n", + "600000\n", + "quwstion\n", + "culltivate\n", + "monumentJPL\n", + "deseres\n", + "paccific\n", + "OFFICAL\n", + "engarage\n", + "chaniging\n", + "thatHe\n", + "reblicans\n", + "14\n", + "sureif\n", + "driverpassengers\n", + "guaruntee\n", + "techonogly\n", + "Academyand\n", + "ideaand\n", + "chosse\n", + "Sinserely\n", + "promonting\n", + "tremendsly\n", + "improvemodify\n", + "Arguements\n", + "arrivedLuke\n", + "distractionit\n", + "shoose\n", + "durnig\n", + "furure\n", + "demostartes\n", + "negaitive\n", + "eartquakes\n", + "causingarguements\n", + "danges\n", + "StatesAccording\n", + "derturmin\n", + "prusuit\n", + "lettter\n", + "31People\n", + "athuor\n", + "tournamennts\n", + "Demicrat\n", + "advicewhy\n", + "nessessary\n", + "accessablity\n", + "surgenons\n", + "Cyldonia\n", + "instructorMy\n", + "conditions7\n", + "rool\n", + "plantes\n", + "sholudnt\n", + "lesslikely\n", + "graber\n", + "sportsplayers\n", + "neighbour\n", + "emportent\n", + "CITY_STATE\n", + "twinof\n", + "studentshomes\n", + "oprotunity\n", + "coursemost\n", + "lighing\n", + "wheelif\n", + "klean\n", + "legh\n", + "drivingSnyder\n", + "canaditdate\n", + "Finallysummer\n", + "explanetory\n", + "Conspiract\n", + "brothersister\n", + "qouiter\n", + "surrunding\n", + "accustuations\n", + "Landforms\n", + "neagtive\n", + "rightalso\n", + "pursuring\n", + "systme\n", + "learnmemorize\n", + "promotingcar\n", + "amazng\n", + "Afteryou\n", + "impedimentslike\n", + "owndesigned\n", + "accindentscould\n", + "greenshouse\n", + "wirthery\n", + "choicesit\n", + "hilltype\n", + "learnexperience\n", + "appered\n", + "someand\n", + "scienitifict\n", + "altertness\n", + "hazoired\n", + "exspenive\n", + "emotionsbut\n", + "betrayedDoes\n", + "reperesentors\n", + "stateEventhough\n", + "prsedent\n", + "dilapitiating\n", + "6000\n", + "genration\n", + "aproaches\n", + "impossibleit\n", + "dricing\n", + "attutide\n", + "beacuase\n", + "classhomework\n", + "toruble\n", + "angey\n", + "experiencesuch\n", + "recevies\n", + "licensences\n", + "reutation\n", + "neccecary\n", + "realityAnd\n", + "conclusin\n", + "couble\n", + "saysLarge\n", + "NioxnJimmy\n", + "steeraccelerateand\n", + "landfiorm\n", + "bordem\n", + "74\n", + "spacecrft\n", + "psycohlogist\n", + "posititve\n", + "garageit\n", + "skilllearning\n", + "liketake\n", + "April98\n", + "guidenace\n", + "frightaning\n", + "frogot\n", + "Kostuniuk\n", + "disfuction\n", + "schoolbased\n", + "goona\n", + "51\n", + "votersBecause\n", + "studnts\n", + "samller\n", + "fouces\n", + "emotionalmentaland\n", + "emidiately\n", + "asserrtions\n", + "peaople\n", + "quisine\n", + "Instatute\n", + "manufactureer\n", + "aanyways\n", + "envoriment\n", + "picters\n", + "conveniency\n", + "harmfull\n", + "electorsstate\n", + "soooooyou\n", + "centeral\n", + "limet\n", + "anotner\n", + "delit\n", + "situationdecisionor\n", + "Althougth\n", + "emourmous\n", + "partywhat\n", + "Effiel\n", + "exblaine\n", + "suiside\n", + "responceabilty\n", + "njot\n", + "campagins\n", + "vlley\n", + "publicprivet\n", + "pictues\n", + "facewas\n", + "eate\n", + "SincerlyPROPER_NAME\n", + "maritry\n", + "dicscovories\n", + "Indefsible\n", + "lousiana\n", + "votting\n", + "210\n", + "subarban\n", + "franchisement\n", + "LetÃÂs\n", + "mintale\n", + "conspirors\n", + "geration\n", + "enormouse\n", + "parrents\n", + "affical\n", + "broguht\n", + "succeced\n", + "problum\n", + "encharge\n", + "does4\n", + "ingulf\n", + "certantity\n", + "nuscle\n", + "cloly\n", + "usgae\n", + "manuale\n", + "regonation\n", + "poliece\n", + "shelp\n", + "activeities\n", + "harmfuls\n", + "Farhrenheit\n", + "controilmathe\n", + "legislaturenearly\n", + "presice\n", + "Teensafe\n", + "orgbeginnerdrivers10reasonsyoushouldnttextanddrive\n", + "Stuides\n", + "prioriy\n", + "rutine\n", + "expmples\n", + "anthor\n", + "provern\n", + "Egytianstyle\n", + "thingsfollow\n", + "ourmachines\n", + "cercumfrance\n", + "implementinng\n", + "problemswhont\n", + "onlinebecause\n", + "creativerather\n", + "dioxidea\n", + "thingsStudents\n", + "enormus\n", + "exstrodinary\n", + "resposibilites\n", + "covid19\n", + "differenlty\n", + "scientise\n", + "aouthor\n", + "eissions\n", + "ph16\n", + "hisory\n", + "Goudard\n", + "Indefesible\n", + "paraguay\n", + "CameraMOC\n", + "ultimite\n", + "Firstby\n", + "adequatley\n", + "responsibiltiy\n", + "landfromwhich\n", + "presentationyou\n", + "depent\n", + "you3\n", + "298\n", + "planext\n", + "outweights\n", + "manufacturerParagraph\n", + "implicattions\n", + "answerbut\n", + "atmoshpheric\n", + "MondayTuesdayWensday\n", + "simialr\n", + "1965\n", + "favortizm\n", + "atualy\n", + "problrms\n", + "Nextwith\n", + "seemsLike\n", + "pluarlity\n", + "onlineschooled\n", + "trancportation\n", + "stressinducing\n", + "regalatory\n", + "indide\n", + "consumerreports\n", + "568\n", + "aspectsof\n", + "peoplepeople\n", + "ruiens\n", + "temonous\n", + "technolngy\n", + "inhabitors\n", + "pouluting\n", + "excrutiateingly\n", + "Heidren\n", + "expiernce\n", + "trafficmore\n", + "sccessful\n", + "garintied\n", + "resembels\n", + "werenÃÂt\n", + "problam\n", + "supriseangerdisgustfear\n", + "Suvival\n", + "manufacturerparagragh\n", + "manufacters\n", + "AdministraBon\n", + "exampleThe\n", + "40000000\n", + "Concludingly\n", + "kaiotic\n", + "remebre\n", + "esaay\n", + "trasportation\n", + "educationlike\n", + "showoing\n", + "change2526Also\n", + "stradegy\n", + "immeasureable\n", + "probobbly\n", + "depprestion\n", + "finesource\n", + "aggrevation\n", + "prcepts\n", + "recognizedhomely\n", + "landsalide\n", + "propely\n", + "campaighn\n", + "belifs\n", + "cansee\n", + "emotinals\n", + "milea\n", + "landformmesa\n", + "qoutes\n", + "adviceusing\n", + "liquafy\n", + "Alsohome\n", + "explorie\n", + "emotionrecqizing\n", + "saidyall\n", + "lemiting\n", + "burdenlike\n", + "electivesthe\n", + "Unfortuianly\n", + "motercycle\n", + "obsses\n", + "requiremnt\n", + "bloodI\n", + "citybut\n", + "responability\n", + "puluote\n", + "270\n", + "sutudents\n", + "townscities\n", + "techgology\n", + "veryy\n", + "stricks\n", + "indvividual\n", + "insitive\n", + "wouldent\n", + "Becayse\n", + "resoulotion\n", + "postives\n", + "invitd\n", + "10x\n", + "studenttaught\n", + "morningmost\n", + "Ronsenthal\n", + "Somemore\n", + "unitDAlto\n", + "anceistors\n", + "litten\n", + "benefient\n", + "itimidating\n", + "NewYorks\n", + "theyÃÂve\n", + "fencingboxingreadingwhittlingand\n", + "Amricans\n", + "2020but\n", + "500word\n", + "seeeking\n", + "31516\n", + "dumed\n", + "abkle\n", + "sixtyone\n", + "ChinaEuropeNew\n", + "collleges\n", + "usand\n", + "procces\n", + "admriably\n", + "classroomits\n", + "16to\n", + "probleams\n", + "oeans\n", + "polisy\n", + "qand\n", + "certiainly\n", + "spacescraft\n", + "spair\n", + "scienties\n", + "youngminded\n", + "allpopular\n", + "driveyou\n", + "hovoring\n", + "Regaurdless\n", + "substain\n", + "Wheather\n", + "httpsride\n", + "blevie\n", + "feilds\n", + "Plumers\n", + "utitmatly\n", + "ThenYour\n", + "officaly\n", + "coincedental\n", + "codig\n", + "telocommunication\n", + "produed\n", + "peoplel\n", + "undersatand\n", + "winne\n", + "theatmosphere\n", + "bullyoften\n", + "evidce\n", + "hostpital\n", + "problemobstacle\n", + "presidentunder\n", + "decreasedP19\n", + "actuly\n", + "reather\n", + "algorithum\n", + "stragey\n", + "worldDriverless\n", + "havehappened\n", + "lazyier\n", + "definietly\n", + "countery\n", + "frayAt\n", + "aletrnative\n", + "compitions\n", + "anywayI\n", + "acure\n", + "paragraph7\n", + "postiive\n", + "vheicle\n", + "harads\n", + "complited\n", + "equimepnt\n", + "Mobilities\n", + "halfeffort\n", + "processThe\n", + "transpertaion\n", + "inviited\n", + "medicne\n", + "21This\n", + "chripping\n", + "eartyh\n", + "presindental\n", + "collegeDo\n", + "sheHe\n", + "smartdriving\n", + "probley\n", + "seethat\n", + "eqaully\n", + "TEACHER_NAME\n", + "austronomers\n", + "detriorating\n", + "collegeeven\n", + "plannet\n", + "Seregy\n", + "33000\n", + "exampletexting\n", + "nameing\n", + "orinal\n", + "faical\n", + "malapportionment\n", + "sayingwhy\n", + "lifestylr\n", + "anachromism\n", + "uncroud\n", + "sportsnewspaperand\n", + "pastschools\n", + "cityBogota\n", + "normla\n", + "TahnkPlan\n", + "worrries\n", + "resoncibility\n", + "veary\n", + "beileve\n", + "deadlinesfor\n", + "y20FactstextUsing20a20cell20phone20whilevehicle20crashes20involving20\n", + "saidIt\n", + "buthuman\n", + "necesarrily\n", + "glitchs\n", + "anyhing\n", + "saysPresently\n", + "SDSP\n", + "naturual\n", + "friendsteachersalso\n", + "procceding\n", + "realiy\n", + "ccomfort\n", + "exapned\n", + "statesource\n", + "emotionshappinesssurpriseangerdigustfearand\n", + "coldhotrain\n", + "ConclusionAllow\n", + "sufer\n", + "statesScientists\n", + "FINESAND\n", + "photos5\n", + "blmamed\n", + "trep\n", + "eductaion\n", + "sanificant\n", + "tinfoilhat\n", + "Eroup\n", + "instrector\n", + "BILLS80\n", + "fine12\n", + "relases\n", + "extracuricular\n", + "inconclution\n", + "Mindedness\n", + "educationso\n", + "emore\n", + "bethat\n", + "nicu\n", + "backleg\n", + "peoplesuch\n", + "phoneelectronic\n", + "armosphere\n", + "whaty\n", + "Freakonmics\n", + "oneparagraph\n", + "authorty\n", + "processstart\n", + "Farenhheit\n", + "tramindasly\n", + "misunstands\n", + "secondguess\n", + "ideafo\n", + "Texass\n", + "sisterGeneric_Name\n", + "missery\n", + "eyesoff\n", + "BECAUES\n", + "booat\n", + "Driveless\n", + "driversDriverless\n", + "onlyone\n", + "elecronic\n", + "plummented\n", + "conatact\n", + "porsperous\n", + "rockests\n", + "motivationdistractions\n", + "folkes\n", + "neccessariy\n", + "piopular\n", + "ccomputers\n", + "difucult\n", + "renddering\n", + "releaseing\n", + "slightlyto\n", + "afftect\n", + "ancachronism\n", + "badside\n", + "electort\n", + "looksdresses\n", + "exacally\n", + "peoplepeoples\n", + "benifif\n", + "bored6\n", + "370\n", + "dnoone\n", + "happpniessurpiseangerdisgustfear\n", + "puttting\n", + "propr\n", + "conveintly\n", + "selfworth\n", + "Vistiting\n", + "electioin\n", + "proffesors\n", + "modles\n", + "assghnments\n", + "probalbly\n", + "applecation\n", + "14th\n", + "girlboy\n", + "par9\n", + "acidNASAs\n", + "hoveround\n", + "clames\n", + "scienitst\n", + "wellIf\n", + "traficdose\n", + "actirty\n", + "asignments\n", + "expieriment\n", + "advanceing\n", + "clevelandclinic\n", + "irrevalate\n", + "difficultt\n", + "withoutcars\n", + "progarm\n", + "jhon\n", + "rescoues\n", + "consdiering\n", + "Unessacary\n", + "PLumers\n", + "stuations\n", + "schoolwise\n", + "suscide\n", + "stateshonestly\n", + "doent\n", + "obervesand\n", + "atractions\n", + "costomers\n", + "Nonswing\n", + "carsacan\n", + "813\n", + "smithereans\n", + "castthat\n", + "experimentall\n", + "funtcion\n", + "starvng\n", + "understaning\n", + "dgrees\n", + "whicha\n", + "demomstration\n", + "esspecially\n", + "extraculliculars\n", + "exsperience\n", + "effidence\n", + "expertmarket\n", + "freedevices\n", + "valuabel\n", + "advicepeople\n", + "realised\n", + "nassathe\n", + "1230\n", + "vichles\n", + "activitywhy\n", + "overParagraph\n", + "majorally\n", + "aweasome\n", + "Cydnoia\n", + "largests\n", + "longbut\n", + "freuently\n", + "eventstests\n", + "stupidif\n", + "opinionget\n", + "canididates\n", + "shouldny\n", + "experance\n", + "distinses\n", + "lotr\n", + "Bme\n", + "familiat\n", + "Intelegence\n", + "insureance\n", + "septemberthe\n", + "preparede\n", + "indevidual\n", + "spands\n", + "delegationone\n", + "Www\n", + "nearcollision\n", + "Smetimes\n", + "cappable\n", + "poupular\n", + "creativiy\n", + "presseure\n", + "irag\n", + "contrivsory\n", + "coworkings\n", + "sidewalkes\n", + "NASAsi\n", + "par28\n", + "highresolution\n", + "futureespecially\n", + "suppliesand\n", + "convinse\n", + "destinatons\n", + "bikeit\n", + "inusre\n", + "knownwell\n", + "dispurtes\n", + "secced\n", + "ideed\n", + "aruguments\n", + "VAstories\n", + "whatÃÂs\n", + "stateswith\n", + "clownsbulliesgirlsfriends\n", + "monilisa\n", + "merury\n", + "sloutions\n", + "Astronomyrelated\n", + "classmatesclub\n", + "titening\n", + "extraculliclar\n", + "stateallowing\n", + "talle\n", + "yearsthey\n", + "boygirl\n", + "buisinessman\n", + "congessmen\n", + "coachesand\n", + "friendsfamilyand\n", + "babysitte\n", + "themAlsoif\n", + "reinovation\n", + "workmaking\n", + "DECCA\n", + "ChinaGreeceEuropeVeniceitaly\n", + "resuly\n", + "expreiment\n", + "procisior\n", + "Lastthe\n", + "ealso\n", + "instintly\n", + "electricityBy\n", + "Charels\n", + "apportunity\n", + "unfaithul\n", + "musclessix\n", + "prsidential\n", + "venuss\n", + "fealful\n", + "electorsbased\n", + "claeese\n", + "httpsexchange\n", + "frowed\n", + "importantce\n", + "availablee\n", + "knowledgeneeded\n", + "uselful\n", + "engadged\n", + "responsile\n", + "areaslarge\n", + "latst\n", + "marvling\n", + "Eachmission\n", + "504\n", + "actoly\n", + "cantake\n", + "hikedbikedskated\n", + "Constitutuin\n", + "edicuation\n", + "Oogue\n", + "regullar\n", + "Ofter\n", + "lesa\n", + "importnt\n", + "craters4\n", + "nastional\n", + "pooring\n", + "numberofinternational\n", + "valubal\n", + "breating\n", + "looptyloops\n", + "citizns\n", + "thatGetting\n", + "advoids\n", + "earthquackes\n", + "developled\n", + "EconomicsPersonal\n", + "tofrom\n", + "elecotrial\n", + "experinces\n", + "teamgroup\n", + "capaple\n", + "blolwing\n", + "differnece\n", + "denstity\n", + "limmited\n", + "Eurupe\n", + "abouttobelowgrade\n", + "aen5on\n", + "befroe\n", + "Marryland\n", + "limitWorking\n", + "Deocratic\n", + "suggetsts\n", + "insterest\n", + "nphysical\n", + "originla\n", + "presedints\n", + "happysadexcitedmaddepressed\n", + "currnetly\n", + "aqumilate\n", + "deatil\n", + "carrers\n", + "sitauation\n", + "CROPPED\n", + "enganing\n", + "happysad\n", + "educatin\n", + "humandriven\n", + "Anouther\n", + "realible\n", + "recognised\n", + "HOMEWHEN\n", + "landingfor\n", + "Orbitier\n", + "opporortunity\n", + "deserveyes\n", + "obricularis\n", + "100200\n", + "subjecthistory\n", + "stundets\n", + "helpingcleanstop\n", + "fahrenhit\n", + "respionsible\n", + "insread\n", + "projectinvention\n", + "afotin\n", + "476\n", + "invlvedpeople\n", + "venuse\n", + "comnewsnational20190128515852\n", + "ganes\n", + "computerscanning\n", + "600am\n", + "blockstudents\n", + "2001image\n", + "20The\n", + "coches\n", + "conciderent\n", + "rummors\n", + "safetySource\n", + "infinitety\n", + "linchipin\n", + "Firstasking\n", + "Thatss\n", + "infulence\n", + "gondalo\n", + "Homelives\n", + "stidents\n", + "previde\n", + "decicde\n", + "proirity\n", + "citizena\n", + "vasriety\n", + "lauguage\n", + "horsescowsand\n", + "theyslve\n", + "cluping\n", + "mountians\n", + "approvement\n", + "ownersip\n", + "Fahrennheit\n", + "undersand\n", + "HistoryGoverment\n", + "instint\n", + "indeavors\n", + "clubsgo\n", + "Zroom\n", + "Techonoly\n", + "confert\n", + "reasonis\n", + "sopt\n", + "evolutionized\n", + "algoriths\n", + "acrtical\n", + "renegage\n", + "sysems\n", + "restpres\n", + "seccesesful\n", + "domocracy\n", + "Violateros\n", + "surivial\n", + "reniassance\n", + "greenouse\n", + "becasas\n", + "oour\n", + "anvantage\n", + "phsychological\n", + "timley\n", + "FurthermoreSomebody\n", + "respondible\n", + "proccessing\n", + "morefor\n", + "Malacose\n", + "suseptable\n", + "inetible\n", + "greating\n", + "oprtunet\n", + "establlished\n", + "Greecebut\n", + "animaml\n", + "feal\n", + "fencingboxing\n", + "IIage\n", + "singke\n", + "manument\n", + "selfdiscipline\n", + "ecpresstions\n", + "arock\n", + "expericnece\n", + "ingaged\n", + "predent\n", + "studting\n", + "rommney\n", + "smoge\n", + "scarefices\n", + "elecooral\n", + "revenes\n", + "systom\n", + "expereances\n", + "bennefits\n", + "Nidirect\n", + "Verenice\n", + "nullifys\n", + "defete\n", + "widerspread\n", + "teacherlead\n", + "atound\n", + "carpolling\n", + "differsnt\n", + "meanning\n", + "pursudeing\n", + "Vikning\n", + "finesfees\n", + "oneaccordig\n", + "sester\n", + "countryrap\n", + "seme\n", + "caracterstics\n", + "mobillity\n", + "Prseident\n", + "elemtrey\n", + "oppurtinity\n", + "impossiable\n", + "fullof\n", + "retainng\n", + "Boberger\n", + "notificatin\n", + "9disguted\n", + "elctorols\n", + "gernerations\n", + "modle\n", + "withtin\n", + "expensives\n", + "istep\n", + "exampledoing\n", + "Expriencing\n", + "friendsjust\n", + "prespresmeeting\n", + "stateKnowing\n", + "swifly\n", + "orgwikiTexting_while_driving\n", + "collenge\n", + "fewmiles\n", + "promgram\n", + "statesVoters\n", + "ColorMag\n", + "gulit\n", + "realzied\n", + "Forexampleonly\n", + "monye\n", + "vechlies\n", + "suah\n", + "VaubanGermany\n", + "mixet\n", + "equalness\n", + "readdy\n", + "herThe\n", + "instanceI\n", + "conecting\n", + "parentsteachersfriends\n", + "dreverless\n", + "enusre\n", + "thinkfeel\n", + "oarts\n", + "1821\n", + "stroe\n", + "consipary\n", + "anoounces\n", + "allParagraph\n", + "34247\n", + "runofthemill\n", + "horsescows\n", + "formationwhich\n", + "electronis\n", + "scientitis\n", + "carowner\n", + "herGeneric_Name\n", + "Andthis\n", + "Certaintiy\n", + "planningI\n", + "slolution\n", + "putaNo\n", + "resposabilities\n", + "realaity\n", + "fraya\n", + "origonal\n", + "connclusion\n", + "Appilation\n", + "alienlife\n", + "excilent\n", + "asme\n", + "pollutionthis\n", + "diesek\n", + "ivasion\n", + "annoing\n", + "Londion\n", + "classsmates\n", + "evrey\n", + "Eloctoral\n", + "usagemore\n", + "enforcesd\n", + "occastionally\n", + "carintesive\n", + "eightmonth\n", + "trips_\n", + "knoweledge\n", + "dangurios\n", + "oppurtuinty\n", + "sitiuions\n", + "irrtional\n", + "curocity\n", + "mecahnics\n", + "arrangementssource\n", + "mearley\n", + "bueatiful\n", + "anaimals\n", + "341000\n", + "knoiw\n", + "90x\n", + "speiceys\n", + "rigourus\n", + "dreas\n", + "noce\n", + "predictsParagraph\n", + "wathever\n", + "becasu\n", + "cying\n", + "WHIle\n", + "lawsan\n", + "ecpecially\n", + "surfuse\n", + "gaurentee\n", + "offece\n", + "calmWhen\n", + "oue\n", + "673\n", + "undersatanding\n", + "Lukea\n", + "ownsome\n", + "atmoshere\n", + "workpopular\n", + "twosided\n", + "Finnalythe\n", + "somewere\n", + "accureslty\n", + "thouoght\n", + "reavealed\n", + "circuling\n", + "provess\n", + "time2\n", + "prosess\n", + "impirtant\n", + "90minute\n", + "tipice\n", + "fariness\n", + "comfeaturesdrivingyourphoneisadistractionevenifyouarentlookingatit\n", + "owlrd\n", + "lastely\n", + "coincedentally\n", + "learnerssome\n", + "unbarable\n", + "35\n", + "pollutated\n", + "mindest\n", + "byparagraph\n", + "collegeAccording\n", + "campigan\n", + "inhabbitting\n", + "conftorble\n", + "contreversy\n", + "telecommunactions\n", + "bouth\n", + "concluds\n", + "atmostpheric\n", + "havethen\n", + "tempeter\n", + "turm\n", + "FINESWHENEVER\n", + "votebut\n", + "Finallyif\n", + "seegetting\n", + "aditionally\n", + "inmmediatly\n", + "waitwhat\n", + "scensors\n", + "skatedto\n", + "seasand\n", + "cponducting\n", + "posinous\n", + "techolagey\n", + "ocassionaly\n", + "reduse\n", + "attetnion\n", + "satisafied\n", + "gentelman\n", + "end1\n", + "73\n", + "nessesities\n", + "electricle\n", + "MarsEvidence\n", + "anatomu\n", + "expermintal\n", + "fffective\n", + "accordining\n", + "maximim\n", + "kaigen\n", + "proffecional\n", + "caises\n", + "unitelligable\n", + "techolgy\n", + "aroundand\n", + "weÃÂve\n", + "whave\n", + "toowould\n", + "vhelic\n", + "indenify\n", + "ÃÂOpinions\n", + "dissapears\n", + "laughting\n", + "voete\n", + "Thatsall\n", + "Suveyor\n", + "noseeyes\n", + "diability\n", + "droven\n", + "emotionsThat\n", + "possbly\n", + "liceence\n", + "clubsthere\n", + "cuntries\n", + "3Therefore\n", + "interestion\n", + "igiven\n", + "acations\n", + "sighteeing\n", + "Imgine\n", + "didnÃÂtÃÂ\n", + "Plazza\n", + "Aaccording\n", + "landform7\n", + "tranzit\n", + "occurres\n", + "Howeverpublic\n", + "cemmence\n", + "ansesters\n", + "feee\n", + "videoonline\n", + "statre\n", + "instructual\n", + "amarican\n", + "campianed\n", + "twentyfour\n", + "edjucated\n", + "opertuntitie\n", + "iphonesand\n", + "cartheyll\n", + "suporrts\n", + "wihtin\n", + "benifital\n", + "felxible\n", + "orrunning\n", + "Ascertainments\n", + "exsplain\n", + "kepp\n", + "consisderation\n", + "atmosphpere\n", + "pocketsized\n", + "resores\n", + "toughboth\n", + "rocksa\n", + "positiveaspects\n", + "raidiation\n", + "Senctence\n", + "authr\n", + "exspinsive\n", + "pemitted\n", + "varrying\n", + "saysUnder\n", + "metersThe\n", + "reasonsit\n", + "agknowledge\n", + "lunchesvending\n", + "unnoitcable\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "oppinouns\n", + "landscap\n", + "missourilawyers\n", + "willstill\n", + "discorvering\n", + "Technologyweapons\n", + "moodmentality\n", + "attinsion\n", + "eightgraders\n", + "drunck\n", + "siblibgs\n", + "studided\n", + "solfware\n", + "trafficand\n", + "secendly\n", + "Autonymous\n", + "truying\n", + "elington\n", + "voteWHY\n", + "home75\n", + "triumps\n", + "43m\n", + "bomberger\n", + "mechanicalbuilt\n", + "custmer\n", + "deisels\n", + "liqeufy\n", + "woudnt\n", + "workand\n", + "depate\n", + "winnerEach\n", + "modavted\n", + "pther\n", + "schoolissued\n", + "Conclusionso\n", + "extracurectular\n", + "whoes\n", + "Leonedo\n", + "emphisizable\n", + "nessessities\n", + "engoing\n", + "partil\n", + "selfgiven\n", + "Regargless\n", + "studentsas\n", + "newerand\n", + "baseballvolleyballtabletennis\n", + "Bomberberg\n", + "breakweather\n", + "possability\n", + "counsling\n", + "Segrigationists\n", + "favoret\n", + "resembeld\n", + "538\n", + "guiedece\n", + "answerd\n", + "Idont\n", + "showning\n", + "otherss\n", + "lesserfortunate\n", + "moneythey\n", + "Adomatic\n", + "seashe\n", + "sacecraft\n", + "everythong\n", + "roadthe\n", + "centurys\n", + "harmes\n", + "occations\n", + "smogThe\n", + "vocanoes\n", + "clasroom\n", + "translaters\n", + "Posenthal\n", + "agasinst\n", + "photoAs\n", + "algortihms\n", + "softwaredata\n", + "evntually\n", + "ocasionally\n", + "VeniceItlay\n", + "fanatsy\n", + "bogotas\n", + "pharagh\n", + "exantly\n", + "casr\n", + "andh\n", + "deadlockes\n", + "studywhen\n", + "fivedollars\n", + "stopWhen\n", + "unnoticable\n", + "satelliterelated\n", + "statecanidatdes\n", + "obviouse\n", + "necassary\n", + "orglegalarticlestextingwhiledriving40319\n", + "likeGoogles\n", + "sociol\n", + "eberyone\n", + "biigest\n", + "techer\n", + "distractons\n", + "safeplace\n", + "expretion\n", + "artisis\n", + "conferenceor\n", + "democracey\n", + "everlooming\n", + "spreadout\n", + "airplain\n", + "disingaged\n", + "conlcusion\n", + "paragarphs\n", + "spendng\n", + "prier\n", + "Honestlty\n", + "interperosnal\n", + "studentonstudent\n", + "momunment\n", + "monalisa\n", + "weeksThese\n", + "birghtest\n", + "optins\n", + "eneven\n", + "wotk\n", + "fourtionor\n", + "chromotagraphy\n", + "refutal\n", + "becuaseimagine\n", + "intertainment\n", + "org20091116teensanddistracteddriving\n", + "paremts\n", + "stuiped\n", + "pepoul\n", + "SelfDriving\n", + "17th\n", + "orgstatelawsissuesdistracted\n", + "thhis\n", + "elimnates\n", + "vte\n", + "movenment\n", + "isnt\n", + "ovle\n", + "ambaresed\n", + "rteally\n", + "canidatesknowing\n", + "phoneTV\n", + "furthermor\n", + "fiftysevem\n", + "stressreliever\n", + "endofsummer\n", + "occcasionally\n", + "sturdents\n", + "Fahrenheite\n", + "scientiffically\n", + "thrityplus\n", + "helpig\n", + "seeif\n", + "exludes\n", + "life4\n", + "disagee\n", + "peoplemay\n", + "possabilities\n", + "suposadly\n", + "adviceseeker\n", + "Studentassigned\n", + "Vauband\n", + "academiclly\n", + "tragity\n", + "coyboys\n", + "allThe\n", + "multipule\n", + "givving\n", + "thouasands\n", + "huimans\n", + "industructible\n", + "honsetly\n", + "disipher\n", + "volcanoe\n", + "thaan\n", + "drribing\n", + "additionmany\n", + "uniqe\n", + "notexceed\n", + "revals\n", + "coralation\n", + "ecxerpt\n", + "changepeople\n", + "eaverything\n", + "privacysomeone\n", + "disctracted\n", + "technologydependent\n", + "equilvalent\n", + "envirnoments\n", + "comtrol\n", + "evation\n", + "togethervoting\n", + "teaacher\n", + "stying\n", + "callege\n", + "faceDAlto\n", + "enterained\n", + "secceeded\n", + "themkids\n", + "workgot\n", + "Adminitration\n", + "pricepeople\n", + "boreing\n", + "advanture\n", + "condintion\n", + "summerize\n", + "explorition\n", + "exersicse\n", + "diddnt\n", + "Studing\n", + "ruiling\n", + "stuudents\n", + "greenhose\n", + "naural\n", + "studentsit\n", + "elevtors\n", + "19680and\n", + "parpgraph\n", + "coiuldnt\n", + "population0\n", + "Generic_City\n", + "varried\n", + "oportonitys\n", + "proxinity\n", + "unnessessary\n", + "persont\n", + "thatÃÂs\n", + "ellaborate\n", + "collegestyle\n", + "cotes\n", + "LondonReuters\n", + "bonesas\n", + "sausge\n", + "adoult\n", + "Americapara7Theres\n", + "hayand\n", + "anatomicl\n", + "gradesby\n", + "diffuclitys\n", + "seceand\n", + "Fcial\n", + "Doleand\n", + "reaidin\n", + "rcky\n", + "couldagain\n", + "evnironment\n", + "2075\n", + "helpshe\n", + "demovratic\n", + "pedistrians\n", + "classesonline\n", + "transfors\n", + "ocurrance\n", + "benefeits\n", + "Cololege\n", + "statedBecause\n", + "frustratation\n", + "sesing\n", + "574\n", + "537\n", + "surrface\n", + "hevy\n", + "wacth\n", + "signscinesetc\n", + "AFace\n", + "twentysecond\n", + "certainley\n", + "scorit\n", + "Sotaking\n", + "miight\n", + "potintsion\n", + "Avacadoes\n", + "injured9\n", + "euors\n", + "fedat\n", + "columbian\n", + "120mph\n", + "offchange\n", + "assignemnt\n", + "tadays\n", + "dimise\n", + "dicesion\n", + "electecity\n", + "readThe\n", + "temperatuer\n", + "SCHOOI\n", + "opertuntity\n", + "Cernaint\n", + "Geece\n", + "buyist\n", + "canhave\n", + "firday\n", + "ordanary\n", + "alottment\n", + "noschool\n", + "hardestits\n", + "presidentil\n", + "canael\n", + "constructionzone\n", + "dangerus\n", + "muscule\n", + "arginol\n", + "thingslast\n", + "selfabled\n", + "trifolds\n", + "slideassignment\n", + "physicall\n", + "recrate\n", + "candidatesknowing\n", + "strategys\n", + "enviomental\n", + "studentdeigned\n", + "countriesWe\n", + "2019\n", + "bascilly\n", + "facinatedby\n", + "challengeing\n", + "sayig\n", + "socicl\n", + "cattlefood\n", + "mesaures\n", + "expiereance\n", + "planetthan\n", + "CarFree\n", + "asnwer\n", + "facilite\n", + "recks\n", + "outcoem\n", + "likkly\n", + "truethfuly\n", + "provent\n", + "2Everyones\n", + "Reahabilitation\n", + "graduatied\n", + "regliously\n", + "greatyly\n", + "insocial\n", + "procced\n", + "veichles\n", + "faceID\n", + "photograpghy\n", + "Fothermore\n", + "disreguarded\n", + "advangtage\n", + "IMPEDIMENT\n", + "trigonmetry\n", + "Eygptianstyle\n", + "thereats\n", + "clouddrapped\n", + "acidresistent\n", + "watchgaurd\n", + "elimanted\n", + "Induvial\n", + "easiter\n", + "secondI\n", + "Venusthis\n", + "perputation\n", + "conntrol\n", + "Pararaph\n", + "menuver\n", + "deffinitaly\n", + "Imagne\n", + "dischargedLuke\n", + "intruptions\n", + "populure\n", + "heald\n", + "lyfts\n", + "partsect\n", + "becausewhy\n", + "Takinf\n", + "232\n", + "naughborhood\n", + "accustomes\n", + "jeffs\n", + "temetures\n", + "rockssafely\n", + "killl\n", + "secondto\n", + "deppresion\n", + "noiseses\n", + "casws\n", + "teast\n", + "mallwatch\n", + "umited\n", + "Californiawho\n", + "inlimited\n", + "busyer\n", + "fantisy\n", + "obvisouly\n", + "raditation\n", + "phycially\n", + "pecie\n", + "approches\n", + "teachergives\n", + "cpoint\n", + "consideredrespected\n", + "decleration\n", + "syack\n", + "stressSource\n", + "lifesare\n", + "genertation\n", + "decre4ases\n", + "teacers\n", + "deiselengines\n", + "columbias\n", + "twentyfirst\n", + "nerdwallet\n", + "onbord\n", + "reconginition\n", + "conspiacy\n", + "shorterlonger\n", + "wellmade\n", + "pantrys\n", + "wordillusion\n", + "presidentThis\n", + "therebyor\n", + "snooth\n", + "echanical\n", + "emoitional\n", + "choosesI\n", + "systemthe\n", + "swinglike\n", + "livelike\n", + "scecond\n", + "evelated\n", + "familiesand\n", + "twinkal\n", + "poplular\n", + "decisionso\n", + "crorrosive\n", + "surveyour\n", + "assiatant\n", + "geolgoy\n", + "assemblys\n", + "elrection\n", + "assumptionsstatements\n", + "countryHere\n", + "Plumet\n", + "Bejings\n", + "desnity\n", + "citizensSource\n", + "needwant\n", + "compelety\n", + "methodstechniques\n", + "REGREAT\n", + "scolarship\n", + "honers\n", + "forwand\n", + "stuipd\n", + "winnertakesall\n", + "conclucion\n", + "ecah\n", + "inconvienent\n", + "diging\n", + "carbidethough\n", + "smilingbut\n", + "hihelloor\n", + "repacing\n", + "possibel\n", + "treefossil\n", + "preforn\n", + "illogicallets\n", + "manority\n", + "distace\n", + "rumming\n", + "nyquil\n", + "drivlerless\n", + "unnecessay\n", + "equality8\n", + "sponserships\n", + "dodont\n", + "historyeducation\n", + "mjority\n", + "contrate\n", + "surpriseangerdisgust\n", + "nesscary\n", + "photosyou\n", + "Automible\n", + "exricse\n", + "beyandassociates\n", + "everyonce\n", + "focast\n", + "soldiernursedoctor\n", + "dayWell\n", + "persendent\n", + "understandnd\n", + "pymarids\n", + "forover\n", + "matrial\n", + "exampleObama\n", + "ovisely\n", + "peoplecountries\n", + "anaylze\n", + "balacing\n", + "fromation\n", + "pulltion\n", + "Inschool\n", + "topicLet\n", + "sussesful\n", + "tuseday\n", + "itsenviorment\n", + "mouthfunction\n", + "presidentthey\n", + "attetntion\n", + "baseballand\n", + "Certainity\n", + "boredTeachers\n", + "ususually\n", + "prodeuces\n", + "desiciosns\n", + "FCPSOn\n", + "electorssenators\n", + "enbedded\n", + "stdent\n", + "LisaMakeing\n", + "logicempty\n", + "eletors\n", + "UNNRRA\n", + "THousands\n", + "beforelike\n", + "hardGoing\n", + "withbthe\n", + "astetics\n", + "bussnesses\n", + "nicebut\n", + "precuations\n", + "kess\n", + "unblur\n", + "complecates\n", + "myselfso\n", + "convinc\n", + "purschaing\n", + "releive\n", + "Studets\n", + "VAUBANGermany\n", + "mirrorsthere\n", + "politcian\n", + "persoon\n", + "finacianal\n", + "ralliesdancesor\n", + "reatinging\n", + "elecations\n", + "comlegaladvicetopcausesofcaraccidents\n", + "atuopilot\n", + "WhileSome\n", + "sharpper\n", + "smartif\n", + "noticify\n", + "tookphotographs\n", + "Electorol\n", + "languiges\n", + "fust\n", + "UberLyftrideshare\n", + "sickgot\n", + "prioities\n", + "comepeat\n", + "scientifc\n", + "CANIDETS\n", + "Youhave\n", + "Carbondioxide\n", + "constructus\n", + "oceansriversvalleysand\n", + "repleting\n", + "populor\n", + "selfmanaging\n", + "nvenus\n", + "drasically\n", + "masacres\n", + "chcek\n", + "phycology\n", + "evereything\n", + "guve\n", + "Egtptianstyle\n", + "EuropeGreeceor\n", + "occationally\n", + "hundread\n", + "immedietly\n", + "sometghing\n", + "taxiss\n", + "937\n", + "indevior\n", + "inconclusion\n", + "incentuve\n", + "1996But\n", + "poissibly\n", + "simiply\n", + "pschologist\n", + "insructional\n", + "phoneit\n", + "conditionsAlso\n", + "12711\n", + "gorcery\n", + "Representitves\n", + "threws\n", + "3it\n", + "escpecially\n", + "bielive\n", + "thereafteraccording\n", + "lanndforms\n", + "nromal\n", + "ummmmmmm\n", + "towardsoften\n", + "assighn\n", + "to1976\n", + "responsibilaties\n", + "acuatlly\n", + "inpack\n", + "distracBng\n", + "atow\n", + "1888This\n", + "Adui\n", + "gaven\n", + "technologyhave\n", + "Becouse\n", + "everywherethey\n", + "computurized\n", + "thumg\n", + "civiliation\n", + "tableand\n", + "accidences\n", + "addicional\n", + "wourld\n", + "convenientbut\n", + "siduations\n", + "croosed\n", + "hthiother\n", + "jto\n", + "sining\n", + "relaxe\n", + "fullsaid\n", + "wildit\n", + "tracksomething\n", + "mareled\n", + "disrruption\n", + "cratersmountainand\n", + "hmuanity\n", + "anlantic\n", + "carintensive\n", + "werried\n", + "becusae\n", + "animalssupplies\n", + "awedome\n", + "dayGeneric_Name\n", + "methodshouldremain\n", + "electorsbut\n", + "unbareably\n", + "Teacherdesign\n", + "technollogy\n", + "electorsand\n", + "bisociety\n", + "ablie\n", + "sciencefiction\n", + "indside\n", + "resolveeven\n", + "doown\n", + "studentsdesigned\n", + "methids\n", + "cahnge\n", + "hosbital\n", + "arrouses\n", + "envorinment\n", + "entertaniment\n", + "travles\n", + "presious\n", + "aroiund\n", + "twoIn\n", + "oppenets\n", + "definitally\n", + "Bacause\n", + "soures\n", + "allbut\n", + "skeptisism\n", + "voteres\n", + "oldI\n", + "yesbut\n", + "imiting\n", + "bill80\n", + "pormote\n", + "monuvers\n", + "respecfulness\n", + "18wich\n", + "attepmting\n", + "machiene\n", + "explantions\n", + "capmpaign\n", + "quastions\n", + "contineousely\n", + "481000\n", + "mouthains\n", + "percentthere\n", + "Electorals\n", + "sucsesfull\n", + "asserstions\n", + "WinnerTakesAll\n", + "rocketscience\n", + "1100am\n", + "problemsAutomakers\n", + "conprehended\n", + "GoogleBMWGMMercedesBenzAudi\n", + "rearveiw\n", + "measruements\n", + "foarm\n", + "emotionsDAlto\n", + "thinkn\n", + "santor\n", + "pollued\n", + "happinesssurpriseangerdigustfear\n", + "aweinspiring\n", + "9yearold\n", + "Earhtlike\n", + "simlilar\n", + "BBCSTREET\n", + "onserve\n", + "friendit\n", + "examplethe\n", + "stretche\n", + "managabel\n", + "menwomen\n", + "becalled\n", + "geeting\n", + "attensiion\n", + "strared\n", + "priorieties\n", + "smeli\n", + "grogery\n", + "handeled\n", + "getg\n", + "accociated\n", + "willchange\n", + "inbuilding\n", + "eithier\n", + "injued\n", + "respensint\n", + "knolledge\n", + "made2\n", + "themselvs\n", + "waterYou\n", + "amendemnt\n", + "imphasizes\n", + "medeor\n", + "sulfaric\n", + "pixles\n", + "intoxenanated\n", + "foundig\n", + "Okayyesit\n", + "82001\n", + "mainl\n", + "sincearly\n", + "unconfortable\n", + "statesnotify\n", + "misleding\n", + "automessage\n", + "differt\n", + "togeter\n", + "aboutthose\n", + "COVID19\n", + "realImagine\n", + "independetly\n", + "vesalls\n", + "carswhich\n", + "foney\n", + "bealive\n", + "vieicle\n", + "recomendable\n", + "timeson\n", + "comuters\n", + "environmentm\n", + "hgives\n", + "carhow\n", + "perpestictive\n", + "contentHandsFree\n", + "ideaSuch\n", + "EAch\n", + "Seagoign\n", + "speaceship\n", + "schoolwhat\n", + "tocertian\n", + "deskandchalkboard\n", + "hustleandbustle\n", + "habitthat\n", + "simulatiing\n", + "Butits\n", + "tvor\n", + "paymants\n", + "Accuratey\n", + "timesthe\n", + "someonesomething\n", + "bikewalk\n", + "disvalues\n", + "finded\n", + "disaes\n", + "Californina\n", + "iut\n", + "secdonly\n", + "nintyseven\n", + "inocennt\n", + "resouceslike\n", + "muscels\n", + "contineau\n", + "identitfy\n", + "srate\n", + "anddesine\n", + "abbility\n", + "winnertakeall\n", + "caare\n", + "prusite\n", + "foccuse\n", + "themsekves\n", + "twinA\n", + "createdbecause\n", + "paragraoh\n", + "econdomy\n", + "thedriver\n", + "advanving\n", + "enjoybal\n", + "110\n", + "trhat\n", + "whyhe\n", + "sadnes\n", + "esepially\n", + "Lastlysome\n", + "courosity\n", + "Northeastetchas\n", + "couting\n", + "Professer\n", + "particularle\n", + "sceince\n", + "hisher\n", + "pruchase\n", + "selfies\n", + "priveliges\n", + "Tecahers\n", + "drivier\n", + "mcould\n", + "conspiraces\n", + "surfice\n", + "outway\n", + "gifen\n", + "anachronish\n", + "solutionVenus\n", + "smille\n", + "Movment\n", + "displin\n", + "dilevery\n", + "representator\n", + "faceWhen\n", + "Europeduring\n", + "inhailing\n", + "Secondby\n", + "wasWell\n", + "3433\n", + "25mins\n", + "depris\n", + "implie\n", + "persion\n", + "corses\n", + "devistate\n", + "adultor\n", + "nessassary\n", + "whatd\n", + "speeking\n", + "rewardless\n", + "advantaes\n", + "2Pharagraph\n", + "eemotion\n", + "candatite\n", + "spaceshuttles\n", + "noneone\n", + "andlighting\n", + "expenxive\n", + "2001a\n", + "beginingabout\n", + "regualations\n", + "tolde\n", + "aximum\n", + "IfeellikeIknoweveryone\n", + "1983it\n", + "solty\n", + "nombers\n", + "eround\n", + "cretures\n", + "impares\n", + "calcutions\n", + "comprihend\n", + "onein\n", + "Paragrah\n", + "peoplew\n", + "pressuure\n", + "anygiven\n", + "tradadition\n", + "manuverbility\n", + "facsFacial\n", + "undergroud\n", + "representativesbut\n", + "residance\n", + "thanus\n", + "money1919\n", + "oboma\n", + "dagers\n", + "counterarguing\n", + "adventually\n", + "obamageorge\n", + "precentation\n", + "outcomeeverystates\n", + "teachersfriendsand\n", + "saftly\n", + "expersience\n", + "FirstDriveless\n", + "WWoosterand\n", + "electection\n", + "beginyou\n", + "stupides\n", + "atmosher\n", + "bages\n", + "bcan\n", + "liscenes\n", + "adavnced\n", + "outcomeEveryones\n", + "collecet\n", + "beniffical\n", + "couded\n", + "conclucionAs\n", + "disinged\n", + "otherso\n", + "onlinefor\n", + "beenn\n", + "aninals\n", + "RiskFreeNational\n", + "problmes\n", + "travleing\n", + "speculaters\n", + "peoploe\n", + "destractions\n", + "thatelectoral\n", + "scchool\n", + "manfacuture\n", + "Amost\n", + "tutour\n", + "pressuire\n", + "Fahrenhet\n", + "aniamls\n", + "breakand\n", + "revitialize\n", + "computre\n", + "bodyand\n", + "fanominal\n", + "albulms\n", + "sputering\n", + "spraysetc\n", + "Heidurn\n", + "Cowbiy\n", + "inivations\n", + "inncident\n", + "wwwindependentmotorscom\n", + "gottenTheyre\n", + "techonolgy\n", + "presidints\n", + "Jummy\n", + "splended\n", + "Atlantisc\n", + "specieshow\n", + "surveypr\n", + "Sonetines\n", + "favorism\n", + "poeplepeople\n", + "classoms\n", + "extress\n", + "perfectlyu\n", + "congergations\n", + "shwos\n", + "accedentd\n", + "poplution\n", + "voyge\n", + "1500\n", + "selfparking\n", + "positves\n", + "StatesElectoral\n", + "saysIt\n", + "cabaple\n", + "secrect\n", + "caredully\n", + "prorcees\n", + "guruloungephowmuchdoridesharedriversuberandlyftmakeinatlantaga\n", + "Knownig\n", + "twocents\n", + "inceaced\n", + "bendz\n", + "desent\n", + "biasim\n", + "smoggreen\n", + "sadhappy\n", + "hheidun\n", + "varing\n", + "Moreoverusing\n", + "aiens\n", + "existis\n", + "worthty\n", + "selectiing\n", + "aroundthat\n", + "redident\n", + "easieronline\n", + "accidetns\n", + "sensore\n", + "emitiones\n", + "VeniceItalythe\n", + "finnishing\n", + "Reprsentatives\n", + "devoring\n", + "citiescountries\n", + "everydaysometimes\n", + "penguinzs\n", + "possinble\n", + "factorsthe\n", + "idenfy\n", + "caar\n", + "compyter\n", + "continuaslly\n", + "debre\n", + "5days\n", + "abomished\n", + "scroit\n", + "presidentNext\n", + "wreckessly\n", + "Elemtary\n", + "imediate\n", + "genthanksadded\n", + "distrect\n", + "succseful\n", + "14x\n", + "Studens\n", + "stolling\n", + "Edubirdie\n", + "pursut\n", + "outofreach\n", + "actitude\n", + "usbut\n", + "Protecton\n", + "distrating\n", + "1327\n", + "haelped\n", + "praagraphs\n", + "liscened\n", + "especiallyon\n", + "desited\n", + "enoughstudents\n", + "pronalems\n", + "Gorethanks\n", + "brutial\n", + "lind\n", + "atmosphore\n", + "vters\n", + "cobows\n", + "envented\n", + "inherant\n", + "usauge\n", + "bacis\n", + "areit\n", + "chancewill\n", + "lineat\n", + "intesresting\n", + "esurance\n", + "Systemis\n", + "asits\n", + "bycicling\n", + "jusrt\n", + "adictive\n", + "soIn\n", + "Youtuber\n", + "immidately\n", + "impedments\n", + "Thousnad\n", + "saty\n", + "equalling\n", + "selfbeing\n", + "reasonible\n", + "perfered\n", + "cloudles\n", + "sententuries\n", + "populary\n", + "graduateand\n", + "MarsAfter\n", + "acurrate\n", + "segegaters\n", + "articule\n", + "quistion\n", + "3211\n", + "meanig\n", + "destack\n", + "seeboth\n", + "agruement\n", + "treammate\n", + "dentisis\n", + "unfriendl\n", + "seasonsummer\n", + "chalenging\n", + "natmosphere\n", + "suburbian\n", + "RomeEuropeand\n", + "surves\n", + "accidentways\n", + "carrey\n", + "freedomtrustand\n", + "stricked\n", + "Prontes\n", + "stuctures\n", + "spotshould\n", + "sarcasim\n", + "haterate\n", + "prioprity\n", + "remaines\n", + "dussicion\n", + "innovaton\n", + "promoring\n", + "900pm\n", + "trutworthy\n", + "camras\n", + "dvice\n", + "condictions\n", + "criptics\n", + "punisment\n", + "firery\n", + "restorant\n", + "Repoedyou\n", + "cofused\n", + "confrim\n", + "trickyhowever\n", + "reclassing\n", + "shipe\n", + "22327\n", + "1Some\n", + "thean\n", + "treaffic\n", + "reliablitiy\n", + "simalirty\n", + "apromximently\n", + "saticfied\n", + "anits\n", + "mindssome\n", + "injoy\n", + "nonpoticular\n", + "primarilly\n", + "venusain\n", + "twlk\n", + "enforcemnt\n", + "voteinstead\n", + "topicsstudents\n", + "Scients\n", + "eaqually\n", + "Schoolyou\n", + "durastically\n", + "esyer\n", + "obastacles\n", + "aeffect\n", + "boxingreading\n", + "stillbe\n", + "cloudes\n", + "possiblilities\n", + "wonderfuk\n", + "romeney\n", + "ownsership\n", + "shameafraidscared\n", + "expresion\n", + "sisutatuion\n", + "beneifitablefor\n", + "cyndonia\n", + "tooIts\n", + "CreditDonkey\n", + "Likily\n", + "topicall\n", + "problemsfaults\n", + "outcomeeveryones\n", + "blossemed\n", + "dxlicic\n", + "effiecency\n", + "NASAIm\n", + "scienstist\n", + "1945Luke\n", + "saythis\n", + "phonethats\n", + "reputaion\n", + "instrutor\n", + "ifigure\n", + "emothinal\n", + "Maufacturers\n", + "alson\n", + "winnnertakeall\n", + "bicyclessubwaysroller\n", + "MrSenator\n", + "statisticly\n", + "doneas\n", + "ovserves\n", + "warthey\n", + "plante\n", + "allterrain\n", + "softwaretracks\n", + "702\n", + "shudent\n", + "driversed\n", + "privice\n", + "distroed\n", + "examplesmomdadantuncle\n", + "sebe\n", + "anachrinism\n", + "Uun\n", + "biggist\n", + "neuatral\n", + "reassurence\n", + "sailng\n", + "wona\n", + "UNNRA\n", + "suppliesfoodand\n", + "Stateswe\n", + "116\n", + "prisonjailetc\n", + "teeneagers\n", + "loudsmellyand\n", + "selfoperating\n", + "LondonSource\n", + "characterestic\n", + "comparacy\n", + "europen\n", + "sociologits\n", + "pedicted\n", + "Alsoyou\n", + "czr\n", + "imadicly\n", + "straightend\n", + "peopleÃÂs\n", + "seagle\n", + "centercities\n", + "acessible\n", + "capablitiy\n", + "dissadvantages\n", + "traped\n", + "drivening\n", + "Teacherbased\n", + "concure\n", + "furtre\n", + "hospitible\n", + "imparticular\n", + "campaignes\n", + "lazzy\n", + "Fauthers\n", + "thayre\n", + "wonderul\n", + "egsost\n", + "coulddraped\n", + "sidetangents\n", + "everyonss\n", + "communitcation\n", + "massasive\n", + "Vaban\n", + "frieands\n", + "Secand\n", + "Smogs\n", + "Firstnobody\n", + "Humens\n", + "shist\n", + "plagarize\n", + "Domocratic\n", + "itso\n", + "outofzone\n", + "storento\n", + "procations\n", + "segragation\n", + "Vaubsans\n", + "Swartsnager\n", + "brightestplanet\n", + "ahave\n", + "soical\n", + "garadges\n", + "rescources\n", + "Statesgreenhouse\n", + "healtheir\n", + "Imagien\n", + "writtening\n", + "selskyIts\n", + "cimputer\n", + "presiciely\n", + "manufatuers\n", + "5910\n", + "moreanother\n", + "Naborhood\n", + "manymany\n", + "Ryuku\n", + "transportatation\n", + "wearhouse\n", + "whoul\n", + "outHave\n", + "Presdident\n", + "nationd\n", + "purfect\n", + "beneficialbecause\n", + "emtionsl\n", + "demeanorbut\n", + "957\n", + "iree\n", + "first1st\n", + "States5Businessman\n", + "orgainized\n", + "unecesary\n", + "Runnerups\n", + "whon\n", + "orbiying\n", + "glitcthes\n", + "madeThey\n", + "practicly\n", + "issuehowever\n", + "insteadSource\n", + "learnedhe\n", + "frusterating\n", + "regaurded\n", + "commiunty\n", + "informationbecause\n", + "Smaile\n", + "electorsthey\n", + "Vaubancompleted\n", + "distrract\n", + "runOff\n", + "atmosphereor\n", + "coild\n", + "tennisread\n", + "immeditely\n", + "examplesome\n", + "enviotment\n", + "52\n", + "reasonf\n", + "TribuneAfter\n", + "imaginate\n", + "exampleI\n", + "adBradford\n", + "nonconjugally\n", + "PRICIPAL\n", + "Senatorbeing\n", + "fastacting\n", + "sysetem\n", + "pewresearch\n", + "kennedySo\n", + "distractionsrather\n", + "appealThe\n", + "illegile\n", + "eplanet\n", + "analizes\n", + "puoplarty\n", + "everybodyu\n", + "privatlyowned\n", + "SEagoing\n", + "carpulling\n", + "cancelled\n", + "croped\n", + "ideasput\n", + "builde\n", + "flexable\n", + "beacase\n", + "roadconstruction\n", + "adacouis\n", + "inivation\n", + "2025\n", + "underatand\n", + "acomplishment\n", + "errros\n", + "ledder\n", + "profiencent\n", + "animalsfood\n", + "EuropeSource\n", + "Mustanf\n", + "almkost\n", + "Simpily\n", + "othersand\n", + "hazord\n", + "studentsteachersor\n", + "3328\n", + "someplay\n", + "beleifs\n", + "abdunt\n", + "Cyndonia\n", + "itshe\n", + "tecahes\n", + "itelligent\n", + "havet\n", + "disticts\n", + "bryantx\n", + "stetting\n", + "lamdforms\n", + "breakfastLunchDinner\n", + "kust\n", + "Colubian\n", + "3ish\n", + "Fortnite\n", + "coundnt\n", + "polut\n", + "stuoid\n", + "shelthers\n", + "Howabout\n", + "raio\n", + "tottaly\n", + "smof\n", + "prisidentEach\n", + "reenrollment\n", + "therfor\n", + "loosly\n", + "ffaces\n", + "smoething\n", + "thiink\n", + "voates\n", + "yourselve\n", + "allowes\n", + "wose\n", + "bycyles\n", + "maratian\n", + "openmind\n", + "ststaes\n", + "sharig\n", + "schoolthat\n", + "spcifics\n", + "cliamate\n", + "youyour\n", + "phychologists\n", + "restiant\n", + "saftety\n", + "regulardriven\n", + "talkingtexting\n", + "implicatins\n", + "anashronism\n", + "threwout\n", + "IdahoThats\n", + "quiality\n", + "Probaby\n", + "assenine\n", + "electronicson\n", + "electorral\n", + "exprees\n", + "UPSome\n", + "lessining\n", + "projetwas\n", + "termBuilding\n", + "instructoMost\n", + "resspect\n", + "sadfrowning\n", + "cerrupt\n", + "enevitable\n", + "outsideofclass\n", + "baert\n", + "obsereves\n", + "geograghical\n", + "intertial\n", + "thatb\n", + "101120\n", + "divise\n", + "powrful\n", + "whate\n", + "learnedthe\n", + "wantso\n", + "Drivelss\n", + "notg\n", + "Hanug\n", + "cercuit\n", + "Generic_NameGeneric_Name\n", + "Greeece\n", + "advanatges\n", + "convieneint\n", + "Earthfor\n", + "1what\n", + "threethe\n", + "pangea\n", + "ParisVaubanand\n", + "passgae\n", + "simalar\n", + "surondings\n", + "toof\n", + "distacted\n", + "586\n", + "befoore\n", + "unvelied\n", + "Nerws\n", + "helthier\n", + "previlge\n", + "endeavores\n", + "erath\n", + "benifiting\n", + "picutes\n", + "acsidents\n", + "fueless\n", + "cityThe\n", + "collegesSeeking\n", + "homeonlineand\n", + "breakthey\n", + "Sencerly\n", + "swtch\n", + "expersion\n", + "lateand\n", + "examplelast\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "caverage\n", + "futrue\n", + "shouldnÃÂt\n", + "19th\n", + "insnt\n", + "collegebut\n", + "Textingand\n", + "tellrobert\n", + "posability\n", + "incourage\n", + "Therer\n", + "whitting\n", + "2eveyones\n", + "clains\n", + "closertohome\n", + "caract\n", + "studentspeople\n", + "effitiant\n", + "ebery\n", + "aloned\n", + "Seabearing\n", + "STUDENTSCELL\n", + "izs\n", + "rediagnosis\n", + "teamor\n", + "anoimals\n", + "voite\n", + "accure\n", + "creditsbut\n", + "dony\n", + "narurally\n", + "Constitutionalright\n", + "replacedand\n", + "awesom\n", + "chioces\n", + "1455360\n", + "P2022\n", + "activilty\n", + "articleEckman\n", + "stystem\n", + "nearrecorcd\n", + "statebasically\n", + "bannedwell\n", + "diebetes\n", + "dangeres\n", + "hevaly\n", + "satilites\n", + "usnext\n", + "everiday\n", + "privage\n", + "diffrient\n", + "recoverdfrom\n", + "wasis\n", + "agruments\n", + "Thouands\n", + "promoteing\n", + "attenting\n", + "containes\n", + "therei\n", + "courages\n", + "enviremont\n", + "Plumner\n", + "complety\n", + "werefirst\n", + "BogotaColumbia\n", + "resently\n", + "6oclock\n", + "Peoole\n", + "thatlet\n", + "beneifial\n", + "clounddraped\n", + "samethey\n", + "likelt\n", + "legacybut\n", + "captail\n", + "canfor\n", + "amzaing\n", + "presedents\n", + "oredered\n", + "19982001\n", + "disadvenatge\n", + "NASAa\n", + "balence\n", + "qulify\n", + "therapistscounsolers\n", + "Sceintist\n", + "musclesUsing\n", + "percetnhappy\n", + "aRen\n", + "storyand\n", + "StatesThe\n", + "perhapes\n", + "electoralote\n", + "setteld\n", + "emited\n", + "graduatated\n", + "hahve\n", + "corruptable\n", + "changehappen\n", + "occasionatly\n", + "citizem\n", + "experuence\n", + "mopre\n", + "chatacter\n", + "EuropeChinaItaly\n", + "disrelish\n", + "toI\n", + "aroundif\n", + "waterHarbor\n", + "calculationsbut\n", + "perring\n", + "speechtotext\n", + "undesirabe\n", + "elctorsthey\n", + "proffiting\n", + "nonschoolsponsored\n", + "unexpectedley\n", + "terirble\n", + "effeciant\n", + "fiftyfour\n", + "construstion\n", + "scambing\n", + "hoursthis\n", + "creationexperience\n", + "Eploration\n", + "studentsThereforestudents\n", + "ehre\n", + "sied\n", + "candidatr\n", + "importanttheir\n", + "elictoral\n", + "highertechnology\n", + "MarsAnd\n", + "mythotical\n", + "aloneMore\n", + "exprmnt\n", + "bikesharing\n", + "formatons\n", + "infacr\n", + "treatly\n", + "Ertheless\n", + "slidding\n", + "bking\n", + "survine\n", + "pregression\n", + "Ypu\n", + "alternive\n", + "agreeded\n", + "ghard\n", + "votersThey\n", + "65000\n", + "dperived\n", + "foodwaterand\n", + "Vollyball\n", + "logorithmic\n", + "becasuese\n", + "Sytsem\n", + "stormand\n", + "houes\n", + "AsunciÓn\n", + "cricles\n", + "allotmentof\n", + "completein\n", + "instreting\n", + "realisticly\n", + "aswellStating\n", + "parahgraph\n", + "reposses\n", + "patial\n", + "guarenty\n", + "meteror\n", + "transport9\n", + "empathatic\n", + "intrustor\n", + "partybut\n", + "intrusctions\n", + "politicaal\n", + "unqie\n", + "Seaging\n", + "Carsized\n", + "actuallity\n", + "driversPresently\n", + "uneffective\n", + "peoplpe\n", + "par24\n", + "appulade\n", + "dojnt\n", + "officialauthority\n", + "danergous\n", + "pusuit\n", + "5055\n", + "pervides\n", + "dontbe\n", + "gaive\n", + "iany\n", + "ansewr\n", + "opportuniy\n", + "Astroid\n", + "MESSES\n", + "stimulized\n", + "veunes\n", + "equel\n", + "wreckVoting\n", + "sixtyfive\n", + "highwaySource\n", + "Thereforejust\n", + "argyment\n", + "pedict\n", + "Lastlyit\n", + "Reduceing\n", + "catastriphical\n", + "CFDB\n", + "maight\n", + "schoold\n", + "thatUnder\n", + "emotionrecongnintion\n", + "citizensof\n", + "actule\n", + "artifactWe\n", + "peopls\n", + "desitions\n", + "rhetorcle\n", + "counseler\n", + "2000s\n", + "yaÃÂll\n", + "clen\n", + "electoras\n", + "shapped\n", + "tooSource\n", + "coulple\n", + "becuesa\n", + "classesthis\n", + "quickley\n", + "outragoues\n", + "teacherapproved\n", + "benifcal\n", + "lastlythey\n", + "immidiently\n", + "onbut\n", + "mondaywendsdayfriday\n", + "orgstatelawsissuesDistractedDriving\n", + "reduicing\n", + "speacialy\n", + "inhured\n", + "nondemorcratic\n", + "jrotc\n", + "sawin\n", + "largey\n", + "Wellsince\n", + "Manucatures\n", + "eckman\n", + "curiosityThe\n", + "torubles\n", + "711\n", + "viewGarvin\n", + "wrooy\n", + "takig\n", + "resopnsabilty\n", + "accessibilty\n", + "755\n", + "ladform\n", + "leard\n", + "estmation\n", + "taled\n", + "Competive\n", + "behaviour\n", + "castthere\n", + "busnisses\n", + "thingsor\n", + "Teacherdesigned\n", + "statesthoughts\n", + "disracted\n", + "perfere\n", + "diiferents\n", + "nrmal\n", + "surved\n", + "prensented\n", + "sotomething\n", + "segregationista\n", + "dangeroud\n", + "visios\n", + "Codeing\n", + "USwho\n", + "yearbecause\n", + "painitng\n", + "knowledgebut\n", + "priveldge\n", + "futura\n", + "elseIn\n", + "Individualsas\n", + "newsÃÂ\n", + "excede\n", + "breaze\n", + "interestsI\n", + "affatr\n", + "numberS3For\n", + "coolege\n", + "receivera\n", + "quoestion\n", + "thourght\n", + "ineffiency\n", + "330p\n", + "conventionsometimes\n", + "combind\n", + "pouplar\n", + "apporching\n", + "apper\n", + "vaubanlikenot\n", + "emotioins\n", + "teaxes\n", + "providetexting\n", + "compromisre\n", + "exspernce\n", + "acked\n", + "amies\n", + "lowC\n", + "ownselves\n", + "happenIf\n", + "studenst\n", + "souerce\n", + "daynot\n", + "deifnelty\n", + "envronment\n", + "filmsand\n", + "factos\n", + "exteriror\n", + "atfer\n", + "1020\n", + "lukeI\n", + "unloated\n", + "accelerat\n", + "unnessacery\n", + "ArcheyBasketball\n", + "Accordring\n", + "policyeven\n", + "accendent\n", + "councelers\n", + "cxan\n", + "Surveyo\n", + "unecassary\n", + "pointof\n", + "dosee\n", + "entirelyan\n", + "Fomr\n", + "careing\n", + "mysteris\n", + "sarcasam\n", + "malfuncition\n", + "furutrists\n", + "judgemental\n", + "muchlike\n", + "country11\n", + "httpsinjury\n", + "closerthe\n", + "majoraty\n", + "picturesvideos\n", + "studentkid\n", + "1159pm\n", + "caribon\n", + "dangerius\n", + "makijng\n", + "desingned\n", + "thnks\n", + "insecuritys\n", + "anxienty\n", + "coperating\n", + "Anakins\n", + "sondaughters\n", + "douts\n", + "vacationetc\n", + "inhabbit\n", + "calim\n", + "getring\n", + "expermint\n", + "pasent\n", + "Diseal\n", + "18720\n", + "seriuos\n", + "cholthes\n", + "isluke\n", + "predsidencey\n", + "Althougha\n", + "besided\n", + "momdadgranddad\n", + "beteter\n", + "imagne\n", + "undrstand\n", + "reigion\n", + "spechel\n", + "sesnors\n", + "increaseing\n", + "coulpe\n", + "devicemaking\n", + "miterole\n", + "threatining\n", + "schootings\n", + "supllies\n", + "elminiated\n", + "pickdrop\n", + "Carnige\n", + "desagreeded\n", + "miay\n", + "hideparagraph\n", + "necesery\n", + "anhd\n", + "steem\n", + "greenmountainlaw\n", + "monitiors\n", + "necessarry\n", + "coulld\n", + "reschers\n", + "comunnitiues\n", + "lackidasical\n", + "eletroals\n", + "whtat\n", + "malfuctioning\n", + "Representitives\n", + "bscially\n", + "adventurious\n", + "conncetion\n", + "suppliy\n", + "eaisly\n", + "simlating\n", + "sayselectronics\n", + "somke\n", + "courseno\n", + "makapportionmentof\n", + "excersice\n", + "capabillity\n", + "butnevertheless\n", + "haooy\n", + "DrivingHundreds\n", + "wnning\n", + "athelte\n", + "realicy\n", + "changeb\n", + "isopinions\n", + "Eploring\n", + "stals\n", + "intune\n", + "reasched\n", + "extist\n", + "counselorsor\n", + "Idoho\n", + "communticationSo\n", + "diiference\n", + "Instand\n", + "Cydoina\n", + "hiher\n", + "compeletly\n", + "freqent\n", + "dicreed\n", + "smartroad\n", + "cvonstructed\n", + "devastational\n", + "studednts\n", + "overwelm\n", + "poistive\n", + "malapprtioment\n", + "radiaton\n", + "votePlumer10\n", + "emploies\n", + "impedimments\n", + "anmals\n", + "probited\n", + "corollation\n", + "liklely\n", + "learnigthe\n", + "everythiung\n", + "Blimplike\n", + "Politiian\n", + "1013\n", + "withform\n", + "analyzations\n", + "tearms\n", + "civilaized\n", + "Seegiong\n", + "asborb\n", + "thinkinf\n", + "neagatives\n", + "Envoirmantal\n", + "whyoming\n", + "comblogrealstoriestextinganddrivingdeathsteens\n", + "subermarine\n", + "revoluionize\n", + "obsticals\n", + "reiterized\n", + "belivews\n", + "farien\n", + "statesEmpathy\n", + "mindif\n", + "influncers\n", + "reazon\n", + "ownNow\n", + "unempolyed\n", + "syallbuses\n", + "compters\n", + "1960s\n", + "emotionals\n", + "preactical\n", + "graghed\n", + "Cyodnia\n", + "cerificate\n", + "reasaons\n", + "enoy\n", + "ougth\n", + "caue\n", + "desitination\n", + "instored\n", + "schoolworking\n", + "Paragprah\n", + "disintrested\n", + "schoolcan\n", + "teacherdissigned\n", + "metings\n", + "hyking\n", + "carma\n", + "machinerary\n", + "leting\n", + "prcess\n", + "providedtheir\n", + "dgoing\n", + "giltch\n", + "evdince\n", + "comotion\n", + "happinessand\n", + "inpound\n", + "eyou\n", + "marjority\n", + "propally\n", + "comautoinsurancenewstextinganddrivinglaws\n", + "stduents\n", + "programis\n", + "thatway\n", + "ATampT\n", + "vehicals\n", + "unproper\n", + "destropying\n", + "nervouse\n", + "Expecially\n", + "meathot\n", + "sugests\n", + "thissomething\n", + "princple\n", + "preping\n", + "sinle\n", + "adresssing\n", + "totalled\n", + "TrudgeTrudge\n", + "paragrph10\n", + "opsing\n", + "proclaimming\n", + "infulenced\n", + "everty\n", + "nchange\n", + "Illinions\n", + "representatif\n", + "plantets\n", + "Indipendence\n", + "hoiw\n", + "succsesful\n", + "75149\n", + "Mobilitier\n", + "gdet\n", + "Generic_Schoolis\n", + "50MPH\n", + "amaerica\n", + "majorirty\n", + "parentsyour\n", + "explainsthe\n", + "voteAccording\n", + "250000\n", + "checksandbalances\n", + "televisionvideo\n", + "Maintnancing\n", + "arereasons\n", + "menouver\n", + "tiwe\n", + "beauitiful\n", + "amazingI\n", + "istead\n", + "momas\n", + "Elecoral\n", + "recuild\n", + "tegnology\n", + "understandingbetter\n", + "whyits\n", + "bettercorrect\n", + "motorvehicles\n", + "jetlike\n", + "premitted\n", + "ModelT\n", + "pressurestress\n", + "politiccal\n", + "figurs\n", + "swingvotes\n", + "Posher\n", + "whitch\n", + "inprint\n", + "determi9ne\n", + "feautres\n", + "destinationwhich\n", + "toggether\n", + "cientisct\n", + "trackings\n", + "sciencetist\n", + "drtiving\n", + "excacly\n", + "carpeople\n", + "faultess\n", + "couchor\n", + "restarants\n", + "obaycleanand\n", + "Alsopeople\n", + "appromixate\n", + "surrouning\n", + "doesnÃÂt\n", + "aleart\n", + "preexisiting\n", + "exauhst\n", + "fourtythree\n", + "VENus\n", + "wounldnt\n", + "tempeature\n", + "oppurtinuty\n", + "norths\n", + "accidentorvio\n", + "themA\n", + "procrastinait\n", + "enviormet\n", + "GHSAorg\n", + "acsesorie\n", + "persoanl\n", + "Surealism\n", + "assignents\n", + "requieres\n", + "accrding\n", + "Diesl\n", + "electional\n", + "thime\n", + "hardtodealwith\n", + "popaler\n", + "can75\n", + "abilitiy\n", + "pedesterians\n", + "explans\n", + "Rgister\n", + "todem\n", + "para3Ms\n", + "atttend\n", + "shurley\n", + "entilted\n", + "sportsfor\n", + "outdatedunfairand\n", + "tieand\n", + "desagreement\n", + "charachteristic\n", + "arouend\n", + "Radation\n", + "ableness\n", + "perion\n", + "incopasity\n", + "tust\n", + "1218\n", + "texing\n", + "clacces\n", + "cousion\n", + "smallerBut\n", + "peronalized\n", + "opposistion\n", + "disagure\n", + "ToSending\n", + "comfortablefamiliar\n", + "unbareable\n", + "ditance\n", + "invenst\n", + "rubic\n", + "amoust\n", + "choosend\n", + "creafts\n", + "virgina\n", + "developinghe\n", + "asuption\n", + "acculay\n", + "ehnace\n", + "opporuntity\n", + "politicle\n", + "wellScientist\n", + "argrees\n", + "Scandles\n", + "candidtate\n", + "disgusted6\n", + "31overall\n", + "appealits\n", + "carshybridsand\n", + "videosgiving\n", + "boxingfencingreading\n", + "equitmeant\n", + "attackI\n", + "carsthe\n", + "repoets\n", + "BoomOne\n", + "oplaying\n", + "penertrate\n", + "facking\n", + "citizensas\n", + "abol\n", + "dicustuing\n", + "expanison\n", + "ceremoneys\n", + "earlytheyll\n", + "outdatted\n", + "caulations\n", + "techonalgy\n", + "resourece\n", + "statemeant\n", + "fastinting\n", + "WavesAnd\n", + "steral\n", + "landingalso\n", + "itA\n", + "electorla\n", + "ABOLISHING\n", + "accompaniing\n", + "deggree\n", + "assignmentsand\n", + "benefitationl\n", + "strecthed\n", + "saysBeen\n", + "expiered\n", + "boubts\n", + "clesr\n", + "instanceyou\n", + "lessin\n", + "excpect\n", + "cloese\n", + "Coolege\n", + "quadriples\n", + "fullride\n", + "experimentin\n", + "egyptaian\n", + "thirteenteen\n", + "nondriverless\n", + "blance\n", + "scaner\n", + "upyoure\n", + "youso\n", + "worthybut\n", + "myelf\n", + "P32\n", + "adivise\n", + "storis\n", + "In1998\n", + "musumes\n", + "feaarful\n", + "outThank\n", + "dwindleing\n", + "oebiter\n", + "handindividuals\n", + "masterpice\n", + "chinaand\n", + "intreseting\n", + "disaggre\n", + "meating\n", + "infrmashin\n", + "afecting\n", + "lessonlike\n", + "illustion\n", + "wouold\n", + "articleDoes\n", + "reeeeaaalllly\n", + "fouce\n", + "whyincluding\n", + "crashesless\n", + "defnitly\n", + "malfuntioned\n", + "Accoriding\n", + "voteThis\n", + "bungi\n", + "benus\n", + "repesenitives\n", + "overweighs\n", + "certififcate\n", + "ultumate\n", + "intimidationg\n", + "dangered\n", + "differenceand\n", + "presidentioal\n", + "seastem\n", + "appied\n", + "schoolsthey\n", + "13\n", + "manufacturerers\n", + "DMVORG\n", + "privacity\n", + "nondistracted\n", + "370168\n", + "technogly\n", + "Imagnie\n", + "somethimes\n", + "mountens\n", + "saferhandheld\n", + "balliets\n", + "41\n", + "recogniza\n", + "principlesessential\n", + "TOGETHERIN\n", + "booksmagazines\n", + "ouwn\n", + "metalsTCOEV\n", + "enviornmentally\n", + "withen\n", + "friendis\n", + "itthey\n", + "rasists\n", + "BaseballVolleyballBoxingand\n", + "canidet\n", + "jobsthe\n", + "amfoing\n", + "explortion\n", + "woofstock\n", + "curiculum\n", + "HuangSo\n", + "overafflictionated\n", + "techonological\n", + "retrict\n", + "validThere\n", + "beneficialimplications\n", + "edivence\n", + "adventage\n", + "knoe\n", + "expierience\n", + "phonea\n", + "tightin\n", + "infault\n", + "intereststhey\n", + "callsand\n", + "Colubia\n", + "eill\n", + "girlfriendboyfriend\n", + "singnature\n", + "Venusthe\n", + "awardsfca\n", + "tyhr\n", + "parants\n", + "instrad\n", + "assisance\n", + "experssion\n", + "intertament\n", + "confedensil\n", + "responcibility\n", + "mounths\n", + "technoology\n", + "Abministration\n", + "elecrtoral\n", + "parcipitation\n", + "drverless\n", + "lovedone\n", + "carsare\n", + "enstore\n", + "hudreds\n", + "reducement\n", + "cagorize\n", + "wasts\n", + "Indefenseible\n", + "causios\n", + "cotrolling\n", + "secatary\n", + "bicylce\n", + "ammentities\n", + "cathc\n", + "raggers\n", + "excending\n", + "intruble\n", + "classroomswhich\n", + "thinkg\n", + "nemerous\n", + "uasge\n", + "charactaers\n", + "licenese\n", + "100500\n", + "undertsand\n", + "commcate\n", + "Rephrasing\n", + "adventuresmeeting\n", + "conciderthemselves\n", + "stressyou\n", + "assum\n", + "overwhelmingkly\n", + "minuver\n", + "inschool\n", + "supportand\n", + "prouded\n", + "damageing\n", + "withough\n", + "mbeleve\n", + "ststes\n", + "foccused\n", + "favoritesuch\n", + "southnortheastetc\n", + "raes\n", + "dearprincipal\n", + "Euope\n", + "unsafety\n", + "themn\n", + "atttion\n", + "city10\n", + "smater\n", + "Indefensable\n", + "paritcipate\n", + "Corrperations\n", + "2823\n", + "selfdriven\n", + "net15factsabouttextinganddriving\n", + "drivingriding\n", + "wellpopulated\n", + "eless\n", + "gasesIt\n", + "Egyphian\n", + "twored\n", + "incontrol\n", + "livingIts\n", + "carthere\n", + "alternaive\n", + "constently\n", + "atax\n", + "sportsthey\n", + "electorsThe\n", + "voteSource\n", + "fourthousand\n", + "properlly\n", + "preblem\n", + "examplemultiple\n", + "expess\n", + "Poplular\n", + "Usong\n", + "exactWell\n", + "approachesto\n", + "techniqually\n", + "homewouldnt\n", + "comprehind\n", + "waybut\n", + "exsamination\n", + "succcessfully\n", + "onepiece\n", + "boaring\n", + "asomeone\n", + "awrard\n", + "opprituinity\n", + "cotastrophe\n", + "unfaire\n", + "Bombeger\n", + "didtance\n", + "opponing\n", + "parentsguardian\n", + "Ellisabeth\n", + "theathing\n", + "blankerts\n", + "nonafide\n", + "marcketing\n", + "pirus\n", + "aussumtions\n", + "fosssil\n", + "namesor\n", + "possibillity\n", + "mysterios\n", + "46\n", + "laditude\n", + "asksIf\n", + "instince\n", + "Rahabilitation\n", + "classromms\n", + "parentsand\n", + "furtuitous\n", + "frusteration\n", + "cantanes\n", + "redused\n", + "idemsclues\n", + "imitae\n", + "manufacterur\n", + "cousolers\n", + "pictureyou\n", + "malfuntioning\n", + "driverlessthey\n", + "peolpes\n", + "livinh\n", + "similer\n", + "someplaces\n", + "captiable\n", + "widley\n", + "openmindness\n", + "presentday\n", + "horrably\n", + "estimiating\n", + "ditect\n", + "balmed\n", + "Electrocal\n", + "schoolarships\n", + "understandes\n", + "learnstudy\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "inhancing\n", + "privetsey\n", + "lacke\n", + "basicemotion\n", + "candidatesat\n", + "merky\n", + "Scource\n", + "anxeity\n", + "choseing\n", + "wearther\n", + "trybut\n", + "emphesize\n", + "CollegeThe\n", + "Scoch\n", + "Thereforeonline\n", + "grogrocery\n", + "mercurybut\n", + "comprehendinglearning\n", + "themslef\n", + "invorment\n", + "hsve\n", + "wache\n", + "phisically\n", + "spreed\n", + "1000pm\n", + "opputunity\n", + "unusualy\n", + "restritions\n", + "etablished\n", + "columbai\n", + "maade\n", + "malifuntion\n", + "whilltling\n", + "unpatrioticness\n", + "angery\n", + "college14\n", + "beingcoming\n", + "capition\n", + "hazads\n", + "naturall\n", + "campaignseventeen\n", + "2ed\n", + "fascinised\n", + "elctorall\n", + "markigs\n", + "unitsthe\n", + "pasingers\n", + "candidatewho\n", + "dedcision\n", + "waycould\n", + "3687\n", + "makehave\n", + "tovote\n", + "monotonus\n", + "mightno\n", + "polute\n", + "democrecy\n", + "fahrentheid\n", + "poppler\n", + "VeniceItalya\n", + "himhe\n", + "reasearches\n", + "indiduals\n", + "statesa\n", + "disgustfear\n", + "âº\n", + "Plumerr\n", + "transpartion\n", + "aournd\n", + "benefist\n", + "itYour\n", + "ebing\n", + "carsThis\n", + "thinik\n", + "committeesometimes\n", + "distration\n", + "arcticle\n", + "candidateto\n", + "netistextingwhiledrivingasdangerousasdrunkdriving\n", + "expierenced\n", + "naturlay\n", + "Ztgomatic\n", + "keepig\n", + "damageand\n", + "selfevident\n", + "ahrdly\n", + "beacau\n", + "capters\n", + "vostes\n", + "selfefficacy\n", + "comlicated\n", + "rticle\n", + "ladderand\n", + "frequeny\n", + "acceptace\n", + "twentseven\n", + "phonesbut\n", + "pramishin\n", + "necissary\n", + "enteract\n", + "respones\n", + "voteSegregationists\n", + "syestm\n", + "antisocialism\n", + "Januaray\n", + "partyand\n", + "5b357\n", + "Frthuer\n", + "2000Al\n", + "hoter\n", + "existwhich\n", + "resorse\n", + "convieniency\n", + "ONstar\n", + "prefessionally\n", + "curcial\n", + "politacal\n", + "distractionincluding\n", + "allredy\n", + "outlooked\n", + "accrute\n", + "Sureyor\n", + "130\n", + "roseenthal\n", + "dodnt\n", + "whittl\n", + "guidline\n", + "computeroperated\n", + "35This\n", + "statend\n", + "antiElectoral\n", + "thumbsup\n", + "aew\n", + "neiborhood\n", + "aniversery\n", + "presidenty\n", + "loneless\n", + "negativially\n", + "straightformward\n", + "envoirnments\n", + "calltext\n", + "Srriving\n", + "IMPORTANNT\n", + "himselfIt\n", + "anyoneand\n", + "honme\n", + "ariund\n", + "enden\n", + "tghey\n", + "comprehen\n", + "Lastily\n", + "cair\n", + "1000x\n", + "drivingIf\n", + "whileSummer\n", + "arushhour\n", + "peoplelisten\n", + "anount\n", + "areaspecific\n", + "baskteball\n", + "wree\n", + "swiched\n", + "Safetyness\n", + "Cmu\n", + "naseauting\n", + "CowboyYou\n", + "dissagreing\n", + "thatIn\n", + "BOGOTAColombia\n", + "chanlleges\n", + "selfseficient\n", + "culters\n", + "comunicating\n", + "Peple\n", + "Suchas\n", + "analyizing\n", + "exspenvise\n", + "adequetly\n", + "negativ\n", + "hise\n", + "thingsÃÂ\n", + "wellpaying\n", + "ittheres\n", + "kingqueen\n", + "valialbe\n", + "cumbustion\n", + "2009Google\n", + "Paragrpah\n", + "lepriconelf\n", + "defenceof\n", + "ninetyminute\n", + "Benefically\n", + "amtious\n", + "pouposis\n", + "beame\n", + "wouldentbe\n", + "cominforearendcollisionstatistics\n", + "7000\n", + "crtiical\n", + "urgue\n", + "inspiriation\n", + "mostlikely\n", + "twiceand\n", + "envoke\n", + "stratigically\n", + "16500\n", + "enjured\n", + "decadesBut\n", + "recrent\n", + "Thers\n", + "reseached\n", + "properliy\n", + "52016\n", + "oit\n", + "sedement\n", + "parisand\n", + "longdebated\n", + "periodslunch\n", + "professinal\n", + "aruge\n", + "selfdriving\n", + "wiining\n", + "oppurunity\n", + "happinesssurpriseangerdisgustfearand\n", + "2ton\n", + "collegeisnt\n", + "sensorsPrius\n", + "polluts\n", + "senatorsMost\n", + "liying\n", + "malapportionmentof\n", + "physicalresistant\n", + "Cyondia\n", + "handied\n", + "phenaminal\n", + "snapy\n", + "FactorWhat\n", + "controlcheck\n", + "contraversies\n", + "spacecraftes\n", + "conseption\n", + "emotionanalyzing\n", + "votethere\n", + "textingcalling\n", + "spaeman\n", + "PROEPR_NAME\n", + "EuropeWhile\n", + "154\n", + "focu\n", + "emion\n", + "joyfull\n", + "seeems\n", + "theElectoral\n", + "lessing\n", + "faied\n", + "tounaments\n", + "activitydo\n", + "electoeral\n", + "aliened\n", + "candiddate\n", + "auhtor\n", + "sourses\n", + "consideratin\n", + "groccery\n", + "descovering\n", + "Teendriveadmin\n", + "surroudings\n", + "sameing\n", + "FÃÂs\n", + "delegationand\n", + "poeoplpe\n", + "befoere\n", + "breahe\n", + "iswhy\n", + "presidentsourse\n", + "encorperated\n", + "CellPhones\n", + "modity\n", + "changeRosenthal\n", + "studentassigned\n", + "byond\n", + "consparicy\n", + "aalong\n", + "resseme\n", + "tecacher\n", + "soler\n", + "paepar\n", + "driverlessness\n", + "innvations\n", + "Inovative\n", + "Finallythe\n", + "limmiting\n", + "compeeting\n", + "beforeyou\n", + "facetimed\n", + "drivewaysor\n", + "tecknoagy\n", + "expirents\n", + "lerening\n", + "cofunder\n", + "gasemitting\n", + "frre\n", + "1520\n", + "dangerLevey\n", + "asign\n", + "poorpixlated\n", + "landformno\n", + "equaivalent\n", + "atmsphere\n", + "underatnd\n", + "impliactiins\n", + "exampleor\n", + "atoumatically\n", + "artiles\n", + "HeShe\n", + "whouldint\n", + "technologybecasuse\n", + "1899\n", + "sturctures\n", + "representativeselectors\n", + "presidencyOver\n", + "unneccisary\n", + "buttle\n", + "happynine\n", + "mutitask\n", + "becausse\n", + "SpanishAmerican\n", + "noisesconstant\n", + "extermently\n", + "selfeducation\n", + "unveilied\n", + "courseThis\n", + "terresteral\n", + "aould\n", + "becacuse\n", + "esecound\n", + "seroundings\n", + "Matian\n", + "presentationc\n", + "blanketsclouds\n", + "citySelsky\n", + "survability\n", + "formtion\n", + "Onine\n", + "percisely\n", + "abserve\n", + "sitiuations\n", + "feeled\n", + "neednt\n", + "fouse\n", + "attachted\n", + "coopertive\n", + "disgusred\n", + "echange\n", + "experienceknowledgeand\n", + "Challeng\n", + "somewher\n", + "KennedyPlumerParagraph1011\n", + "presests\n", + "reguards\n", + "realitiy\n", + "disaplent\n", + "exspirence\n", + "fearfuland\n", + "metels\n", + "represantives\n", + "everyonesomeone\n", + "turnut\n", + "mesaLANDFORMS\n", + "blabermouth\n", + "enotions\n", + "insteded\n", + "ScienceBiologyChemistry\n", + "97b\n", + "Purch\n", + "unstressful\n", + "computeror\n", + "hydrent\n", + "ParinFrance\n", + "explainsDifferent\n", + "athority\n", + "katies\n", + "anatural\n", + "thingin\n", + "classsroom\n", + "exprence\n", + "contrebutions\n", + "smartroadsystems\n", + "personwould\n", + "choicesdifferent\n", + "magineficent\n", + "iteveryone\n", + "dras5c\n", + "atteneding\n", + "staste\n", + "fortgot\n", + "thatre\n", + "drivingliterary\n", + "unexpectidly\n", + "UURRA\n", + "orgdrivingstatistics\n", + "irrationalBob\n", + "ivented\n", + "schoolsocial\n", + "beneth\n", + "deveopling\n", + "nocar\n", + "proses\n", + "selfautomated\n", + "eneficial\n", + "friendwe\n", + "defionition\n", + "enthusiasum\n", + "hurtand\n", + "abilitiessocial\n", + "happie\n", + "leftso\n", + "biek\n", + "stera\n", + "liences\n", + "speicficly\n", + "canidata\n", + "endver\n", + "peresnts\n", + "planetory\n", + "flexibity\n", + "detreman\n", + "pronblem\n", + "61600\n", + "princapals\n", + "somemany\n", + "fuctionand\n", + "mdified\n", + "capibale\n", + "Electioral\n", + "Alsoeven\n", + "dicisionsits\n", + "drivingbeing\n", + "Thirtyplus\n", + "happpen\n", + "classand\n", + "100s\n", + "pyrimids\n", + "anoyying\n", + "teacherassignedassignment\n", + "smogthat\n", + "wedsiterevealing\n", + "learnign\n", + "middleschoolers\n", + "Personnly\n", + "Preseident\n", + "fastermore\n", + "playsplayed\n", + "eversoquickly\n", + "relseased\n", + "purkes\n", + "614\n", + "MealsOn\n", + "transpertation\n", + "ourl\n", + "expectacular\n", + "althow\n", + "elecetion\n", + "respondability\n", + "girlthen\n", + "Smartcars\n", + "thereselfs\n", + "weakning\n", + "acept\n", + "exsperince\n", + "structer\n", + "aven\n", + "147micrograms\n", + "anaction\n", + "happyferful\n", + "inevedably\n", + "trainy\n", + "vollyballTable\n", + "expuslion\n", + "elcetronics\n", + "boathuh\n", + "beefit\n", + "buisnesss\n", + "olne\n", + "asll\n", + "distrations\n", + "garuntee\n", + "everythung\n", + "republicin\n", + "garage70\n", + "partipation\n", + "saness\n", + "exstatic\n", + "reslotion\n", + "additioni\n", + "AlsoIts\n", + "shadowns\n", + "culutre\n", + "Ascertainmentwith\n", + "pcture\n", + "modela\n", + "sabataushing\n", + "desspised\n", + "effectiviely\n", + "schoolsponsored\n", + "eaqual\n", + "universaly\n", + "technologly\n", + "frement\n", + "valcanneo\n", + "meningfully\n", + "Ontop\n", + "dramaticly\n", + "assumtion\n", + "canidatesas\n", + "unpolluting\n", + "civilivation\n", + "coincidential\n", + "Advicegiving\n", + "orgarticlebackgroundondistracteddriving\n", + "beliefstheres\n", + "endeovers\n", + "choicebut\n", + "LOCATION_NAMEAnd\n", + "momdadauntbrothersisternephewneicesand\n", + "earthit\n", + "buisnes\n", + "chanse\n", + "colmbia\n", + "3520\n", + "legislaturs\n", + "regualte\n", + "doesd\n", + "thinkwhats\n", + "obnixious\n", + "nhave\n", + "disten\n", + "summaryits\n", + "activtys\n", + "shwoing\n", + "nonexsistent\n", + "propiate\n", + "planert\n", + "disscusing\n", + "revotation\n", + "workfamilymoney\n", + "hurdels\n", + "chartchers\n", + "cattlehorsesand\n", + "orginaly\n", + "causious\n", + "altunitive\n", + "adreem\n", + "unveled\n", + "BOYBOYS\n", + "denjoy\n", + "induvidual\n", + "instument\n", + "spendind\n", + "throurth\n", + "publuc\n", + "wourking\n", + "canadits\n", + "eould\n", + "ijoke\n", + "studentpaced\n", + "Texdng\n", + "roit\n", + "statesincluding\n", + "worldthere\n", + "meteriods\n", + "Repesitives\n", + "carband\n", + "24000\n", + "thinkif\n", + "noddes\n", + "marswas\n", + "allkilling\n", + "tjis\n", + "Hedrum\n", + "recognizion\n", + "calledFacial\n", + "passender\n", + "sayingby\n", + "confusedor\n", + "debait\n", + "390\n", + "twoncity\n", + "intomany\n", + "cutandpaste\n", + "fuyture\n", + "endresults\n", + "activitites\n", + "sixtynine\n", + "interestedpassionate\n", + "innumeral\n", + "wasteproducing\n", + "lously\n", + "endeavorspara8\n", + "enterianing\n", + "substaintial\n", + "tokeeo\n", + "reconation\n", + "BOOOM\n", + "smogfog\n", + "appropiations\n", + "Imagone\n", + "votesrespectivelyalot\n", + "1944\n", + "unnessecary\n", + "prosteting\n", + "activitiesLets\n", + "championshipschampionship\n", + "uveiled\n", + "childrenP40\n", + "Electotoral\n", + "telles\n", + "segrigations\n", + "vhicle\n", + "extracirruculars\n", + "decesions\n", + "senosors\n", + "fearfu\n", + "skysraper\n", + "hoverlike\n", + "Vaubran\n", + "dissatisified\n", + "spacesraft\n", + "momument\n", + "constrcution\n", + "satate\n", + "outterspace\n", + "3613732\n", + "thinki\n", + "deveoping\n", + "selfdisciplined\n", + "truthfull\n", + "absgood\n", + "mentioed\n", + "lincenses\n", + "Peopl\n", + "simplar\n", + "PreAP\n", + "Aidolf\n", + "badand\n", + "oppurtonities\n", + "homeowork\n", + "AthensGreece\n", + "Facs\n", + "phonethe\n", + "animalsplayed\n", + "awnsers\n", + "wanttolive\n", + "repeting\n", + "simailasr\n", + "problemthe\n", + "possably\n", + "wantits\n", + "incentified\n", + "hospitalthis\n", + "21511\n", + "destorying\n", + "nothingÃÂ\n", + "32083847\n", + "saysVenus\n", + "liveftime\n", + "skillsetc\n", + "statesCell\n", + "countryPerhaps\n", + "wroteNASAs\n", + "Towars\n", + "univeralized\n", + "fenceing\n", + "posibly\n", + "computersand\n", + "agesgenerations\n", + "vibesyou\n", + "cheecks\n", + "argry\n", + "Whoss\n", + "htem\n", + "sinse\n", + "scheduletime\n", + "indoulge\n", + "resurch\n", + "contonet\n", + "source3\n", + "anticar\n", + "envirnoment\n", + "affecent\n", + "Parttimes\n", + "teeneger\n", + "GOALLLLLL\n", + "beliveing\n", + "OotFR\n", + "developemnet\n", + "understnd\n", + "faultthey\n", + "vocies\n", + "learger\n", + "maountains\n", + "plumate\n", + "wheater\n", + "carsguide\n", + "prodices\n", + "atomsphere\n", + "funcion\n", + "upsed\n", + "polloution\n", + "consantly\n", + "mistakesthe\n", + "Hoverboards\n", + "stundents\n", + "reguard\n", + "Coranavirus\n", + "woulb\n", + "timeideas\n", + "woundnt\n", + "othershelp\n", + "talkiong\n", + "1990s\n", + "conferencingin\n", + "cometimes\n", + "quoteReact\n", + "chancetherefor\n", + "arical\n", + "thrie\n", + "VAUNBAN\n", + "timesimproved\n", + "distractionless\n", + "toxsic\n", + "barly\n", + "princapal\n", + "paln\n", + "saidAccording\n", + "congresist\n", + "experinment\n", + "thoughtprovoking\n", + "selfgoverned\n", + "GOIING\n", + "computersA\n", + "problemm\n", + "hapitable\n", + "costy\n", + "socailizing\n", + "lightn\n", + "Venusespecially\n", + "tornaments\n", + "chanve\n", + "mechanioc\n", + "photousing\n", + "emisisonsand\n", + "herthey\n", + "suffessful\n", + "conserend\n", + "slove\n", + "1100000\n", + "textingAp\n", + "passionatley\n", + "smokingdrinkingand\n", + "photagrapher\n", + "accidents7\n", + "schoolactually\n", + "fairthat\n", + "thouroughfare\n", + "earthfor\n", + "usualbut\n", + "beautyfull\n", + "wirthy\n", + "cnnection\n", + "aliensthe\n", + "brive\n", + "difernt\n", + "Oribter\n", + "ariways\n", + "louisianna\n", + "Restricing\n", + "manufacturors\n", + "expinsive\n", + "accedents\n", + "spacecaft\n", + "possibably\n", + "Eckmans\n", + "veicles\n", + "homeworkassignments\n", + "maping\n", + "perspectiveyou\n", + "coupple\n", + "successed\n", + "gricey\n", + "inevitabley\n", + "sthat\n", + "usuagethe\n", + "sergent\n", + "campaighns\n", + "ideasand\n", + "adomatic\n", + "Drivig\n", + "pedestirans\n", + "theso\n", + "statte\n", + "30000\n", + "conpromise\n", + "Assiatant\n", + "opertunitys\n", + "dangersbeause\n", + "fosal\n", + "Germsn\n", + "entie\n", + "395\n", + "fonding\n", + "famielys\n", + "reteached\n", + "technnolgy\n", + "voteIt\n", + "senseit\n", + "ewould\n", + "prcocess\n", + "inhabitability\n", + "peoplethen\n", + "stiutions\n", + "appealThis\n", + "laxidasical\n", + "electoraal\n", + "comuputer\n", + "manysided\n", + "eruptig\n", + "reanson\n", + "viberates\n", + "attetion\n", + "oddes\n", + "gouing\n", + "democraticwhen\n", + "happeir\n", + "asideits\n", + "demorcratic\n", + "pricesIt\n", + "satisify\n", + "impare\n", + "practicesbecause\n", + "neghboring\n", + "confrom\n", + "distanation\n", + "youbut\n", + "repesitive\n", + "damagethe\n", + "simulatution\n", + "Earthtwin\n", + "plethra\n", + "reashers\n", + "BarsMilky\n", + "obiese\n", + "renevue\n", + "venusian\n", + "espeicially\n", + "abouy\n", + "nixion\n", + "centuary\n", + "teacherwhen\n", + "ocen\n", + "dieseases\n", + "upcominh\n", + "statesfourth\n", + "usfull\n", + "peopleif\n", + "advaced\n", + "palpbraeus\n", + "genuinie\n", + "levelthe\n", + "unvariably\n", + "veriodes\n", + "changedecreasing\n", + "dangorus\n", + "minory\n", + "functionshe\n", + "pedigtee\n", + "humanbrainlike\n", + "Thehuman\n", + "sneze\n", + "drasitcally\n", + "trasformening\n", + "patiencedraining\n", + "LastlyYou\n", + "exspcally\n", + "methodmay\n", + "phonesyou\n", + "ectAnd\n", + "oone\n", + "statessource2\n", + "winyou\n", + "Ellectors\n", + "propmote\n", + "mihgt\n", + "thease\n", + "drowf\n", + "arudents\n", + "imposibul\n", + "coniquinces\n", + "biger\n", + "trasprotation\n", + "militalry\n", + "AuthorLastName\n", + "doinig\n", + "aurther\n", + "youtubers\n", + "calcuated\n", + "batterypowered\n", + "lanetary\n", + "startign\n", + "valueexpandes\n", + "Tjis\n", + "diethey\n", + "yearwhich\n", + "chnager\n", + "expreinced\n", + "stregh\n", + "earth4\n", + "exchanage\n", + "systemFurthermore\n", + "llife\n", + "janutors\n", + "missiion\n", + "mostEarthlike\n", + "particulaly\n", + "survie\n", + "willting\n", + "scientitst\n", + "ideasbeliefs\n", + "selfcentered\n", + "studentss\n", + "believibale\n", + "execptions\n", + "adnaced\n", + "handycap\n", + "timeOr\n", + "provdide\n", + "thtas\n", + "bettween\n", + "39773\n", + "inparative\n", + "earthhow\n", + "deffrent\n", + "pubilically\n", + "camicals\n", + "obivously\n", + "adolecents\n", + "inventionsin\n", + "summerprojects\n", + "Defenese\n", + "simpleit\n", + "ridiing\n", + "opportuneities\n", + "consily\n", + "jobsi\n", + "3ÃâÂ52\n", + "enviromnetsociety\n", + "neccasry\n", + "sadfrownfeardisgustangerand\n", + "evertransforming\n", + "lndform\n", + "byut\n", + "segrigation\n", + "unnessacary\n", + "countaries\n", + "clssrooms\n", + "expensises\n", + "balistic\n", + "secceuss\n", + "hungar\n", + "Rhold\n", + "Facila\n", + "pollutor\n", + "athomeclasses\n", + "pulrality\n", + "advaces\n", + "popluation\n", + "Drivless\n", + "gentel\n", + "tonigth\n", + "lelctoral\n", + "to\n", + "subect\n", + "stratigy\n", + "presidentnot\n", + "WaBam\n", + "emoiton\n", + "opportunitiy\n", + "Elctions\n", + "Fortmore\n", + "diffrentce\n", + "vplays\n", + "unfortunutely\n", + "conditionds\n", + "coleege\n", + "sanatiezed\n", + "nagotiate\n", + "Conclusionseeking\n", + "requrie\n", + "updatedright\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "usimg\n", + "participateing\n", + "twentyfourseven\n", + "themasking\n", + "40year\n", + "fical\n", + "hineslty\n", + "candiadates\n", + "4qay\n", + "life6\n", + "fow\n", + "anvteng\n", + "comeplelty\n", + "grren\n", + "Europeaccording\n", + "SenatorIf\n", + "centeres\n", + "criticall\n", + "behaivoir\n", + "fullproof\n", + "comersuals\n", + "bicylescar\n", + "scentist\n", + "assuption\n", + "5149\n", + "schollarship\n", + "wonting\n", + "suggsted\n", + "scuicide\n", + "statecandidates\n", + "andlater\n", + "parculate\n", + "yoiur\n", + "outmasphere\n", + "televisionbecome\n", + "deploma\n", + "Englnd\n", + "teacherchosen\n", + "unaccording\n", + "closesest\n", + "brussles\n", + "represntatives\n", + "Earthand\n", + "infornt\n", + "disastor\n", + "carfollowing\n", + "eassier\n", + "Overally\n", + "offten\n", + "USIt\n", + "cloer\n", + "mortorist\n", + "Tablel\n", + "anarchonism\n", + "payattention\n", + "Argentinias\n", + "definaly\n", + "Secondsummer\n", + "inprtently\n", + "exersise\n", + "acheviment\n", + "survided\n", + "techknowlogy\n", + "definitrly\n", + "trafficparks\n", + "twenteyfive\n", + "jiust\n", + "horibly\n", + "world5\n", + "immagination\n", + "understant\n", + "developmenttesting\n", + "580\n", + "accidemts\n", + "canidat\n", + "Sentors\n", + "drunking\n", + "ifotmation\n", + "leasrning\n", + "CenterSource\n", + "difficultiness\n", + "needsit\n", + "Umasking\n", + "succede\n", + "Statesthe\n", + "studuents\n", + "poweretc\n", + "emotionmuscle\n", + "umungst\n", + "dishusted\n", + "bountieous\n", + "Phelpss\n", + "intructer\n", + "knowledgeble\n", + "emoetions\n", + "nhtsa\n", + "unessassary\n", + "exloring\n", + "c_all\n", + "desides\n", + "oppition\n", + "advie\n", + "timeMichael\n", + "VEnus\n", + "patince\n", + "losseing\n", + "qulified\n", + "voteit\n", + "aboive\n", + "WalE\n", + "ColombiaIn\n", + "itaily\n", + "studentdesign\n", + "futurisitic\n", + "hgow\n", + "emotionsas\n", + "Consequentlystudents\n", + "eavh\n", + "overproductions\n", + "Liting\n", + "CARFREE\n", + "Nowaday\n", + "resembals\n", + "Alsoif\n", + "2002\n", + "imagan\n", + "comnewsnewjerseywomanfaces10yearsinprisonfordeadlytextingwhiledrivingcase20191126\n", + "sceintest\n", + "compications\n", + "astonomical\n", + "illprepared\n", + "regoins\n", + "himor\n", + "contructions\n", + "commin\n", + "500\n", + "P11\n", + "bounus\n", + "immagrants\n", + "eleltoral\n", + "likec\n", + "themWhen\n", + "prevesly\n", + "Imiagine\n", + "gamesApps\n", + "cuoldnt\n", + "Colombiait\n", + "disenfranchisedthat\n", + "childfuture\n", + "manifacutring\n", + "abul\n", + "increes\n", + "Heirun\n", + "legalised\n", + "trexas\n", + "eudation\n", + "Carrabas\n", + "fotune\n", + "Tabeltennis\n", + "ecostystem\n", + "happyparticipate\n", + "briveles\n", + "actvitys\n", + "problaby\n", + "votes271\n", + "enoughwhy\n", + "situaion\n", + "MidYear\n", + "ammounting\n", + "2016\n", + "reallistically\n", + "poluttion\n", + "ssafety\n", + "tierd\n", + "sayWell\n", + "exampleAn\n", + "Barcelora\n", + "urguing\n", + "responsibilates\n", + "ussages\n", + "irellivent\n", + "recould\n", + "socitey\n", + "Ation\n", + "prosperitythe\n", + "starrd\n", + "Sount\n", + "Seagoin\n", + "amonut\n", + "opino\n", + "decietfully\n", + "permiited\n", + "dirastically\n", + "condiction\n", + "presnal\n", + "expiriences\n", + "devoif\n", + "whitlling\n", + "excicst\n", + "PERCEPTS\n", + "bullyingprovides\n", + "Evenning\n", + "surpirsed\n", + "resone\n", + "SCHOOL_NAMEI\n", + "Represantives\n", + "loseing\n", + "Marses\n", + "appeling\n", + "transportationpublic\n", + "gratuation\n", + "comfertable\n", + "hardtime\n", + "attintion\n", + "cititzens\n", + "Micoplasma\n", + "techinques\n", + "easeyer\n", + "36Citizens\n", + "ridicoulous\n", + "irrational14\n", + "else4\n", + "sickand\n", + "sayiing\n", + "Alsoscientists\n", + "destinantion\n", + "dector\n", + "accur\n", + "humide\n", + "blanketssheets\n", + "sciendtists\n", + "especialist\n", + "sudies\n", + "previoulsly\n", + "epidimic\n", + "yearsthose\n", + "disusses\n", + "2032\n", + "uptoward\n", + "statedIt\n", + "conspiratists\n", + "dissappeares\n", + "539\n", + "rescession\n", + "outwieghed\n", + "exsample\n", + "frostrated\n", + "pollutians\n", + "soembody\n", + "sreading\n", + "ruind\n", + "ElaphantsPenguns\n", + "Pedestrain\n", + "Spacecrafts\n", + "environmnet\n", + "saysif\n", + "solutuion\n", + "ageera\n", + "immportant\n", + "rattional\n", + "UNRRA\n", + "altought\n", + "focusinfg\n", + "skyand\n", + "structs\n", + "certanity\n", + "advantegdege\n", + "disargee\n", + "OrleansWe\n", + "citizesens\n", + "opininons\n", + "relible\n", + "Aclassroom\n", + "itthree\n", + "jopin\n", + "College7This\n", + "requies\n", + "odditiy\n", + "Marsand\n", + "3100\n", + "surburan\n", + "refrences\n", + "earthThe\n", + "readygo\n", + "turnaments\n", + "interestred\n", + "phenonenon\n", + "incorrelation\n", + "baseballvolleyballboxing\n", + "chos\n", + "tremendosely\n", + "enormouslt\n", + "defintitley\n", + "senerio\n", + "gorveners\n", + "frustate\n", + "parahraph\n", + "paraghraphs\n", + "electorall\n", + "conlusions\n", + "SurveyorMGS\n", + "worthyness\n", + "etcmust\n", + "kinad\n", + "conditionsinstead\n", + "givein\n", + "Elearn\n", + "studentsthey\n", + "irrationalwith\n", + "Botoga\n", + "adreress\n", + "windsheld\n", + "ammeture\n", + "compairs\n", + "Vaubun\n", + "viewof\n", + "intrevol\n", + "bycycle\n", + "Colomian\n", + "statesTo\n", + "3447\n", + "lisences\n", + "restirictions\n", + "Spongebobs\n", + "negativly\n", + "earthVenus\n", + "sayedthe\n", + "imoportant\n", + "Lastlyyour\n", + "economicly\n", + "partical\n", + "arethey\n", + "expretions\n", + "orthere\n", + "saconed\n", + "artifac\n", + "edives\n", + "terriable\n", + "kerryOn\n", + "tempurtures\n", + "55\n", + "excercie\n", + "over7\n", + "Finnaly\n", + "respesenators\n", + "naiton\n", + "paticipate\n", + "killedsomeone\n", + "couselor\n", + "comeplete\n", + "Ascentainments\n", + "stupity\n", + "possobility\n", + "PlumerIn\n", + "IdahoGarvin\n", + "replacedthe\n", + "standered\n", + "roadhotels\n", + "tonightmusic\n", + "passege\n", + "Explorating\n", + "homehowever\n", + "speific\n", + "behefit\n", + "probulay\n", + "enthuaicticly\n", + "onnot\n", + "jellousy\n", + "mesabut\n", + "iÃÂm\n", + "percentl\n", + "290\n", + "transpotation\n", + "posistive\n", + "managemnt\n", + "wayelisabeth\n", + "imagian\n", + "comautocollisionscellphoneuseandmotorvehiclecrashes\n", + "automoble\n", + "Collegearticle\n", + "processThis\n", + "saferoad\n", + "reasolouton\n", + "mthe\n", + "studentsstaff\n", + "incouringing\n", + "limitaing\n", + "calssified\n", + "presidens\n", + "emercency\n", + "homemany\n", + "maybreathe\n", + "huamsn\n", + "nost\n", + "unanimus\n", + "curiosoty\n", + "outdatedand\n", + "impedimets\n", + "disadvanteages\n", + "encite\n", + "consideraton\n", + "conclision\n", + "illfitting\n", + "adultchild\n", + "sucsess\n", + "asosheats\n", + "deie\n", + "respacecrafe\n", + "trsnportation\n", + "opportnuity\n", + "playfriendly\n", + "bassis\n", + "candidates1p7\n", + "sprend\n", + "wrry\n", + "oppionion\n", + "areoffice\n", + "advacements\n", + "highky\n", + "computr\n", + "compareing\n", + "manyy\n", + "betteryou\n", + "misterious\n", + "childstudent\n", + "comunacate\n", + "brians\n", + "fathes\n", + "chinabut\n", + "olnine\n", + "satisfi\n", + "anologous\n", + "Unfortunatlly\n", + "electionPlumer\n", + "Firststudents\n", + "smotion\n", + "hereSource\n", + "surfis\n", + "trasnport\n", + "Yoongi\n", + "wehen\n", + "paragragh\n", + "aniamals\n", + "noody\n", + "unorganised\n", + "manys\n", + "voers\n", + "parietallobe\n", + "gasesRosenthal\n", + "campian\n", + "compton\n", + "nspire\n", + "transportRosenthal\n", + "shoudlnt\n", + "ignpre\n", + "wellknow\n", + "noctice\n", + "marss\n", + "establishno\n", + "bcoming\n", + "facters\n", + "twings\n", + "usful\n", + "Furtherly\n", + "quietbecause\n", + "constitutionthe\n", + "patrenst\n", + "exampe\n", + "HUmans\n", + "pressuredrugsand\n", + "casesenerio\n", + "greehouse\n", + "testedd\n", + "sypathy\n", + "workpace\n", + "pitcures\n", + "nineteenthcentury\n", + "obivous\n", + "oxigen\n", + "majoir\n", + "extrmely\n", + "jion\n", + "resestent\n", + "Congestions\n", + "uyou\n", + "themNot\n", + "usuage\n", + "mucsles\n", + "ourfacaisl\n", + "lifesyle\n", + "unexact\n", + "culturenature\n", + "reigon\n", + "OverallI\n", + "approxamently\n", + "grages\n", + "bourd\n", + "prevet\n", + "homechool\n", + "depated\n", + "morepeople\n", + "smuch\n", + "wholehigh\n", + "knowwe\n", + "excees\n", + "choosse\n", + "mphBut\n", + "Wouldent\n", + "cloudyness\n", + "foundings\n", + "britian\n", + "attenda\n", + "tolits\n", + "probloms\n", + "dangous\n", + "youthey\n", + "attenshion\n", + "asteim\n", + "alott\n", + "celebreted\n", + "emtionally\n", + "sightingspicutres\n", + "articleThe\n", + "uberlyft\n", + "talants\n", + "exsaturration\n", + "themanother\n", + "pannels\n", + "coincuals\n", + "interestslike\n", + "406\n", + "emisions\n", + "envoroment\n", + "shorthe\n", + "Sicknesstransportion\n", + "injuredwho\n", + "friendswhich\n", + "moterists\n", + "utting\n", + "IÃÂve\n", + "Althoughboth\n", + "kenw\n", + "recind\n", + "oppsions\n", + "cumunicate\n", + "Unirted\n", + "causd\n", + "determinded\n", + "percenatge\n", + "selfteaching\n", + "commuitty\n", + "polllution\n", + "Veuns\n", + "httpsdrivingtests\n", + "aceptible\n", + "inefficience\n", + "misscounted\n", + "somethingtheir\n", + "Rehabilition\n", + "applie\n", + "honnestly\n", + "reasruch\n", + "25100\n", + "saysSome\n", + "sysyem\n", + "grenrally\n", + "confusionits\n", + "claoser\n", + "oserved\n", + "trueth\n", + "instruciton\n", + "loocking\n", + "anachronisma\n", + "naamed\n", + "destionation\n", + "extoic\n", + "appering\n", + "graduste\n", + "optionalextra\n", + "buttles\n", + "methed\n", + "subseptable\n", + "unnecissary\n", + "impolsovity\n", + "gratest\n", + "thhuoth\n", + "Seagong\n", + "workwritingetc\n", + "camre\n", + "nagivating\n", + "reliabiltiy\n", + "mension\n", + "morrying\n", + "repliedI\n", + "eightyfive\n", + "automibles\n", + "pharagragh\n", + "conjested\n", + "dimind\n", + "skillsparagraph\n", + "driveyoull\n", + "strengthn\n", + "Cpwboys\n", + "automobels\n", + "someonewho\n", + "oninventors\n", + "predicded\n", + "overule\n", + "Freibug\n", + "calclulation\n", + "artificat\n", + "meaining\n", + "besies\n", + "involeved\n", + "perspectiveand\n", + "incan\n", + "movments\n", + "fransisco\n", + "importantI\n", + "importnant\n", + "dangrouse\n", + "exeperints\n", + "apppeal\n", + "forDo\n", + "elaborat\n", + "livebreatheatsleep\n", + "offected\n", + "boby\n", + "itn\n", + "chnace\n", + "strits\n", + "closter\n", + "bemeficial\n", + "650\n", + "densly\n", + "Presiident\n", + "epty\n", + "bulidng\n", + "shawdows\n", + "deffintley\n", + "familiesNot\n", + "eithered\n", + "Studentcreated\n", + "systemsmusic\n", + "contrusted\n", + "decisionÃÂ\n", + "p18\n", + "asscociated\n", + "likeetc\n", + "abunch\n", + "maualdriven\n", + "aventures\n", + "factthere\n", + "modifyed\n", + "underqualification\n", + "beccuse\n", + "resasons\n", + "resdient\n", + "fairit\n", + "Outcomesecond\n", + "statesSource\n", + "Vanbaun\n", + "exampleslunch\n", + "dicern\n", + "mommys\n", + "showsand\n", + "anamonical\n", + "theoy\n", + "systtem\n", + "padestrian\n", + "hisoric\n", + "Eletronal\n", + "leadsto\n", + "holesbias\n", + "refule\n", + "understanded\n", + "ThirdThere\n", + "crosion\n", + "mensioned\n", + "analizing\n", + "confidental\n", + "neccassary\n", + "Snaler\n", + "phoneuse\n", + "sences\n", + "caotic\n", + "acturally\n", + "epixel\n", + "punich\n", + "palpabraeus\n", + "mutuple\n", + "diffacult\n", + "maent\n", + "roadcell\n", + "possitve\n", + "lieng\n", + "ecognizing\n", + "extradinary\n", + "streteched\n", + "indvidualy\n", + "heatand\n", + "nwhat\n", + "76\n", + "sportsclubs\n", + "deminish\n", + "disctict\n", + "electorcal\n", + "incentitive\n", + "transpirtaion\n", + "thingssee\n", + "greass\n", + "callculate\n", + "resposablitile\n", + "lves\n", + "Valuble\n", + "vilation\n", + "pelple\n", + "exlain\n", + "instructionsand\n", + "jobsand\n", + "systm\n", + "anitlock\n", + "analyse\n", + "underwelmed\n", + "Finelly\n", + "eniviroment\n", + "Pullotion\n", + "expeirence\n", + "outso\n", + "Finallywhen\n", + "opprutunity\n", + "trendbut\n", + "Rehabailitation\n", + "resovle\n", + "teachersPROPER_NAME\n", + "dorning\n", + "havingPROPER_NAME\n", + "mocode\n", + "travelThis\n", + "buildingsand\n", + "ihave\n", + "dayIn\n", + "winnertakall\n", + "comung\n", + "AlsoStudents\n", + "weret\n", + "percheses\n", + "confusionI\n", + "occaional\n", + "createdlandform\n", + "Brinwho\n", + "specialhe\n", + "voteswhile\n", + "Francesource2p14\n", + "inyimidating\n", + "Winnertakeall\n", + "communtities\n", + "paeticipate\n", + "delimia\n", + "trest\n", + "roadnow\n", + "handon\n", + "Gondala\n", + "sucsessfully\n", + "sellingg\n", + "esstientally\n", + "Alliens\n", + "detels\n", + "bacislly\n", + "righht\n", + "adviceschoices\n", + "Askng\n", + "sickect\n", + "persuavive\n", + "shounds\n", + "yeahit\n", + "austronauts\n", + "comlexities\n", + "Pursuiting\n", + "computerisation\n", + "opinionshelp\n", + "finisheed\n", + "softwarre\n", + "eathrquakes\n", + "WONTYou\n", + "2008\n", + "Tensity\n", + "rudening\n", + "system3\n", + "presidnat\n", + "sencer\n", + "destinatonAnd\n", + "statisics\n", + "drivless\n", + "driveres\n", + "Collegeand\n", + "unbeliveably\n", + "queueing\n", + "selll\n", + "000000001\n", + "garbageif\n", + "capitcal\n", + "excitidly\n", + "mucg\n", + "recomind\n", + "driverlsess\n", + "55electoral\n", + "baseballvollyballtabletennisfencingboxing\n", + "americs\n", + "voteson\n", + "ParisFrace\n", + "blocik\n", + "deadley\n", + "hositle\n", + "Systemmay\n", + "changei\n", + "riveled\n", + "normanl\n", + "5559\n", + "sadnessAlso\n", + "calims\n", + "anotherOh\n", + "Stystems\n", + "bicylest\n", + "pulralityin\n", + "accelertate\n", + "dieseles\n", + "desiding\n", + "proffesor\n", + "diesle\n", + "bafoon\n", + "safley\n", + "functio\n", + "lesgislature\n", + "yourselfand\n", + "unfortulnlly\n", + "transportated\n", + "wayand\n", + "peoplefrom\n", + "Parragraph\n", + "colllge\n", + "mechens\n", + "adventuers\n", + "aggreable\n", + "bacisally\n", + "Pscychology\n", + "dasks\n", + "Goesn\n", + "idenfitying\n", + "conisder\n", + "adaped\n", + "specile\n", + "meritcheating\n", + "transion\n", + "examed\n", + "gasous\n", + "detramental\n", + "restronts\n", + "gagets\n", + "thaink\n", + "happysador\n", + "horrer\n", + "Immuch\n", + "remebering\n", + "overruledbydeclaring\n", + "wan2\n", + "tmeor\n", + "orgindexhf\n", + "mking\n", + "storyargument\n", + "schoolsponsered\n", + "illistatrate\n", + "eariser\n", + "unrelaible\n", + "huiked\n", + "amouts\n", + "routcome\n", + "emensally\n", + "AlGOREthanks\n", + "atronomical\n", + "disagre\n", + "torchure\n", + "workstorehospitaletc\n", + "outwiegh\n", + "Armerican\n", + "18000s\n", + "acrticle\n", + "destionations\n", + "actitud\n", + "AsuncionParaguay\n", + "proabbly\n", + "265\n", + "monuent\n", + "1730\n", + "Vanbans\n", + "saysthis\n", + "preporation\n", + "specifing\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "counslour\n", + "phenomon\n", + "shootingsbullyingand\n", + "sertain\n", + "undicided\n", + "mostlydriverless\n", + "socure\n", + "830Next\n", + "phonesphonesphones\n", + "acrost\n", + "onehundered\n", + "rathor\n", + "DearSenator\n", + "hosppital\n", + "unlveil\n", + "surfae\n", + "deciper\n", + "suburbLife\n", + "diciding\n", + "instnce\n", + "nasas\n", + "unimportantant\n", + "Codying\n", + "portates\n", + "scraming\n", + "vots\n", + "heelp\n", + "acsess\n", + "coldtarorizing\n", + "poisition\n", + "guinne\n", + "freeckin\n", + "justreleased\n", + "bascally\n", + "consequnces\n", + "useas\n", + "Desagreebecause\n", + "presadent\n", + "autopiolet\n", + "hourspecial\n", + "malifunction\n", + "prestory\n", + "saidWe\n", + "oficals\n", + "dnesity\n", + "aronud\n", + "thingbecause\n", + "travil\n", + "partnersgroups\n", + "advantege\n", + "daybyday\n", + "chocice\n", + "tahts\n", + "tehcnology\n", + "smogNot\n", + "possabel\n", + "previouse\n", + "strave\n", + "spific\n", + "corectly\n", + "moneyefficent\n", + "Accrording\n", + "highlyadvanded\n", + "modivated\n", + "dager\n", + "impliments\n", + "sisster\n", + "agianThe\n", + "feeking\n", + "Companylaid\n", + "youanother\n", + "extracurricum\n", + "cofirm\n", + "430500\n", + "suburs\n", + "distroded\n", + "Lamborginis\n", + "rediculious\n", + "newing\n", + "driverlass\n", + "curfui\n", + "betterthat\n", + "becauseif\n", + "percaution\n", + "36750\n", + "thrillled\n", + "likeI\n", + "doneand\n", + "cheeck\n", + "pushtotalk\n", + "esceptical\n", + "accidentsor\n", + "coling\n", + "recognization\n", + "dirrections\n", + "limeited\n", + "upbut\n", + "chamberer\n", + "joion\n", + "Shadowes\n", + "cenidates\n", + "strgazer\n", + "prefernces\n", + "730\n", + "accomlished\n", + "materal\n", + "wereand\n", + "prevenet\n", + "seversl\n", + "IIhe\n", + "invaided\n", + "appearedAt\n", + "moldel\n", + "hovery\n", + "Vaubn\n", + "anthore\n", + "sicentists\n", + "trickey\n", + "densily\n", + "photographywould\n", + "lifeorganism\n", + "everyine\n", + "condidates\n", + "carand\n", + "eightteeneighty\n", + "comingand\n", + "alwase\n", + "excaveted\n", + "dight\n", + "innacuracy\n", + "thisIts\n", + "differeces\n", + "845\n", + "usely\n", + "claaroom\n", + "roads3\n", + "corupted\n", + "agrred\n", + "knoledg\n", + "lested\n", + "emoitions\n", + "excesive\n", + "chidcare\n", + "spaestasin\n", + "shipwe\n", + "ussually\n", + "obvisously\n", + "Pulmer\n", + "Iriqouis\n", + "therorist\n", + "Aboilshing\n", + "fourtimes\n", + "carsIn\n", + "engire\n", + "farhrenheit\n", + "Vubans\n", + "eraths\n", + "londan\n", + "meaningthe\n", + "cathcing\n", + "revunue\n", + "electoal\n", + "conspirasicy\n", + "yourre\n", + "adive\n", + "Uprgrades\n", + "anyoen\n", + "featurres\n", + "smartier\n", + "adventageous\n", + "avioding\n", + "privatelyowned\n", + "wouldint\n", + "knownig\n", + "woiuld\n", + "BakingSewing\n", + "expressionsThe\n", + "planet3\n", + "pastbut\n", + "opportunityand\n", + "creaation\n", + "condicions\n", + "saddepressed\n", + "prosse\n", + "extracurricualr\n", + "condidate\n", + "cubir\n", + "workect\n", + "reducetion\n", + "citeing\n", + "uou\n", + "Feb152011\n", + "procesess\n", + "coulf\n", + "vialation\n", + "cirlcing\n", + "remnds\n", + "arument\n", + "canparagraph43\n", + "stratigies\n", + "troughout\n", + "practictly\n", + "madatory\n", + "distancethose\n", + "conves\n", + "studentsstudents\n", + "Collegebecause\n", + "emtionrecognition\n", + "roadso\n", + "12018\n", + "astronaunts\n", + "challahnge\n", + "flexablity\n", + "fashal\n", + "expressiong\n", + "emssions\n", + "streess\n", + "countrysWell\n", + "bywhen\n", + "dispue\n", + "equalityfairness\n", + "responsabilliy\n", + "unsimplicity\n", + "vehemetly\n", + "atacts\n", + "Grubhuband\n", + "elecortal\n", + "horsea\n", + "bulbI\n", + "citizin\n", + "futureand\n", + "sencond\n", + "alwaysPlumer\n", + "sworming\n", + "questionswork\n", + "inccidents\n", + "700200\n", + "troublelike\n", + "Huangof\n", + "1st5th\n", + "happinessangersurprisedisgustsadness\n", + "saidYour\n", + "twohundred\n", + "examplevauban\n", + "softwere\n", + "disciver\n", + "donig\n", + "soecial\n", + "succsess\n", + "unthoughtout\n", + "becaseu\n", + "knowleadge\n", + "chhosing\n", + "amagined\n", + "shwode\n", + "altoghether\n", + "icture\n", + "shoadows\n", + "problemshe\n", + "parkingdrivewaysand\n", + "Firstlyasking\n", + "speadily\n", + "byRosenthal\n", + "genertaing\n", + "eletroral\n", + "feedom\n", + "wated\n", + "vode\n", + "Freibrug\n", + "oportnity\n", + "preconcieved\n", + "AdministrationI\n", + "apone\n", + "streettohighway\n", + "saidJust\n", + "consternate\n", + "environmentElizabrth\n", + "astronmers\n", + "insurence\n", + "charateristics\n", + "rightAbolish\n", + "expiranced\n", + "Firts\n", + "notyou\n", + "Caiolina\n", + "teamschool\n", + "rexaled\n", + "poped\n", + "comble\n", + "destracts\n", + "blindsited\n", + "Cowbys\n", + "singel\n", + "agrre\n", + "247\n", + "Eapasually\n", + "resived\n", + "efected\n", + "venius\n", + "reycle\n", + "Reaserchers\n", + "denstiy\n", + "aquipped\n", + "Studnets\n", + "Whould\n", + "gondla\n", + "ahuman\n", + "studenttesting\n", + "supposible\n", + "oribably\n", + "easiler\n", + "thething\n", + "acroplis\n", + "BMWSafety\n", + "awnser\n", + "joblike\n", + "93\n", + "benetfical\n", + "BejingChina\n", + "510\n", + "difficutlies\n", + "catchig\n", + "drivning\n", + "asmerica\n", + "resurech\n", + "rokcy\n", + "descarding\n", + "tthink\n", + "comepleated\n", + "hispital\n", + "esson\n", + "reltionship\n", + "eploring\n", + "799\n", + "galaxys\n", + "enstince\n", + "exampleStriving\n", + "enorumous\n", + "reasonsPosner\n", + "pepople\n", + "spacecrafe\n", + "decrese\n", + "extraortdinary\n", + "suggetst\n", + "grealty\n", + "articact\n", + "llto\n", + "Wetern\n", + "detuction\n", + "neglegence\n", + "suburds\n", + "schoolbusinessjob\n", + "remotly\n", + "stuburn\n", + "headsupdisplay\n", + "par14\n", + "plantsparagraph\n", + "slllowed\n", + "kowledge\n", + "SCHOOL_NAME\n", + "concentrade\n", + "representataive\n", + "obducted\n", + "365\n", + "gneral\n", + "greendhouse\n", + "accsessed\n", + "earliercars\n", + "swtiching\n", + "factwe\n", + "edvidence\n", + "Nowwhy\n", + "electtors\n", + "tharepist\n", + "thatWhen\n", + "biggerthe\n", + "peopleLuke\n", + "elecion\n", + "posibilatys\n", + "MoreoverI\n", + "presidemt\n", + "naturemade\n", + "relatioship\n", + "lunchrush\n", + "lessong\n", + "exrcises\n", + "toched\n", + "malfunciton\n", + "3920\n", + "probibaly\n", + "regionsouthnortheastetchas\n", + "100assume\n", + "foucese\n", + "conveiniences\n", + "inperfection\n", + "benificail\n", + "chnges\n", + "emgercy\n", + "waityou\n", + "Bestlaid\n", + "comtextinganddrivingstatistics\n", + "mphThey\n", + "parslterails\n", + "havingthe\n", + "statesSome\n", + "238\n", + "cloesly\n", + "20102015\n", + "outyou\n", + "OPPROTUNITY\n", + "issure\n", + "judgement\n", + "btweer\n", + "SecondOver\n", + "autoresponded\n", + "beneifits\n", + "onceinalifetime\n", + "suitation\n", + "maqke\n", + "blure\n", + "votesfinally\n", + "Indefinsible\n", + "modfiy\n", + "coordinents\n", + "suely\n", + "newold\n", + "1992s\n", + "lefted\n", + "faceing\n", + "prek\n", + "Ascertaniment\n", + "Firesfightsschool\n", + "ashaimed\n", + "woudve\n", + "funis\n", + "Younges\n", + "CITIZENSTHIS\n", + "featrues\n", + "experiecne\n", + "eleminate\n", + "Lastlyon\n", + "itParagraph3\n", + "sentirely\n", + "knowledgabe\n", + "fallingnover\n", + "nikw\n", + "takke\n", + "reallu\n", + "distence\n", + "percdent\n", + "statesStriving\n", + "oncce\n", + "againand\n", + "lectoral\n", + "stuning\n", + "oppruninty\n", + "410\n", + "clarafie\n", + "animalsplay\n", + "intened\n", + "142\n", + "atmoshperic\n", + "kidss\n", + "3500\n", + "AssociationYou\n", + "condions\n", + "twoDiesel\n", + "cars11\n", + "Inconcluion\n", + "infroming\n", + "arcoss\n", + "electionsin\n", + "3287\n", + "separting\n", + "reguarded\n", + "CowboysLuke\n", + "rathr\n", + "arenÃÂt\n", + "traiffic\n", + "MrMrs\n", + "VaubanGremany\n", + "familay\n", + "Finallyeverything\n", + "clubactivity\n", + "hapier\n", + "updaited\n", + "schoolaged\n", + "someong\n", + "clusion\n", + "In1976\n", + "coulve\n", + "accerlate\n", + "18an\n", + "Sergin\n", + "advanages\n", + "Howeverthere\n", + "martion\n", + "garuntees\n", + "aquaduct\n", + "unfrustrated\n", + "arwe\n", + "mademany\n", + "soming\n", + "popualar\n", + "resoluion\n", + "agreedisagree\n", + "saidTrue\n", + "reconizion\n", + "explanined\n", + "drive8\n", + "poluition\n", + "natuaral\n", + "pefrenciles\n", + "withfor\n", + "Taax\n", + "selfdesigned\n", + "higways\n", + "Alsothres\n", + "141945\n", + "pompromise\n", + "suburben\n", + "itemthing\n", + "onlinedistance\n", + "autisticand\n", + "painy\n", + "dincludes\n", + "GrandPa\n", + "nessacery\n", + "suburbes\n", + "fiftyseven\n", + "zoneand\n", + "prespectives\n", + "onlineonly\n", + "424000\n", + "smothly\n", + "workschoolor\n", + "weunconsciously\n", + "unconfidence\n", + "Elkart\n", + "theroritacaly\n", + "goignt\n", + "squwarl\n", + "newsthe\n", + "downgradeing\n", + "feeoing\n", + "awatds\n", + "accuivalent\n", + "steeringacceleration\n", + "surroudnings\n", + "absoulutely\n", + "expenice\n", + "electotral\n", + "thatMercedesBenz\n", + "anatony\n", + "miscommuincation\n", + "kepping\n", + "materialbooks\n", + "equall\n", + "clearify\n", + "showseven\n", + "dutys\n", + "BeijingChina\n", + "uneeded\n", + "300000000\n", + "carabon\n", + "FactorSource\n", + "himeself\n", + "classworks\n", + "opinionsand\n", + "defenitily\n", + "reasonsanswers\n", + "temputures\n", + "yiou\n", + "acccidents\n", + "consperisetheris\n", + "understimulation\n", + "harderfor\n", + "suggestd\n", + "permanit\n", + "theirselvs\n", + "curret\n", + "Faherheit\n", + "Finkilsteins\n", + "listined\n", + "repairng\n", + "identifiy\n", + "youor\n", + "reponsibity\n", + "empressive\n", + "youthen\n", + "possituve\n", + "manfucaturers\n", + "runoffelections\n", + "landformsthe\n", + "lazines\n", + "reliale\n", + "becauseI\n", + "forsure\n", + "reilizse\n", + "paited\n", + "effectivenss\n", + "concluision\n", + "procautions\n", + "recognizedsafe\n", + "artifacted\n", + "Bombberger\n", + "unjudgemental\n", + "frind\n", + "skydivingsnowboardingskatinggolfing\n", + "perticipate\n", + "facialmuscles\n", + "picturesit\n", + "breakfeast\n", + "despied\n", + "selfresponsibility\n", + "theroiling\n", + "charactar\n", + "requiredue\n", + "isbetter\n", + "realie\n", + "FFahrenheit\n", + "Earthalthough\n", + "entiretantment\n", + "oftern\n", + "tidea\n", + "Cydoria\n", + "conditins\n", + "workk\n", + "poluar\n", + "decresaed\n", + "doestn\n", + "undescoverd\n", + "procceded\n", + "excrsics\n", + "caustiously\n", + "degerees\n", + "emplement\n", + "transportcar\n", + "studentsso\n", + "prvovied\n", + "voteimpact\n", + "crerated\n", + "elecotronics\n", + "resceachers\n", + "casualies\n", + "imagineation\n", + "methid\n", + "intalled\n", + "stateSo\n", + "Simliar\n", + "inefective\n", + "comprehensable\n", + "intreset\n", + "taveling\n", + "hessition\n", + "aloowing\n", + "conditiond\n", + "athletice\n", + "EuropeThe\n", + "scientifical\n", + "tempertature\n", + "hunders\n", + "siteseaing\n", + "forbiding\n", + "exerciseoriented\n", + "PlanetWe\n", + "Highschoolers\n", + "seagoin\n", + "elemenatary\n", + "whyI\n", + "wellenough\n", + "eltorial\n", + "Telsla\n", + "varieity\n", + "argure\n", + "esperience\n", + "hoverbored\n", + "admester\n", + "travleling\n", + "rcover\n", + "weekwill\n", + "Haidrun\n", + "bussnes\n", + "tennisfencingboxingreading\n", + "electores\n", + "formerstudents\n", + "Idahothats\n", + "himleading\n", + "brode\n", + "mrsenate\n", + "accidets\n", + "disoder\n", + "aluter\n", + "bp1\n", + "forbiden\n", + "fahrenheitsthe\n", + "pointofviews\n", + "fecinated\n", + "representor\n", + "100x\n", + "irisponsible\n", + "amzed\n", + "articel\n", + "homeyou\n", + "feling\n", + "Mortorists\n", + "thingand\n", + "examplpe\n", + "objectWhen\n", + "phonescarsand\n", + "unnimportant\n", + "Definetely\n", + "180000\n", + "forcesparagraph\n", + "specefically\n", + "caome\n", + "Certifiate\n", + "leasson\n", + "strnge\n", + "allower\n", + "statesdidnt\n", + "defaintly\n", + "mounment\n", + "represenetive\n", + "faunalovers\n", + "croos\n", + "goinmg\n", + "expamle\n", + "inncorect\n", + "syomby\n", + "movemnet\n", + "seea\n", + "illsion\n", + "constitiution\n", + "relyablility\n", + "GenericNames\n", + "dissagrements\n", + "instrucor\n", + "ecourages\n", + "Nasas\n", + "necktobottom\n", + "insperation\n", + "edcational\n", + "othert\n", + "sadlyits\n", + "testr\n", + "freedomchoice\n", + "colcudes\n", + "aldolts\n", + "forbidion\n", + "selfthinkers\n", + "manufacurers\n", + "distrubtin\n", + "chocien\n", + "objests\n", + "Vennus\n", + "electronicsThis\n", + "louisana\n", + "degreesto\n", + "prduce\n", + "meerly\n", + "pefer\n", + "elctorial\n", + "carofornia\n", + "definiatly\n", + "coincadense\n", + "16All\n", + "75010000\n", + "thingsfail\n", + "rerequired\n", + "demontrates\n", + "yoiu\n", + "riducolusly\n", + "basketballfootball\n", + "selfprojects\n", + "radition\n", + "vperonsal\n", + "selfpace\n", + "technologys\n", + "reasons1\n", + "excitementand\n", + "frieinds\n", + "donest\n", + "legislatres\n", + "exurcise\n", + "infactuated\n", + "sufuric\n", + "polititian\n", + "opsticals\n", + "englend\n", + "poket\n", + "65\n", + "cospiracy\n", + "portrayes\n", + "paartys\n", + "candicide\n", + "outcomePlumer\n", + "situition\n", + "informationask\n", + "staets\n", + "oppostition\n", + "comepanis\n", + "homeonline\n", + "allornothing\n", + "emploring\n", + "drvining\n", + "Presidnt\n", + "pedestrainbicycles\n", + "facelooking\n", + "imporatnat\n", + "willling\n", + "forsis\n", + "intint\n", + "liltle\n", + "aquantince\n", + "proness\n", + "humaniod\n", + "retreve\n", + "valuebecause\n", + "apperences\n", + "branford\n", + "31Almost\n", + "transeport\n", + "examople\n", + "prefrences\n", + "diserve\n", + "closeminded\n", + "imporatantly\n", + "arrivingt\n", + "45\n", + "selfdestruction\n", + "epsically\n", + "allone\n", + "Eletoral\n", + "transportantion\n", + "trainair\n", + "Carintensive\n", + "activitty\n", + "exspressses\n", + "grocey\n", + "communting\n", + "amissions\n", + "caculation\n", + "abismal\n", + "venusmake\n", + "computerdriving\n", + "requiere\n", + "threeit\n", + "illegar\n", + "testproject\n", + "favoitism\n", + "sesgoing\n", + "in2012s\n", + "caind\n", + "experienceing\n", + "Vaunbans\n", + "Presisent\n", + "Fahrenhitpressure\n", + "licsence\n", + "flexiable\n", + "speen\n", + "does21\n", + "candidateYes\n", + "motovated\n", + "outgoingcould\n", + "Elcetoral\n", + "hotbing\n", + "insuracealot\n", + "thinkEspecially\n", + "6if\n", + "now2years\n", + "roughkly\n", + "expontential\n", + "sugguest\n", + "undertanding\n", + "instanly\n", + "indanger\n", + "drivierless\n", + "becausethere\n", + "confusong\n", + "thcomputer\n", + "1950\n", + "experssing\n", + "philidelphia\n", + "AVIDs\n", + "techfoodcitys\n", + "encouaged\n", + "crimanal\n", + "uang\n", + "unstaurated\n", + "airpollution\n", + "spand\n", + "utimately\n", + "comities\n", + "Unfourtanetly\n", + "whisle\n", + "differece\n", + "winnier\n", + "satisfact\n", + "driverthe\n", + "conviniences\n", + "suggustin\n", + "honduras\n", + "concusionI\n", + "drivign\n", + "reallt\n", + "cafeul\n", + "oulc\n", + "antoxicated\n", + "Undited\n", + "otpion\n", + "platues\n", + "candaiets\n", + "ChinaSouth\n", + "likecover\n", + "castAnd\n", + "effiecenty\n", + "sovle\n", + "graduatedand\n", + "effcient\n", + "autheor\n", + "voinng\n", + "expesioly\n", + "creditlet\n", + "mallyour\n", + "withiout\n", + "artuicle\n", + "joceys\n", + "Veiwer\n", + "meesly\n", + "satelights\n", + "daygetting\n", + "FirstPeople\n", + "classWhich\n", + "cercumstance\n", + "motorcyclesbikes\n", + "ticketsfines\n", + "prerfer\n", + "orgnaized\n", + "southhas\n", + "perosnally\n", + "limitied\n", + "progran\n", + "imbicles\n", + "Represntatives\n", + "gandola\n", + "preblems\n", + "codeing\n", + "decadesVenus\n", + "presation\n", + "campaning\n", + "GOVENER\n", + "Anotheryou\n", + "pollutionstressand\n", + "acciddents\n", + "unprudent\n", + "foucuce\n", + "mwith\n", + "exstreme\n", + "bridery\n", + "gardeiens\n", + "represetative\n", + "lectora\n", + "sportThey\n", + "reasources\n", + "intersesting\n", + "somethimg\n", + "palpabraesus\n", + "imporantly\n", + "valleysmountains\n", + "nessicerly\n", + "Eyetoeye\n", + "simplifed\n", + "extercise\n", + "societyand\n", + "arounld\n", + "elecrtorsthat\n", + "discorvered\n", + "paragph\n", + "cowshorsesmules\n", + "curtism\n", + "controdicted\n", + "candidtade\n", + "pollition\n", + "wellliked\n", + "presisdent\n", + "colomians\n", + "sulfric\n", + "irrationalbut\n", + "taliking\n", + "skepicts\n", + "seriosu\n", + "Experments\n", + "Gooogle\n", + "parargraph\n", + "aoutmobile\n", + "seperte\n", + "wiserbetter\n", + "instrests\n", + "councilling\n", + "eventsubject\n", + "sulfrud\n", + "handress\n", + "electionand\n", + "manfactors\n", + "vfinally\n", + "licecnse\n", + "propuse\n", + "cosumer\n", + "litterfree\n", + "challengs\n", + "811\n", + "soutition\n", + "gonor\n", + "conseolur\n", + "dricvers\n", + "gamne\n", + "reaason\n", + "teachersy\n", + "aboplish\n", + "carsl\n", + "Spainand\n", + "coinsidence\n", + "eelements\n", + "wolud\n", + "atomospheric\n", + "cababilities\n", + "exaples\n", + "equivalnet\n", + "traffis\n", + "stylewooouuh\n", + "beckmqn\n", + "duoling\n", + "elcetion\n", + "ecountered\n", + "lifeall\n", + "innovatios\n", + "agrue\n", + "hield\n", + "evovled\n", + "atentin\n", + "bycicle\n", + "aceable\n", + "wellintended\n", + "ambigous\n", + "advantagous\n", + "Mannerbetter\n", + "decresased\n", + "schoolhomework\n", + "beacouse\n", + "exampol\n", + "comaccidentstheaveragecaraccidentcost\n", + "differntly\n", + "natrualy\n", + "autocar\n", + "reperesentatives\n", + "onistly\n", + "oberruled\n", + "ForexampleI\n", + "fecthed\n", + "reasonsThe\n", + "relaxs\n", + "Seagowing\n", + "homeworkessayprojects\n", + "exampple\n", + "morden\n", + "opputunities\n", + "creturehuman\n", + "ofthen\n", + "changeEnrique\n", + "eletronice\n", + "silicaon\n", + "swithcing\n", + "transportatioin\n", + "driverlesscar\n", + "technonlgical\n", + "somethingor\n", + "Vaubangermany\n", + "sciencists\n", + "disguted\n", + "optain\n", + "Erotion\n", + "expriences\n", + "pastThe\n", + "horrbile\n", + "doinjg\n", + "miliatry\n", + "clounsion\n", + "representatvie\n", + "ideasgrasp\n", + "notifty\n", + "hasil\n", + "sportss\n", + "IITrig\n", + "worrie\n", + "205000\n", + "teamsclubsor\n", + "4Big\n", + "exspensive\n", + "pivtures\n", + "astroids\n", + "savning\n", + "Claiforina\n", + "saidYou\n", + "Disractions\n", + "drvivngtest\n", + "comparied\n", + "citizensOffice\n", + "lungrelated\n", + "Nixion\n", + "eachers\n", + "communaciater\n", + "orgteensstaysafedistracted_driving\n", + "combonation\n", + "ellected\n", + "monumentsaid\n", + "stressedto\n", + "minipulate\n", + "incorperated\n", + "aleins\n", + "Scietists\n", + "eassily\n", + "seventeenyearold\n", + "romneyBecause\n", + "articalpassage\n", + "worktests\n", + "50\n", + "spuriors\n", + "academicrelated\n", + "emitt\n", + "stament\n", + "biengsAlsowhen\n", + "debistation\n", + "advancemet\n", + "Raither\n", + "probubly\n", + "campagning\n", + "semicomplex\n", + "makeour\n", + "conventionsstate\n", + "1968There\n", + "earthquaks\n", + "sportsanimecartoons\n", + "electos\n", + "simlarities\n", + "PresidentAm\n", + "coomputer\n", + "desnt\n", + "whta\n", + "montived\n", + "presidentWho\n", + "cheatingboth\n", + "moniment\n", + "relinqiush\n", + "repliedGeneric_Name\n", + "inverment\n", + "learining\n", + "2Warlords\n", + "emotiion\n", + "baseecely\n", + "concpets\n", + "legslater\n", + "caryour\n", + "decllare\n", + "Earthso\n", + "dirivless\n", + "Excersise\n", + "themmaybe\n", + "licencing\n", + "experation\n", + "MouseRosetta\n", + "hapenning\n", + "scientics\n", + "dicison\n", + "conditionswould\n", + "dangerousHow\n", + "parteners\n", + "poolutionno\n", + "latrerails\n", + "continally\n", + "probloby\n", + "degeres\n", + "31220\n", + "anachrosim\n", + "disesion\n", + "percfent\n", + "itcanwait\n", + "togetherthe\n", + "opportunuity\n", + "orand\n", + "contorl\n", + "Westit\n", + "diffulcty\n", + "decisionn\n", + "Ocean6\n", + "adSo\n", + "permintas\n", + "lawsand\n", + "disators\n", + "senseable\n", + "famile\n", + "notifie\n", + "inreases\n", + "capble\n", + "experrence\n", + "easiser\n", + "humna\n", + "instence\n", + "statedThats\n", + "choicehelp\n", + "honourable\n", + "devolop\n", + "âÂâ\n", + "301370\n", + "designedassignment\n", + "teadcher\n", + "lisenes\n", + "vibrateing\n", + "securtiy\n", + "teacther\n", + "Persoanally\n", + "menufactors\n", + "flourshing\n", + "intoWhen\n", + "neighbord\n", + "miniumized\n", + "represantatives\n", + "predictsThen\n", + "wored\n", + "elsecotrs\n", + "ConstitutionDoes\n", + "instructorDalto\n", + "cheeting\n", + "peoject\n", + "reasonds\n", + "computerdriven\n", + "tipically\n", + "imidiately\n", + "laugen\n", + "photoraping\n", + "guardchild\n", + "mutiples\n", + "friendsfamilypeersteachersand\n", + "ruleby\n", + "doubst\n", + "supermoney\n", + "understandbut\n", + "Everyne\n", + "espesly\n", + "struguling\n", + "corrosie\n", + "parpicate\n", + "presidence\n", + "2011s\n", + "jamsless\n", + "frusturating\n", + "reavealing\n", + "drostically\n", + "costantly\n", + "relivent\n", + "votethan\n", + "7am8am\n", + "lantural\n", + "senatorThe\n", + "diffuculties\n", + "ChinaEuropeand\n", + "farout\n", + "for6\n", + "convidenced\n", + "tragdey\n", + "Completive\n", + "occures\n", + "Becuasue\n", + "NASAp6\n", + "acciednt\n", + "seventyyearold\n", + "withoout\n", + "crafth\n", + "projectassignment\n", + "Continuingthe\n", + "expireance\n", + "pheatures\n", + "presidetial\n", + "Agnry\n", + "firstbut\n", + "prepred\n", + "nessisity\n", + "injeries\n", + "comupters\n", + "Reasosn\n", + "startes\n", + "jointUp\n", + "relalized\n", + "interigating\n", + "abledhuman\n", + "determant\n", + "summarys\n", + "avout\n", + "scienetist\n", + "truelly\n", + "pricties\n", + "concetrate\n", + "temptures\n", + "jamBogota\n", + "Thoreaus\n", + "tenneagers\n", + "storyNew\n", + "thotoughfare\n", + "sizeThe\n", + "tripLuke\n", + "bset\n", + "effient\n", + "accore\n", + "slouds\n", + "soltins\n", + "sudent\n", + "tykando\n", + "enevibility\n", + "diffrenet\n", + "manykinds\n", + "allowedbut\n", + "thivk\n", + "infrount\n", + "expectationswhich\n", + "despose\n", + "manyn\n", + "waysfor\n", + "estabilshed\n", + "deide\n", + "illusionWhat\n", + "defenetly\n", + "techtonics\n", + "seding\n", + "Martioan\n", + "resposability\n", + "proffessionaly\n", + "cinvenience\n", + "andmakeing\n", + "prizeslike\n", + "Excerise\n", + "weeksor\n", + "1600000\n", + "amusment\n", + "thinkof\n", + "reguations\n", + "gtround\n", + "reprentatives\n", + "devicein\n", + "greaatly\n", + "qualifacations\n", + "betrey\n", + "ccombined\n", + "coummicate\n", + "opr\n", + "michanical\n", + "obeicity\n", + "vbe\n", + "bordum\n", + "livescience\n", + "gerinte\n", + "legeslative\n", + "bvecause\n", + "iwill\n", + "gonodola\n", + "moniters\n", + "delaring\n", + "consderation\n", + "SunParagraph\n", + "theay\n", + "laerning\n", + "intrugal\n", + "completeyly\n", + "sichwashin\n", + "reducedstopping\n", + "thatbut\n", + "metor\n", + "humanlife\n", + "sjowing\n", + "2411\n", + "httpsseriousaccidents\n", + "straightA\n", + "surpriseanger\n", + "droppimg\n", + "Indfensible\n", + "retian\n", + "feading\n", + "sociey\n", + "FactThe\n", + "signifintally\n", + "leardned\n", + "sheher\n", + "knowdlegde\n", + "poitivley\n", + "welthy\n", + "acrucial\n", + "foreigen\n", + "horribble\n", + "09\n", + "hypothosis\n", + "intice\n", + "coroperate\n", + "Wsahington\n", + "ranfor\n", + "occours\n", + "trffic\n", + "sientists\n", + "kommando\n", + "abnout\n", + "andelect\n", + "anthere\n", + "complicted\n", + "desision\n", + "960\n", + "pessure\n", + "nicerby\n", + "perivlage\n", + "feuture\n", + "reenforceed\n", + "situationgive\n", + "clouldess\n", + "dangerousover\n", + "illiminated\n", + "satlights\n", + "situaions\n", + "saysin\n", + "happenn\n", + "Areonautics\n", + "Finallythey\n", + "exoplor\n", + "1986\n", + "exoressions\n", + "maded\n", + "mothod\n", + "prepard\n", + "sensewhen\n", + "repersent\n", + "Nonacademic\n", + "lether\n", + "electorsal\n", + "Vaundan\n", + "knowalage\n", + "nesasery\n", + "votesource\n", + "seventiy\n", + "applyed\n", + "pressureis\n", + "Diverless\n", + "parklarge\n", + "downyoull\n", + "conserning\n", + "cruize\n", + "formentioned\n", + "SEAGOING\n", + "cloudsMars\n", + "unsatisfy\n", + "killign\n", + "playingmanaging\n", + "pursiut\n", + "advatages\n", + "friendLuke\n", + "recgonize\n", + "beb\n", + "drivelessc\n", + "Instally\n", + "nessicary\n", + "spacectaft\n", + "inconvienient\n", + "casuses\n", + "thyen\n", + "spaceshit\n", + "illumanati\n", + "blaem\n", + "porjects\n", + "wortthy\n", + "hapeneing\n", + "sligtly\n", + "20\n", + "speedsthis\n", + "learded\n", + "poligtical\n", + "selfowned\n", + "secrative\n", + "accomadating\n", + "electorors\n", + "outdatedirrational\n", + "pickedup\n", + "motifyed\n", + "eighter\n", + "suppsoed\n", + "thiss\n", + "antlock\n", + "runor\n", + "lesons\n", + "simpliy\n", + "safehave\n", + "isinvolving\n", + "Kuhlmeir\n", + "unted\n", + "unfar\n", + "houseapartments\n", + "intsensifying\n", + "votesThere\n", + "understodd\n", + "enough2\n", + "votesand\n", + "supralitive\n", + "accidnet\n", + "calculateemotionslike\n", + "oover\n", + "saysIts\n", + "imessage\n", + "emoutions\n", + "10day\n", + "snowwhite\n", + "thatd\n", + "foodand\n", + "comnewslocaldeathsduedistracteddrivingrisinggeorgiajpJciD8TbtqoPaCCR3ynQM\n", + "relizes\n", + "extraschool\n", + "deleagtion\n", + "sleepdeprived\n", + "marrs\n", + "selfwhat\n", + "astroonomers\n", + "Obriter\n", + "sych\n", + "ebcause\n", + "60kmh\n", + "reasonalble\n", + "bankpart\n", + "electora\n", + "Toytoa\n", + "decions\n", + "amound\n", + "happeinig\n", + "pivture\n", + "aboust\n", + "ferful\n", + "mantinense\n", + "ivent\n", + "referr\n", + "melfuntions\n", + "acomidate\n", + "conveniece\n", + "shoule\n", + "soluton\n", + "sayso\n", + "23rdAmendment\n", + "paintting\n", + "blmame\n", + "kisted\n", + "Avoidence\n", + "stiving\n", + "Testout\n", + "counlsers\n", + "adventers\n", + "wheteher\n", + "partt\n", + "questionfor\n", + "Garvin12\n", + "indevisive\n", + "techers\n", + "largelyt\n", + "unaestetic\n", + "multitaskyour\n", + "ubicate\n", + "angrydisgusted\n", + "storyId95256794\n", + "succuessfull\n", + "cpmputer\n", + "technoogy\n", + "statesEven\n", + "howunder\n", + "drivelesss\n", + "issuetopic\n", + "apopularity\n", + "ywo\n", + "brething\n", + "infered\n", + "irrationalp14\n", + "surpried\n", + "theirbeing\n", + "itnot\n", + "everybady\n", + "inovate\n", + "hram\n", + "peopkle\n", + "rockor\n", + "Fce\n", + "packect\n", + "presidencey\n", + "axious\n", + "parentgaurdian\n", + "pposses\n", + "discoverys\n", + "Sudent\n", + "govnhtsaSafety1nNum3ersaugust2015S1N_Aug15_Speeding_1\n", + "Wyomings\n", + "slipery\n", + "condsier\n", + "conclusionThats\n", + "aWenBve\n", + "itmight\n", + "karryBrad\n", + "advacne\n", + "stressrelated\n", + "indetailed\n", + "succeding\n", + "WIFi\n", + "eneough\n", + "electorscan\n", + "daysolar\n", + "alonep5\n", + "Teamworkalways\n", + "influencedforced\n", + "sitil\n", + "enshuring\n", + "the2000\n", + "romen\n", + "poopridden\n", + "exteremly\n", + "schoola\n", + "lonly\n", + "intreging\n", + "instad\n", + "ÃÂthe\n", + "timeit\n", + "chear\n", + "opertoonity\n", + "maual\n", + "aspec\n", + "detact\n", + "outsideofschool\n", + "automobileless\n", + "communicatiomn\n", + "swishs\n", + "ellectors\n", + "parragraph\n", + "NASANational\n", + "neseccary\n", + "americanantibullysociety\n", + "winner10\n", + "beilieved\n", + "Wadonna\n", + "itselfprove\n", + "shoould\n", + "518\n", + "precisley\n", + "givbe\n", + "erupoting\n", + "valdostadailytimes\n", + "techonoly\n", + "knoweleged\n", + "Seegong\n", + "arguents\n", + "iesel\n", + "paticipat\n", + "grage\n", + "upoon\n", + "Mnay\n", + "origionality\n", + "inconvinent\n", + "amagin\n", + "GPAand\n", + "comimg\n", + "admsions\n", + "Durring\n", + "knowBob\n", + "vertue\n", + "envirnement\n", + "backu\n", + "evrybody\n", + "Comanies\n", + "pedestrianas\n", + "mwhich\n", + "perceving\n", + "dectecting\n", + "Manufaturers\n", + "ocecn\n", + "stillcope\n", + "janaders\n", + "PresidentSwing\n", + "capmaign\n", + "subjectees\n", + "knickname\n", + "meney\n", + "homestudents\n", + "assur\n", + "amotions\n", + "KennedySource\n", + "paragarph\n", + "cncloshin\n", + "studentsSomething\n", + "pugng\n", + "satasfied\n", + "pollquestion\n", + "meaangless\n", + "clearded\n", + "revelutionary\n", + "Orbicularis\n", + "INFORMING\n", + "nondriveless\n", + "gradeuation\n", + "simpily\n", + "trustworhty\n", + "Idho\n", + "forbiddean\n", + "disscused\n", + "canditdates\n", + "frezzing\n", + "FahrenheitAnd\n", + "welldocumented\n", + "nessacesary\n", + "agust\n", + "happysadangryexcited\n", + "waaaaaayyyyyy\n", + "techonogy\n", + "articleIt\n", + "BaseballVolleyballTable\n", + "exampleThere\n", + "ultimantly\n", + "reasoable\n", + "intertained\n", + "wagan\n", + "arivved\n", + "filmappeared\n", + "P22\n", + "parkingparagraph\n", + "coherant\n", + "eash\n", + "ytheir\n", + "accerlating\n", + "cocngress\n", + "Olny\n", + "nuerotics\n", + "percect\n", + "exspand\n", + "knwoing\n", + "matian\n", + "imstead\n", + "revolutionised\n", + "surportive\n", + "wercks\n", + "emotionshapiness\n", + "offter\n", + "Istitute\n", + "instritor\n", + "ijured\n", + "foundatio\n", + "exsists\n", + "accumlated\n", + "NASAcom\n", + "celephone\n", + "thinn\n", + "whts\n", + "alotting\n", + "naighbors\n", + "acesss\n", + "aint\n", + "3050\n", + "acumulate\n", + "tapeor\n", + "electionsn\n", + "drve\n", + "sumitted\n", + "sportthen\n", + "phyically\n", + "beggins\n", + "countrysNice\n", + "Pulumer\n", + "335\n", + "conclusionthese\n", + "readaly\n", + "unresponsible\n", + "notist\n", + "assinmnets\n", + "numberhe\n", + "cayous\n", + "sapceship\n", + "reprucusions\n", + "Envoca\n", + "Vaubans\n", + "conspicury\n", + "dificalt\n", + "tectologic\n", + "180\n", + "coutning\n", + "similler\n", + "incrustation\n", + "atonomous\n", + "senat\n", + "worksome\n", + "saidThen\n", + "resoluation\n", + "Facewas\n", + "testquizzes\n", + "moremodifications\n", + "comrads\n", + "citizenz\n", + "3Dmodel\n", + "bussins\n", + "DAltoand\n", + "diificult\n", + "aforable\n", + "teachwhat\n", + "sportyou\n", + "idealology\n", + "parentparents\n", + "1639yearolds\n", + "heled\n", + "obsurd\n", + "developmentment\n", + "deflicties\n", + "goodbad\n", + "understeand\n", + "peoplewould\n", + "downtoearth\n", + "aliensits\n", + "manuvers\n", + "itersting\n", + "acars\n", + "emotionsn\n", + "lsited\n", + "accelaration\n", + "Constellis\n", + "exacavated\n", + "laizier\n", + "commmerceand\n", + "autoshops\n", + "redisigning\n", + "absentcausing\n", + "comprenhend\n", + "brouught\n", + "frequesnt\n", + "outshape\n", + "nlaw\n", + "angryoffended\n", + "optoion\n", + "defininatly\n", + "invironment\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "accasionally\n", + "20th\n", + "wherestreet\n", + "aboove\n", + "sothing\n", + "deciet\n", + "ramny\n", + "1516\n", + "extradinaryphoto\n", + "certantly\n", + "travle\n", + "donat\n", + "reponsbility\n", + "abolissh\n", + "electoers\n", + "morev\n", + "classicwe\n", + "picyure\n", + "confued\n", + "prefur\n", + "privlage\n", + "accidentsRyan\n", + "experints\n", + "wheelJohnson\n", + "theyÃ\n", + "couputer\n", + "socalize\n", + "reilable\n", + "crontributer\n", + "nowits\n", + "parentfriend\n", + "expirecne\n", + "votersbecause\n", + "unemtional\n", + "tigersand\n", + "ouldnt\n", + "poeples\n", + "finacialy\n", + "jummping\n", + "inovations\n", + "collegei\n", + "strecthes\n", + "intellectuall\n", + "gasor\n", + "carrabians\n", + "urope\n", + "caos\n", + "nonbenefical\n", + "prsent\n", + "oppresed\n", + "claforna\n", + "carsoff\n", + "nidirect\n", + "thatencodedifferent\n", + "Limitg\n", + "safetey\n", + "desicons\n", + "sivak\n", + "defenes\n", + "represnt\n", + "natioin\n", + "THEMSLEVES\n", + "isEach\n", + "canidatebut\n", + "expamination\n", + "availables\n", + "revealied\n", + "togetheir\n", + "cameres\n", + "2010\n", + "sutis\n", + "Emergerency\n", + "PreAdvanced\n", + "viberate\n", + "Milins\n", + "frownthe\n", + "beforeafter\n", + "prisdentail\n", + "responsablities\n", + "profect\n", + "elecotal\n", + "deacades\n", + "vairys\n", + "checmicals\n", + "impatiences\n", + "unjudged\n", + "yus\n", + "furthuring\n", + "actaul\n", + "Dearstate\n", + "drivwers\n", + "usagemakes\n", + "reseidents\n", + "frienships\n", + "Alstranouts\n", + "loselose\n", + "goves\n", + "TRASHWARE\n", + "preocess\n", + "usatoday\n", + "Iusm\n", + "electorsnot\n", + "inhospiable\n", + "vaulble\n", + "deserv\n", + "oposed\n", + "ecelerate\n", + "Disater\n", + "teachercoachcounselor\n", + "planetin\n", + "regartded\n", + "citizenfreedom\n", + "posibilites\n", + "astrayright\n", + "70\n", + "higherquality\n", + "presidancy\n", + "licenced\n", + "classroms\n", + "havecan\n", + "excersizes\n", + "bikingwalking\n", + "candidares\n", + "alllows\n", + "showsn\n", + "testred\n", + "assined\n", + "Juuls\n", + "cowboyhating\n", + "computerdevice\n", + "futuring\n", + "tabletennis\n", + "jurassicly\n", + "childchildren\n", + "whatss\n", + "arturosource\n", + "amog\n", + "Dristrict\n", + "GermanyFrance\n", + "environmnt\n", + "disadantage\n", + "magnifieddetailed\n", + "1976\n", + "selfeducated\n", + "acadmeically\n", + "euro31\n", + "heoding\n", + "pollutionsaid\n", + "smerk\n", + "LCPAC\n", + "anwsers\n", + "deiscions\n", + "eightOur\n", + "someing\n", + "establlishing\n", + "heppen\n", + "Malacoses\n", + "presendental\n", + "evidencegive\n", + "factorBack\n", + "repisentaion\n", + "lookthey\n", + "drvier\n", + "ressons\n", + "acrroding\n", + "passasge\n", + "eledtors\n", + "comontion\n", + "coducts\n", + "rebulit\n", + "comcellphones\n", + "Citicin\n", + "semiautonmous\n", + "Mras\n", + "gamewhat\n", + "canadites\n", + "shooping\n", + "1998is\n", + "Sientist\n", + "selfesteems\n", + "situationand\n", + "exampls\n", + "existsmuch\n", + "sportsand\n", + "skillsleadership\n", + "atmosipher\n", + "Greee\n", + "Instamotor\n", + "Congressand\n", + "forbide\n", + "momdad\n", + "messas\n", + "besylaid\n", + "lopnger\n", + "blumplike\n", + "coners\n", + "thinhgs\n", + "vehicale\n", + "offperiods\n", + "enforcemnts\n", + "dolares\n", + "redgerstration\n", + "humankinds\n", + "feetaround\n", + "15Which\n", + "presidencyeven\n", + "benefts\n", + "evaperate\n", + "educationloving\n", + "commuication\n", + "spacefor\n", + "readl\n", + "Venusain\n", + "desevere\n", + "Alredy\n", + "obeis\n", + "10497\n", + "peersand\n", + "invetions\n", + "understnading\n", + "commentedIts\n", + "aslate\n", + "polutants\n", + "takenisnt\n", + "enjoyableit\n", + "Carolina13\n", + "fouscus\n", + "rescreach\n", + "manufaturers\n", + "relice\n", + "famillar\n", + "rgarded\n", + "benafaet\n", + "allwoed\n", + "assiegnment\n", + "doMakeing\n", + "consits\n", + "36\n", + "thevote\n", + "factover\n", + "opoinions\n", + "sixs\n", + "tahat\n", + "absencies\n", + "SoLuke\n", + "texians\n", + "advantagesWhen\n", + "hoefully\n", + "extracrricual\n", + "studentschildren\n", + "beWer\n", + "caotion\n", + "healthof\n", + "canodet\n", + "th200\n", + "spcific\n", + "montains\n", + "mistimener\n", + "nonrelevant\n", + "athleyts\n", + "Drriveless\n", + "Twohundred\n", + "illgeal\n", + "alsepp\n", + "affordale\n", + "taxisystem\n", + "languaje\n", + "technolgical\n", + "kownledge\n", + "redusing\n", + "secened\n", + "reasonss\n", + "Cowbays\n", + "lonmg\n", + "1916\n", + "Assking\n", + "beliefsstyletaste\n", + "aplly\n", + "Enif\n", + "up44\n", + "reteake\n", + "SMOGALOT\n", + "rebelian\n", + "epesode\n", + "CHelp\n", + "statesthe\n", + "inculded\n", + "carboin\n", + "featires\n", + "envoled\n", + "couldent\n", + "valube\n", + "probablay\n", + "Wellthis\n", + "drinksmoke\n", + "elcetions\n", + "licensices\n", + "macines\n", + "definaty\n", + "thereye\n", + "envinment\n", + "counciland\n", + "portablity\n", + "sequencea\n", + "accidentTexting\n", + "appearelty\n", + "votingchanging\n", + "alsol\n", + "steated\n", + "econmicly\n", + "restriced\n", + "readseen\n", + "croack\n", + "eventfor\n", + "resourceslower\n", + "unrra\n", + "tournements\n", + "Beyong\n", + "taing\n", + "capeable\n", + "oftened\n", + "helpmake\n", + "similaities\n", + "instrictions\n", + "countyauthorized\n", + "ivyleague\n", + "catchs\n", + "votee\n", + "Fahrenheitbut\n", + "safetytraffic\n", + "aliensI\n", + "Cydnia\n", + "February032011\n", + "objecrs\n", + "biult\n", + "benefiets\n", + "sin1ply\n", + "attantion\n", + "handwritting\n", + "thorists\n", + "exlporing\n", + "selffish\n", + "shearch\n", + "3They\n", + "consirned\n", + "wantbut\n", + "reaspon\n", + "situatioins\n", + "possiblies\n", + "predestrians\n", + "19776\n", + "sighn\n", + "volcanospowerful\n", + "makke\n", + "insaneif\n", + "axe\n", + "impedimits\n", + "sranger\n", + "Replubican\n", + "ButUnder\n", + "veniceItalya\n", + "authoer\n", + "abrilliant\n", + "consts\n", + "shadws\n", + "extreem\n", + "wilol\n", + "balences\n", + "castSource\n", + "tuen\n", + "easely\n", + "pretendind\n", + "therewhich\n", + "taxesinsurancenot\n", + "twoseat\n", + "eqyally\n", + "parand\n", + "intergation\n", + "takenknock\n", + "suceesful\n", + "mojor\n", + "interasting\n", + "Basiclly\n", + "etcbut\n", + "aggainst\n", + "insticts\n", + "theverge\n", + "obsctal\n", + "survivalbe\n", + "invaild\n", + "Selfreliance\n", + "someoneand\n", + "sppoted\n", + "1What\n", + "mainy\n", + "Preforming\n", + "clarrification\n", + "unexpierenced\n", + "califorinatexasand\n", + "orbut\n", + "notschool\n", + "bellived\n", + "imformational\n", + "pyrimads\n", + "pariciapate\n", + "constution\n", + "atmoshpereic\n", + "conditonsresearchers\n", + "howeverstudents\n", + "collede\n", + "proccesed\n", + "withsomeone\n", + "cauincedince\n", + "terrainAlong\n", + "iswinning\n", + "somwere\n", + "inventedpeople\n", + "conversationsthey\n", + "sixtysix\n", + "confussed\n", + "pertty\n", + "Werener\n", + "homeworkNo\n", + "uncomftorable\n", + "temperes\n", + "civialian\n", + "correcty\n", + "horriftic\n", + "candidatebut\n", + "statessource\n", + "dresskneehigh\n", + "patner\n", + "West12\n", + "fourced\n", + "decisionputting\n", + "healtthy\n", + "bicyclespublic\n", + "LOCATION_NAMEPROPER_NAME\n", + "descide\n", + "uninterestingthat\n", + "confusedbored\n", + "personolize\n", + "10000\n", + "Gorlan\n", + "sensefull\n", + "Demorcratic\n", + "fellingsmood\n", + "priogram\n", + "activily\n", + "siuwation\n", + "suppoort\n", + "relaxz\n", + "Ascertianment\n", + "Hentsforth\n", + "drivereless\n", + "Unfortuanitly\n", + "Twoit\n", + "screan\n", + "Isint\n", + "classroomes\n", + "exampleWho\n", + "presidencyBradford\n", + "33687\n", + "repesentation\n", + "DIstance\n", + "majourity\n", + "worsePlumer1\n", + "profounded\n", + "averga\n", + "curriculareducation\n", + "importantlyresearcher\n", + "CydoniaMars\n", + "posibiltes\n", + "procegures\n", + "wouoldnt\n", + "lesseon\n", + "substantually\n", + "orgnewspressreleases201510compulsivetextinggirls\n", + "extraorandraiy\n", + "mulesthat\n", + "tempchure\n", + "clture\n", + "technonlogy\n", + "airplains\n", + "realisic\n", + "happinesssurprie\n", + "artcraft\n", + "investiate\n", + "thnigd\n", + "dengerous\n", + "landish\n", + "exiamine\n", + "INDEFENSIBLE\n", + "Monster_\n", + "Acient\n", + "homan\n", + "mojaor\n", + "determain\n", + "unconciously\n", + "sriver\n", + "accually\n", + "herI\n", + "enchorage\n", + "betrayedYet\n", + "alloment\n", + "rockgas\n", + "representaive\n", + "revenuerush\n", + "chocing\n", + "chnages\n", + "artricle\n", + "lern\n", + "stret\n", + "tchonoly\n", + "negaitives\n", + "conferes\n", + "maulfunctions\n", + "twleve\n", + "astrnaunt\n", + "heplful\n", + "requries\n", + "satatment\n", + "onlinetaking\n", + "dision\n", + "anyoune\n", + "invierment\n", + "likle\n", + "conslur\n", + "facillitating\n", + "woll\n", + "boyhelping\n", + "588\n", + "brillent\n", + "paaragraph\n", + "185\n", + "adpoted\n", + "StatesRonsenthal\n", + "electorsSource\n", + "skams\n", + "persistes\n", + "Carowners\n", + "manytimes\n", + "anisolated\n", + "deathsand\n", + "sizeand\n", + "awayAp\n", + "crused\n", + "trgic\n", + "ratea\n", + "diont\n", + "resolutuin\n", + "winnertake\n", + "newlyfound\n", + "legislatture\n", + "Egyptianstyl\n", + "knowlede\n", + "expireances\n", + "everyong\n", + "SouthNortheastetc\n", + "thisIs\n", + "catogory\n", + "Inconclusiononline\n", + "environment34\n", + "miscalulated\n", + "forec\n", + "remesble\n", + "Concider\n", + "linksfind\n", + "timemore\n", + "nabor\n", + "slids\n", + "lansdform\n", + "hosiptial\n", + "hitandrun\n", + "Alose\n", + "adviceb\n", + "statesEarth\n", + "attemptes\n", + "392020\n", + "confusedand\n", + "peripheal\n", + "counslers\n", + "integrityinsurance\n", + "llong\n", + "conclusionI\n", + "whatsapp\n", + "pursuasion\n", + "vites\n", + "fiasc\n", + "oldpast\n", + "countruction\n", + "tabletebbis\n", + "Maube\n", + "campaignThey\n", + "electrola\n", + "blanets\n", + "pirimds\n", + "wearandtear\n", + "technoley\n", + "sobecuasei\n", + "94\n", + "poitics\n", + "prodcasts\n", + "percausions\n", + "reviewedit\n", + "articleduring\n", + "ecspecily\n", + "everbodys\n", + "unortunately\n", + "Reisdents\n", + "innovativness\n", + "sellingf\n", + "disagreebecause\n", + "accountalbility\n", + "CowboysThey\n", + "asisting\n", + "Sotheren\n", + "benetfit\n", + "impactfull\n", + "particapaed\n", + "porve\n", + "betterso\n", + "disator\n", + "arewould\n", + "autoage\n", + "thronw\n", + "apparnt\n", + "15\n", + "frnace\n", + "acidheat\n", + "dession\n", + "persistsit\n", + "sayno\n", + "insterment\n", + "erruption\n", + "essaysand\n", + "calcuation\n", + "proportianly\n", + "didint\n", + "Sowboys\n", + "Sentaor\n", + "tmillitary\n", + "alsomany\n", + "diputes\n", + "calltextfacetimeetc\n", + "elegal\n", + "marsour\n", + "wooster\n", + "stromsa\n", + "schoolsome\n", + "abbiding\n", + "presidentBut\n", + "arughment\n", + "caming\n", + "iteven\n", + "loccur\n", + "suppoed\n", + "serventeen\n", + "tramendasley\n", + "probolem\n", + "skatebording\n", + "DOINGLIKE\n", + "navigaion\n", + "aproxametly\n", + "Fehrenheit\n", + "differeniate\n", + "rightseeing\n", + "learninf\n", + "corrrectly\n", + "ceould\n", + "ancurate\n", + "happendIf\n", + "formatoin\n", + "teachercheating\n", + "countrybut\n", + "trument\n", + "deepes\n", + "instanceteachers\n", + "importantIts\n", + "elxctoal\n", + "bescause\n", + "TheFace\n", + "inprobe\n", + "rerally\n", + "sicince\n", + "mermiads\n", + "landscapre\n", + "tailpipesPassenger\n", + "gmes\n", + "writingand\n", + "tavss\n", + "troube\n", + "exaple\n", + "irresponisble\n", + "statethen\n", + "justments\n", + "aporating\n", + "caint\n", + "pollutiontakes\n", + "disintrest\n", + "expressionHuang\n", + "attende\n", + "countryNonethlessthe\n", + "friendsdo\n", + "convinve\n", + "taxilike\n", + "techneques\n", + "05\n", + "twentyeight\n", + "electorsvotes\n", + "splitsecond\n", + "posibilies\n", + "shuddle\n", + "sienctist\n", + "3confused\n", + "ansewrd\n", + "Wasnt\n", + "lolwer\n", + "yaeh\n", + "healths\n", + "nessessitites\n", + "1996\n", + "scienceproject\n", + "writesCongestion\n", + "attenidg\n", + "espesically\n", + "dangerours\n", + "showa\n", + "animas\n", + "aperance\n", + "typewrite\n", + "imotions\n", + "earht\n", + "enternet\n", + "podem\n", + "hardworkbut\n", + "PROPER_NAME\n", + "happeing\n", + "missunderstand\n", + "difiiculties\n", + "Howeverclasses\n", + "situatuions\n", + "blamedsince\n", + "efficiant\n", + "legitament\n", + "reasonto\n", + "Manufaturters\n", + "electorals\n", + "ecologicly\n", + "egt\n", + "explaniations\n", + "articleParagraph\n", + "disccusing\n", + "oponunt\n", + "danting\n", + "volunteern\n", + "390000\n", + "capatin\n", + "Wootster\n", + "alterted\n", + "eveyrtime\n", + "geathere\n", + "16Gore\n", + "measureclasses\n", + "candidatethe\n", + "themselvesThere\n", + "lihgtning\n", + "descution\n", + "possabily\n", + "hoopes\n", + "800\n", + "upmaking\n", + "Electionsthe\n", + "leassion\n", + "attentionand\n", + "openbecause\n", + "Walkter\n", + "hince\n", + "Bombergers\n", + "Forthere\n", + "preoffesionals\n", + "nixonjimmy\n", + "pakned\n", + "electorrs\n", + "iresponsible\n", + "_Yes\n", + "opertunaity\n", + "Unfortunatleyas\n", + "desigend\n", + "bilmp\n", + "temperatuers\n", + "teacherparents\n", + "countings\n", + "concludeing\n", + "LINCHPIN\n", + "Classroombased\n", + "geram\n", + "scaning\n", + "fuelburning\n", + "temam\n", + "optionss\n", + "meenas\n", + "adolesence\n", + "technolody\n", + "fortyeight\n", + "alsop\n", + "Teenages\n", + "diffult\n", + "calculat\n", + "compareded\n", + "rotaion\n", + "prectices\n", + "advantegous\n", + "e3lect\n", + "NSSAs\n", + "misserable\n", + "backes\n", + "Ëvening\n", + "2012election\n", + "emotionrecogniton\n", + "unmeaningful\n", + "tuesdaay\n", + "THn\n", + "dealocked\n", + "acency\n", + "thiks\n", + "unbelieveble\n", + "stufent\n", + "vestables\n", + "usecheck\n", + "shoft\n", + "accurracy\n", + "computrers\n", + "seemse\n", + "memorys\n", + "atvantages\n", + "emmitons\n", + "senesors\n", + "appreacited\n", + "neccecaraly\n", + "gonr\n", + "technolohy\n", + "carsNot\n", + "afforadble\n", + "expressio\n", + "cowes\n", + "difficulites\n", + "wahen\n", + "JeonJungkook\n", + "phonestabletsvideo\n", + "senn\n", + "univerisity\n", + "themesleves\n", + "distractionnot\n", + "Comeing\n", + "advianced\n", + "excersising\n", + "sochool\n", + "citires\n", + "outher\n", + "intellignece\n", + "deveIopment\n", + "conclusionmany\n", + "conventionspartys\n", + "diifernt\n", + "activitiessuch\n", + "uop\n", + "reductiond\n", + "Canalo\n", + "permets\n", + "unessary\n", + "cauiously\n", + "mulitiply\n", + "defence\n", + "imitata\n", + "Gernamy\n", + "Europepassenger\n", + "misgender\n", + "consturucts\n", + "undernd\n", + "moreof\n", + "CollegeThese\n", + "1470\n", + "stiutation\n", + "disablitys\n", + "perdicted\n", + "internded\n", + "vichle\n", + "stressrelaxingand\n", + "serten\n", + "Presidant\n", + "Fiftyfive\n", + "dayit\n", + "2195\n", + "tkae\n", + "acrcoss\n", + "modefy\n", + "atomopherethis\n", + "examle\n", + "rething\n", + "opinings\n", + "desion\n", + "joinig\n", + "thembecoming\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "civilazation\n", + "UNRAA\n", + "_Dangers\n", + "dregees\n", + "oppsoite\n", + "freeks\n", + "oppint\n", + "2What\n", + "meetingspractices\n", + "decisionsometimes\n", + "thorght\n", + "corresponders\n", + "18001990s\n", + "govdistracteddriving\n", + "jdefenses\n", + "anymor\n", + "mirro\n", + "coopretively\n", + "Challeneges\n", + "accury\n", + "countriessuch\n", + "Inefensible\n", + "shess\n", + "activiy\n", + "partmer\n", + "almostt\n", + "Collegewe\n", + "distrac\n", + "themselvesas\n", + "studentsBut\n", + "practicalparagraph\n", + "aritical\n", + "desprately\n", + "supposebly\n", + "crackend\n", + "Vaubanlike\n", + "refelects\n", + "systems3\n", + "plazaandrew\n", + "friendIt\n", + "limithing\n", + "Furthermorethe\n", + "getso\n", + "staetd\n", + "indeavor\n", + "decuction\n", + "toThis\n", + "communicationSo\n", + "Muls\n", + "88\n", + "perople\n", + "doign\n", + "characteristcs\n", + "hottes\n", + "deoxcide\n", + "layes\n", + "thoulsands\n", + "recrute\n", + "advangate\n", + "Althoe\n", + "faceformed\n", + "elsctoral\n", + "perant\n", + "upandcoming\n", + "nearlyempty\n", + "menBon\n", + "Thensince\n", + "exspaned\n", + "unstead\n", + "airplanesshacks\n", + "seriouse\n", + "wasnts\n", + "illminded\n", + "ddirver\n", + "Marsevidence\n", + "stufe\n", + "facemark\n", + "procsess\n", + "impormation\n", + "carfilled\n", + "chanceplurality\n", + "thruogh\n", + "directedguided\n", + "polulor\n", + "atmosphric\n", + "dicisean\n", + "compositon\n", + "progammed\n", + "Secondlywhat\n", + "doand\n", + "incluclosionwe\n", + "detecter\n", + "srtight\n", + "twentyyearold\n", + "seand\n", + "oucome\n", + "discide\n", + "driverlss\n", + "comthetop3mentalhealthissuesvictimsfaceafteracaraccident\n", + "Alsohis\n", + "horriable\n", + "promotioning\n", + "athink\n", + "enchances\n", + "tecaher\n", + "pruductive\n", + "attedning\n", + "Thirdit\n", + "curropt\n", + "demen\n", + "Facetoface\n", + "peopleevents\n", + "wantThis\n", + "laenguech\n", + "worty\n", + "stuffbut\n", + "pasasge\n", + "eninge\n", + "intorducing\n", + "exmaples\n", + "didnt\n", + "1972\n", + "faicl\n", + "meI\n", + "unrealiable\n", + "studentdesigns\n", + "shoulf\n", + "sulfurie\n", + "alternitive\n", + "streaa\n", + "depresed\n", + "Canidates\n", + "prepairs\n", + "busss\n", + "expecilla\n", + "eyebrowns\n", + "soeventually\n", + "powerschool\n", + "plantary\n", + "Xrthey\n", + "Eightyseven\n", + "nthat\n", + "Creativeness\n", + "Scientise\n", + "millans\n", + "unfiar\n", + "resouses\n", + "suitible\n", + "eerybody\n", + "unsentiant\n", + "boardespecially\n", + "replish\n", + "bactreia\n", + "mauntian\n", + "thoerys\n", + "fixs\n", + "canates\n", + "Electopral\n", + "emotinoal\n", + "thingt\n", + "poulltion\n", + "Accordind\n", + "alturnatives\n", + "dedicatied\n", + "tablat\n", + "intelegence\n", + "whosewhat\n", + "electionIts\n", + "umlikely\n", + "inffecting\n", + "pertake\n", + "adventege\n", + "desgree\n", + "agencysect\n", + "possibillty\n", + "candidatewins\n", + "decisionsand\n", + "centershave\n", + "coniditons\n", + "PHONESS\n", + "injering\n", + "morder\n", + "govement\n", + "5oclock\n", + "partticipate\n", + "giting\n", + "promhomecomingfootball\n", + "professionalwith\n", + "corovirus\n", + "postitves\n", + "perpendicularity\n", + "piq\n", + "strututres\n", + "maitenence\n", + "corbon\n", + "remenants\n", + "condush\n", + "Leanardos\n", + "paragrach\n", + "obsevre\n", + "slae\n", + "muchthat\n", + "compadable\n", + "20century\n", + "picl\n", + "notIn\n", + "standerds\n", + "recquire\n", + "greenhouseeffect\n", + "wantand\n", + "Seaagoing\n", + "soposed\n", + "Athomeclasses\n", + "Mutliple\n", + "imaginaton\n", + "indetify\n", + "eyesI\n", + "experiencedand\n", + "evate\n", + "insuarnence\n", + "intance\n", + "disgustedsix\n", + "dangeours\n", + "peoplesource\n", + "toobecause\n", + "regionSouth\n", + "letthe\n", + "signsroads\n", + "Heidron\n", + "hikedskated\n", + "strore\n", + "quide\n", + "obove\n", + "Chickfila\n", + "cumputer\n", + "worying\n", + "irrisitable\n", + "stituation\n", + "pedestria\n", + "automechanic\n", + "winS3A\n", + "landformmost\n", + "breafly\n", + "opperate\n", + "sBll\n", + "Presidident\n", + "cattel\n", + "constetutional\n", + "waysits\n", + "poosible\n", + "discusiing\n", + "150000001\n", + "1947\n", + "gpolicesay1000893908\n", + "twoseated\n", + "Lastlystudents\n", + "Florida29\n", + "countryAlthough\n", + "sayThe\n", + "easilyespecially\n", + "anallyzing\n", + "emisssions\n", + "fiftythree\n", + "adviseries\n", + "diadvantege\n", + "wokr\n", + "happysadand\n", + "25mph\n", + "melitonin\n", + "pullotion\n", + "rebutal\n", + "aeronautice\n", + "eveyday\n", + "1960Perhaps\n", + "Cosing\n", + "them3\n", + "ranned\n", + "lanforms\n", + "eample\n", + "envirornment\n", + "votesVoters\n", + "Donkys\n", + "skepics\n", + "becaouse\n", + "emotionregognition\n", + "congratulat\n", + "consturuction\n", + "pusuite\n", + "finishand\n", + "kidsfamilies\n", + "honist\n", + "wellonce\n", + "conterversial\n", + "witling\n", + "318\n", + "worldlike\n", + "VANBAN\n", + "wrtie\n", + "753\n", + "throung\n", + "tempiture\n", + "electer\n", + "Golderg\n", + "onthey\n", + "tooEckman\n", + "unecesssary\n", + "examiniation\n", + "landoform\n", + "rplace\n", + "273\n", + "foldables\n", + "expressoion\n", + "votesometimes\n", + "toolike\n", + "resembalance\n", + "vaugely\n", + "systemElectoale\n", + "gamesin\n", + "eveeryday\n", + "tiredboredconfusedor\n", + "pollutionpairs\n", + "accuarate\n", + "NASs\n", + "USbecause\n", + "occored\n", + "Bogotas\n", + "syduents\n", + "crosing\n", + "canidents\n", + "affec\n", + "poay\n", + "1001\n", + "onin\n", + "intensiifying\n", + "espress\n", + "autmoated\n", + "reexplaining\n", + "examplesimplified\n", + "deciosn\n", + "irrartional\n", + "exampleIts\n", + "prasurving\n", + "hirring\n", + "purfer\n", + "elimante\n", + "wkrg\n", + "unveild\n", + "drtiverless\n", + "induldge\n", + "unattentive\n", + "realzing\n", + "22eruo\n", + "phenonim\n", + "inceredge\n", + "hethyer\n", + "1519\n", + "drivinglaws\n", + "sorlar\n", + "Defennse\n", + "updoing\n", + "buged\n", + "freedomsrights\n", + "Polution\n", + "Sometimesthe\n", + "spacific\n", + "nessisary\n", + "closelyAlso\n", + "transregionality\n", + "theae\n", + "Vikins\n", + "abov\n", + "beacuas\n", + "saiciate\n", + "exampleMr\n", + "hepened\n", + "univercity\n", + "fourtyfive\n", + "atmosper\n", + "homewrk\n", + "speakes\n", + "coorect\n", + "paidlike\n", + "mostley\n", + "asksYes\n", + "Teachersdesigned\n", + "sometimesend\n", + "beinstead\n", + "robotloving\n", + "unusaual\n", + "curisosity\n", + "pg1\n", + "degrss\n", + "comsist\n", + "thirtyone\n", + "automized\n", + "bustaxi\n", + "exuses\n", + "handget\n", + "reasin\n", + "foces\n", + "thenblacks\n", + "experiencedsmarterand\n", + "handsonexperiences\n", + "whatt\n", + "atttension\n", + "arrgue\n", + "condidute\n", + "solarpowered\n", + "rememebered\n", + "Intercation\n", + "greature\n", + "expersions\n", + "Watever\n", + "voe\n", + "ffacinating\n", + "reinacted\n", + "evrery\n", + "softballbaseball\n", + "movemets\n", + "bridesmaidgroom\n", + "5Now\n", + "oceananic\n", + "cvross\n", + "forogt\n", + "12615\n", + "chrash\n", + "corperation\n", + "althelic\n", + "depleeted\n", + "therer\n", + "Constition\n", + "someelse\n", + "expreince\n", + "discust\n", + "carif\n", + "hilgly\n", + "opinionsthe\n", + "bumplike\n", + "stateor\n", + "neiboring\n", + "451\n", + "askeed\n", + "bordersas\n", + "charels\n", + "emotionsPerhaps\n", + "examplealthough\n", + "surrvived\n", + "mases\n", + "candidateSource\n", + "misterous\n", + "asuming\n", + "autors\n", + "Selfdriven\n", + "harzards\n", + "mesasended\n", + "realtionshipbuilding\n", + "experst\n", + "StatesAvoid\n", + "togeither\n", + "differentnew\n", + "prestegous\n", + "popalar\n", + "transpirtation\n", + "therew\n", + "saysBesides\n", + "ophion\n", + "sighned\n", + "mouthparagraph\n", + "temperaturesits\n", + "votors\n", + "malapportonment\n", + "evertything\n", + "precilely\n", + "outofdate\n", + "electionfor\n", + "Thaht\n", + "pinguen\n", + "becore\n", + "encouagement\n", + "possiby\n", + "charcater\n", + "angerdisgust\n", + "Antetekumpu\n", + "focosing\n", + "teendriversource\n", + "possiblebut\n", + "presuure\n", + "DipoleDipole\n", + "implenmented\n", + "magaziens\n", + "LOOOOVE\n", + "activley\n", + "Eletroal\n", + "activityand\n", + "nowsome\n", + "wpould\n", + "anouce\n", + "landformnobody\n", + "schoolsand\n", + "deteroriates\n", + "thisway\n", + "enymore\n", + "Studentsummerpacketdesigners\n", + "accidends\n", + "handsoff\n", + "unbalnce\n", + "typr\n", + "foodhave\n", + "stemanger\n", + "advancen\n", + "civilaztion\n", + "lostr\n", + "cars9\n", + "sechdules\n", + "poditive\n", + "pyscologist\n", + "unbelieveale\n", + "teacherswhich\n", + "unfortuntly\n", + "51100\n", + "Anicent\n", + "evevyones\n", + "presidentsvice\n", + "enthiusiastic\n", + "movingg\n", + "asVenus\n", + "presential\n", + "pressurewichwould\n", + "closests\n", + "comauthorchris\n", + "Mordern\n", + "Vaubrans\n", + "VenusThese\n", + "disguested6\n", + "Diesal\n", + "workyou\n", + "Vehicals\n", + "yfirst\n", + "400am\n", + "statesAstronomers\n", + "disgreements\n", + "nutorious\n", + "numbersP28\n", + "tover\n", + "hlaf\n", + "etcwhy\n", + "pccasionally\n", + "opportinies\n", + "colllege\n", + "effectivily\n", + "Expence\n", + "benefir\n", + "goodbut\n", + "Fahernheit\n", + "EuropeThey\n", + "pollutionparis\n", + "casset\n", + "populationwise\n", + "smilinglaughing\n", + "articleTexting\n", + "eveironment\n", + "Actsion\n", + "vistit\n", + "capsale\n", + "pollutionSelsky\n", + "multple\n", + "electthe\n", + "eleted\n", + "incorectly\n", + "overratedlyoutdated\n", + "studedesign\n", + "eatingsleepingand\n", + "abolishe\n", + "enflicting\n", + "anachonism\n", + "internetteachers\n", + "Senater\n", + "muche\n", + "transportationl\n", + "duable\n", + "worktake\n", + "challengesreffering\n", + "Upadated\n", + "sefl\n", + "greatergood\n", + "hybridsand\n", + "standerdforms\n", + "woulnt\n", + "puttung\n", + "carsstill\n", + "tecnically\n", + "complte\n", + "defentely\n", + "damagig\n", + "articfact\n", + "misfunctions\n", + "Selfdiscipline\n", + "InconclusionAnybody\n", + "cathos\n", + "tenis\n", + "Fcat\n", + "Scincerely\n", + "scardale\n", + "attienion\n", + "comfterbility\n", + "pulloted\n", + "Hepling\n", + "serton\n", + "dwendeling\n", + "haelty\n", + "peragraph\n", + "wtich\n", + "undeomcratic\n", + "ssytem\n", + "stuyding\n", + "furute\n", + "multipul\n", + "exuberating\n", + "Suveryor\n", + "injustce\n", + "destion\n", + "abitlity\n", + "envirnment\n", + "clost\n", + "claifornia\n", + "intruging\n", + "valleysmountainsand\n", + "enviorent\n", + "Hedrium\n", + "drieverless\n", + "thiges\n", + "hotair\n", + "serived\n", + "bahavior\n", + "choosevote\n", + "compair\n", + "democraic\n", + "33196\n", + "ftom\n", + "operationg\n", + "picj\n", + "haveingf\n", + "repuaton\n", + "1940\n", + "humaninty\n", + "7875\n", + "photgraphy\n", + "natrually\n", + "erradicated\n", + "Uuugh\n", + "musclesDAlto\n", + "amkes\n", + "colledge\n", + "teacherprofessor\n", + "assc\n", + "opportuity\n", + "maens\n", + "slilcon\n", + "thogh\n", + "pacewake\n", + "couts\n", + "questionadvice\n", + "opporturnity\n", + "Finallythis\n", + "enstate\n", + "homeworkpeer\n", + "counthowever\n", + "presedint\n", + "picuture\n", + "exedra\n", + "Idaho12\n", + "chilod\n", + "Egyptan\n", + "Thereforewe\n", + "apperred\n", + "persisitinbg\n", + "moufunction\n", + "direcions\n", + "Alsotudents\n", + "miror\n", + "bileve\n", + "opinionvote\n", + "experiencesyou\n", + "surfcae\n", + "a43\n", + "characterisitcs\n", + "beieve\n", + "prpedicted\n", + "asserations\n", + "exspressing\n", + "happinesssupriseangerfeardisgust\n", + "brealy\n", + "150250\n", + "Micrograms\n", + "devleoped\n", + "facal\n", + "impportant\n", + "parentsgardians\n", + "cowgirlboy\n", + "Possiblity\n", + "exeapul\n", + "agrree\n", + "benifitual\n", + "linchoin\n", + "CollegeEverybody\n", + "malfuntions\n", + "mountans\n", + "1800\n", + "9999\n", + "sofisticated\n", + "foucesed\n", + "mostearth\n", + "doxide\n", + "smilingas\n", + "thatParis\n", + "expressionsMakeing\n", + "apprecation\n", + "plentey\n", + "countine\n", + "interestsm\n", + "trafficThe\n", + "ideads\n", + "Consulars\n", + "plaitonic\n", + "spceshuttle\n", + "tabletennisfencingboxingreadingwittlingit\n", + "trasport\n", + "atschool\n", + "learninig\n", + "noticiable\n", + "doeent\n", + "falshood\n", + "aquipping\n", + "i95\n", + "emotuonal\n", + "organzie\n", + "BORDERSVAUBANS\n", + "parrelle\n", + "fortyfive\n", + "factorlimiting\n", + "Claifornia\n", + "testprojects\n", + "wonderfure\n", + "2012as\n", + "adviceasking\n", + "my16\n", + "selfaccountable\n", + "iyt\n", + "selfreparing\n", + "unsquiset\n", + "Youe\n", + "symstem\n", + "caulator\n", + "frayjust\n", + "fonf\n", + "1Lines\n", + "taffic\n", + "precieve\n", + "commmunication\n", + "measa\n", + "decases\n", + "simmailar\n", + "SpartaNew\n", + "sergery\n", + "creason\n", + "dringing\n", + "candidatein\n", + "adivce\n", + "responsibilityfree\n", + "coutrys\n", + "Disiner\n", + "beifits\n", + "secons\n", + "ColombiaBogota\n", + "controlskids\n", + "pasable\n", + "Seondly\n", + "believeit\n", + "travled\n", + "Empthy\n", + "gratly\n", + "leaen\n", + "churchreligion\n", + "firewouldnt\n", + "Moneyetc\n", + "selctions\n", + "smoth\n", + "landscapeAt\n", + "scheduele\n", + "Reoublicans\n", + "beucase\n", + "responsiliby\n", + "Additionit\n", + "crach\n", + "exshuast\n", + "officual\n", + "automomous\n", + "anachronoism\n", + "pythageron\n", + "hcertain\n", + "4This\n", + "electionid\n", + "sensetive\n", + "probelly\n", + "democracythen\n", + "cornonavirus\n", + "headeyesnoseand\n", + "qite\n", + "fovorite\n", + "amungst\n", + "disguested\n", + "yourunning\n", + "environment14\n", + "regionalSouth\n", + "imparative\n", + "ccidentlca\n", + "outsideread\n", + "studetn\n", + "beffy\n", + "skewn\n", + "plethera\n", + "earthquakeserupting\n", + "21711\n", + "Germeny\n", + "evidnce\n", + "topicssubjects\n", + "grudating\n", + "paraagrph\n", + "98\n", + "accelarate\n", + "smartroads\n", + "instinctlively\n", + "princiapl\n", + "palnets\n", + "pixer\n", + "avoived\n", + "tjat\n", + "Goodle\n", + "ereaosn\n", + "winns\n", + "frobiden\n", + "Deteced\n", + "consentrate\n", + "valcanoes\n", + "saterday\n", + "singlr\n", + "drivetless\n", + "dilinquent\n", + "DrHuang\n", + "personcompany\n", + "Seriusly\n", + "childyouth\n", + "forendsRonsenthal\n", + "voise\n", + "Conspracy\n", + "morwe\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "humanans\n", + "sudy\n", + "StatesBecause\n", + "anixety\n", + "beingon\n", + "denfenders\n", + "personalitys\n", + "disions\n", + "oates\n", + "worldbullying\n", + "perspectivethey\n", + "foucusing\n", + "Usuing\n", + "appliences\n", + "dolers\n", + "argreed\n", + "competors\n", + "fineP1013\n", + "machanics\n", + "evenlicense\n", + "perfessional\n", + "baxk\n", + "worong\n", + "overwhlemded\n", + "Bombrugher\n", + "experssions\n", + "canlike\n", + "unnatrual\n", + "safefty\n", + "carusage\n", + "yoir\n", + "aurguinng\n", + "Candidateand\n", + "endeveors\n", + "throght\n", + "Colledges\n", + "cinemark\n", + "adukts\n", + "teacherstudent\n", + "BUUUT\n", + "themStudents\n", + "EuropeChina\n", + "sutiable\n", + "represenyives\n", + "iconnic\n", + "formatin\n", + "meuseum\n", + "isOne\n", + "measurment\n", + "considereing\n", + "respnsible\n", + "sfgs\n", + "volleyballand\n", + "seanate\n", + "dispies\n", + "instictively\n", + "fullsteam\n", + "insidethats\n", + "brussel\n", + "acuratly\n", + "avavbile\n", + "provail\n", + "spacehip\n", + "ordinarary\n", + "adventages\n", + "confustion\n", + "Earththe\n", + "occuse\n", + "engagemnet\n", + "Mars5\n", + "veiwpoints\n", + "sickinjured\n", + "populr\n", + "expersstions\n", + "Afganiscan\n", + "humanitys\n", + "citizens1\n", + "othersstudents\n", + "privites\n", + "Onlne\n", + "bosos\n", + "ZRiver\n", + "prrof\n", + "undoubting\n", + "sterring\n", + "hurtinjured\n", + "ecuse\n", + "uncomferable\n", + "pollutic\n", + "individulas\n", + "isfor\n", + "trainsport\n", + "hershe\n", + "eamount\n", + "imediatly\n", + "pinaccle\n", + "hanlde\n", + "opon\n", + "rebuilded\n", + "persnal\n", + "intertain\n", + "communityand\n", + "chellange\n", + "persom\n", + "millerandzois\n", + "inpediment\n", + "capatalize\n", + "capasity\n", + "drivingtests\n", + "confortle\n", + "1418\n", + "Rideing\n", + "ramoved\n", + "extraordinarely\n", + "tensadity\n", + "oddnumbered\n", + "votiong\n", + "incooperate\n", + "victoms\n", + "assinments\n", + "elecotral\n", + "wpouldnt\n", + "preisidencysource\n", + "comprimises\n", + "handicaped\n", + "dessideds\n", + "europechina\n", + "GPSIt\n", + "statesA\n", + "buldge\n", + "enourmus\n", + "satrted\n", + "553829\n", + "eberywhere\n", + "impotants\n", + "thingBut\n", + "duelax\n", + "driing\n", + "Coing\n", + "craftmenship\n", + "stdying\n", + "accentident\n", + "voteFor\n", + "exciteing\n", + "schoolon\n", + "selfadministered\n", + "gemes\n", + "busycaring\n", + "curisoity\n", + "schoul\n", + "mould\n", + "creavity\n", + "excessivley\n", + "sucssesful\n", + "rany\n", + "desmonstrate\n", + "emotoin\n", + "helpfulhave\n", + "systemif\n", + "700\n", + "reand\n", + "borken\n", + "selfcars\n", + "teenchild\n", + "despike\n", + "dangors\n", + "changesd\n", + "emotionslike\n", + "diifference\n", + "dealling\n", + "infoprmation\n", + "Posnerthe\n", + "consisits\n", + "eightypercent\n", + "businessesnlose\n", + "megatropolis\n", + "Colledege\n", + "comprmise\n", + "populkar\n", + "outcom\n", + "nondeliberately\n", + "unexpensive\n", + "stateshigher\n", + "candatites\n", + "oneCertainty\n", + "becauss\n", + "astroieds\n", + "thereofre\n", + "dioxiude\n", + "lanndform\n", + "Eleortial\n", + "thatnthey\n", + "partian\n", + "certaninty\n", + "lesssensing\n", + "advicemakes\n", + "behaviorrecent\n", + "sititutions\n", + "wellits\n", + "plurity\n", + "frayits\n", + "Ussually\n", + "DOESNT\n", + "senery\n", + "dlegations\n", + "concludeManufacturers\n", + "statemeants\n", + "MercedesBenzAudi\n", + "perstegeous\n", + "unfirmilaur\n", + "extatic\n", + "mechancial\n", + "youskateor\n", + "trainsbusestaxissubways\n", + "learnt\n", + "easir\n", + "explalining\n", + "vechials\n", + "mulBtask\n", + "39yearsold\n", + "metors\n", + "suburnban\n", + "twentytwo\n", + "afuture\n", + "elemate\n", + "differtn\n", + "organisims\n", + "adavantages\n", + "ALLOWEDBUT\n", + "createed\n", + "assihnment\n", + "exsperence\n", + "pulluted\n", + "acrossed\n", + "cunfused\n", + "SenatorsOffice\n", + "viberrate\n", + "saold\n", + "acordable\n", + "instrucuture\n", + "recivers\n", + "carI\n", + "Obesiti\n", + "nodont\n", + "sunject\n", + "mesalike\n", + "1983\n", + "extrordanary\n", + "winninig\n", + "carselling\n", + "overulled\n", + "constisting\n", + "timesAnd\n", + "plethura\n", + "attions\n", + "failedwhich\n", + "dependentsthemselves\n", + "atmosphiric\n", + "spedning\n", + "facereading\n", + "sportswork\n", + "drave\n", + "regonition\n", + "opportinity\n", + "disadvanages\n", + "cloes\n", + "instrugram\n", + "energectic\n", + "envolve\n", + "akwardly\n", + "plurlity\n", + "dayshe\n", + "competators\n", + "sloution\n", + "gamesI\n", + "Vapes\n", + "caued\n", + "dayWhen\n", + "dreamt\n", + "defindely\n", + "exponetially\n", + "learders\n", + "obligationsjust\n", + "remebers\n", + "schoollike\n", + "camoaighn\n", + "dollersalong\n", + "easierbut\n", + "accelerste\n", + "fellonies\n", + "goinhg\n", + "challge\n", + "tecnlogy\n", + "peerpressured\n", + "conversatoins\n", + "sventh\n", + "neigboor\n", + "tempture\n", + "exeriences\n", + "cowshorsesmulesand\n", + "10\n", + "planetno\n", + "couldless\n", + "Cizitiens\n", + "prevlige\n", + "tutorings\n", + "GreeceItaly\n", + "invination\n", + "31\n", + "concerteration\n", + "assghined\n", + "delemia\n", + "Ascetainment\n", + "thrtough\n", + "garenteed\n", + "expressionWhat\n", + "logicality\n", + "suggjests\n", + "pictuce\n", + "1975\n", + "thatLuke\n", + "sibblings\n", + "donÂt\n", + "jobsor\n", + "convise\n", + "decatetated\n", + "Secondthese\n", + "diying\n", + "fundametally\n", + "intuned\n", + "impoud\n", + "distractic\n", + "parkinglot\n", + "enbale\n", + "unexpectingly\n", + "learningso\n", + "nateral\n", + "numberd\n", + "legeslators\n", + "calledsmart\n", + "inncluding\n", + "improvenment\n", + "teacherstudents\n", + "Bogotasource3Millions\n", + "531\n", + "Representatiives\n", + "bigh\n", + "distact\n", + "countray\n", + "tolimiting\n", + "fehernhite\n", + "mathod\n", + "03102020\n", + "disicion\n", + "seasgoing\n", + "revalent\n", + "staye\n", + "inconvienience\n", + "ATTs\n", + "expaned\n", + "foodsupplieshorsecow\n", + "dousnt\n", + "likeley\n", + "1960but\n", + "100\n", + "raguler\n", + "pefestrians\n", + "indivisuals\n", + "steeer\n", + "blesve\n", + "accerlerateand\n", + "regardes\n", + "chooseSo\n", + "MITTEN\n", + "34They\n", + "candinate\n", + "assue\n", + "39000\n", + "opporitunity\n", + "whatSo\n", + "activeate\n", + "810\n", + "cunclusion\n", + "drivingrelated\n", + "bussniessman\n", + "pretences\n", + "Oddnumbered\n", + "vnus\n", + "accuipt\n", + "couses\n", + "emitions\n", + "divorceMargieloanbaby\n", + "techneces\n", + "cutural\n", + "metephorical\n", + "siclicon\n", + "Waltera\n", + "dipicts\n", + "donethen\n", + "exsponged\n", + "healther\n", + "nederrd\n", + "conster\n", + "theseit\n", + "Senoator\n", + "hytech\n", + "credable\n", + "spacetravel\n", + "consumerbuyer\n", + "925\n", + "conferrable\n", + "shacksyou\n", + "basispg18\n", + "establishesd\n", + "milews\n", + "Accordig\n", + "Farhenheit\n", + "passgeners\n", + "pepl\n", + "importsntly\n", + "acidents\n", + "happyniess\n", + "countines\n", + "rusults\n", + "citydrivers\n", + "tohse\n", + "wrok\n", + "creativityit\n", + "Fanily\n", + "Greemhouse\n", + "complient\n", + "gettings\n", + "legalality\n", + "materpice\n", + "facelike\n", + "commputers\n", + "timemake\n", + "presidentwhich\n", + "surfave\n", + "wouyld\n", + "mindboggled\n", + "shadoes\n", + "wellbehaved\n", + "Demenstarating\n", + "althoughs\n", + "nonenergetic\n", + "trustfull\n", + "lovley\n", + "presendnt\n", + "statesNew\n", + "polluants\n", + "comeconomiccostcaraccidentsglobalusstate\n", + "Advertisments\n", + "ridiculis\n", + "likr\n", + "Firstthe\n", + "iilleagla\n", + "uneversal\n", + "pressered\n", + "stuying\n", + "poisiness\n", + "AdministrationLuke\n", + "excrises\n", + "descoverd\n", + "sooned\n", + "Secondlyasking\n", + "curiousty\n", + "pacticipte\n", + "identifity\n", + "benefitile\n", + "collaboratio\n", + "timeconserve\n", + "newsoftware\n", + "atomatically\n", + "FurthermoreDrivers\n", + "spance\n", + "unautomated\n", + "firstTexting\n", + "privlidges\n", + "apporite\n", + "whyscientits\n", + "accessbility\n", + "quintisscence\n", + "automuclly\n", + "subburbs\n", + "worldParis\n", + "destracted\n", + "Bijing\n", + "iwn\n", + "wculanary\n", + "alcohal\n", + "Corupt\n", + "espaccaly\n", + "aboutteachers\n", + "48pm\n", + "catural\n", + "consperisetheres\n", + "horuses\n", + "enjustments\n", + "porly\n", + "manoeuvre\n", + "atmosphereof\n", + "presitdent\n", + "Diesael\n", + "1419\n", + "klittle\n", + "surviced\n", + "contuines\n", + "butone\n", + "alsways\n", + "MotorcyclesSkateboardsBicycles\n", + "clame\n", + "ownly\n", + "amercan\n", + "ugency\n", + "blury\n", + "injuers\n", + "chindren\n", + "precided\n", + "responsablitty\n", + "31In\n", + "resoulting\n", + "certaint\n", + "captine\n", + "concertains\n", + "Fatrhers\n", + "ninetofive\n", + "persuadeing\n", + "GreeceLuke\n", + "opinionly\n", + "curiositly\n", + "gurarentee\n", + "catostrify\n", + "eleectoral\n", + "assosiated\n", + "preaident\n", + "sustainanble\n", + "unneede\n", + "desevre\n", + "exampleyour\n", + "purpises\n", + "p14\n", + "sistutation\n", + "pargargh\n", + "httpswwwnapolilawcomarticle6reasonsshouldnttextdrive\n", + "planetSo\n", + "dovelopment\n", + "automonous\n", + "opourtunity\n", + "DunningKruger\n", + "alturnitive\n", + "againVice\n", + "recongtion\n", + "ridculous\n", + "smogsource\n", + "takesall\n", + "worr\n", + "festure\n", + "deciving\n", + "accosciated\n", + "accesability\n", + "Secoundly\n", + "athmosphere\n", + "OBserves\n", + "rvie\n", + "benfitted\n", + "conspircy\n", + "untiul\n", + "242001\n", + "teacheror\n", + "princical\n", + "erupean\n", + "princable\n", + "ChickFla\n", + "SHOULDNT\n", + "states13\n", + "popuation\n", + "persident\n", + "andotherdriverdistractions46\n", + "reprocautions\n", + "occasioanl\n", + "selfdrive\n", + "otn\n", + "pollulation\n", + "dayswhere\n", + "ourselve\n", + "scedules\n", + "awlays\n", + "222\n", + "stressself\n", + "pepple\n", + "AutoRelated\n", + "comwhyistextinganddrivingdangerous\n", + "1145\n", + "quiks\n", + "conciual\n", + "earth3\n", + "minarals\n", + "freadom\n", + "convinceing\n", + "maniulate\n", + "siuation\n", + "approache\n", + "errily\n", + "focing\n", + "mostlikley\n", + "concernin\n", + "FACSFacial\n", + "happines\n", + "weater\n", + "discoverying\n", + "technoglicial\n", + "manufacterer\n", + "handpublic\n", + "skillsknowledge\n", + "threeparagrpah\n", + "carbonbased\n", + "nodge\n", + "negitave\n", + "Claifonia\n", + "reasson\n", + "touraments\n", + "6the\n", + "presidentyoure\n", + "appocah\n", + "conversa5on\n", + "bulllied\n", + "ithers\n", + "softaware\n", + "preident\n", + "favorie\n", + "uup\n", + "Sostay\n", + "pollicy\n", + "candaite\n", + "vehile\n", + "sesnse\n", + "Evenutally\n", + "votesPlumer\n", + "globel\n", + "presedental\n", + "invetion\n", + "oggling\n", + "012615\n", + "jamsor\n", + "hoobies\n", + "60000\n", + "pureposes\n", + "tboned\n", + "instresting\n", + "problemsolution\n", + "douted\n", + "centuery\n", + "electronice\n", + "44512\n", + "wooried\n", + "Teachermade\n", + "789\n", + "1011It\n", + "atvanges\n", + "disputate\n", + "factsfind\n", + "VAUBANThis\n", + "mininmun\n", + "drivles\n", + "towars\n", + "focause\n", + "venbus\n", + "becaiuse\n", + "coumbia\n", + "whule\n", + "540\n", + "exclussice\n", + "embarasment\n", + "ascertinment\n", + "leanring\n", + "littlering\n", + "comstatistics198029totalnumberofuslicenseddriversbystate\n", + "thatAs\n", + "schoolrequired\n", + "advantges\n", + "simpleon\n", + "thecongestion\n", + "askedYoure\n", + "thecnolgy\n", + "opritunities\n", + "killednot\n", + "truned\n", + "complexs\n", + "bewtween\n", + "P12\n", + "mechines\n", + "expressiosn\n", + "Euorpeand\n", + "sidewlaks\n", + "winte\n", + "studorn\n", + "fearles\n", + "thesecars\n", + "disster\n", + "plurailty\n", + "spleeping\n", + "selfaware\n", + "evedance\n", + "Carterand\n", + "cars1\n", + "congressianl\n", + "constucting\n", + "Eledtoral\n", + "aliensSo\n", + "Brusseles\n", + "Damelioand\n", + "prefrence\n", + "anachronismmeaning\n", + "peopleNo\n", + "schuedled\n", + "naional\n", + "depeding\n", + "multpiple\n", + "sportsactivtys\n", + "bonees\n", + "homeworkprojectsessays\n", + "positivities\n", + "tempatureatmospheric\n", + "badwhy\n", + "basketballsoccerfootball\n", + "neighbrohoods\n", + "paraghrap\n", + "everywere\n", + "calledEvening\n", + "atmousphere\n", + "200300\n", + "expressice\n", + "3which\n", + "tpp\n", + "neccesities\n", + "recource\n", + "comftarble\n", + "accidentsmore\n", + "curioity\n", + "instructer\n", + "plsnet\n", + "FirstI\n", + "dangrous\n", + "hikeliterally\n", + "nonsensicle\n", + "invauleble\n", + "emotionl\n", + "unrealstic\n", + "Systen\n", + "theam\n", + "wantr\n", + "summarizethere\n", + "uhoh\n", + "engineerng\n", + "haper\n", + "mindwhat\n", + "sencors\n", + "Heindrun\n", + "Recived\n", + "thji\n", + "usauage\n", + "everythis\n", + "docters\n", + "worshipped\n", + "fetures\n", + "Venussometimes\n", + "McShnuffle\n", + "example1\n", + "porbes\n", + "limitiong\n", + "OYU\n", + "650000\n", + "inherintly\n", + "mightn\n", + "takss\n", + "teachersor\n", + "corious\n", + "sprakled\n", + "satisfing\n", + "dislikesand\n", + "chosng\n", + "anxietybut\n", + "communicatre\n", + "humanasscistance\n", + "mechanicdoctor\n", + "liabe\n", + "trasportantion\n", + "handicapt\n", + "sequire\n", + "SINCERILY\n", + "horese\n", + "emotios\n", + "smileing\n", + "childthey\n", + "anxiuos\n", + "freedeom\n", + "carfully\n", + "calcute\n", + "muslce\n", + "watse\n", + "atomhisphare\n", + "manifactures\n", + "imploying\n", + "identy\n", + "scarches\n", + "oringinaland\n", + "helpyou\n", + "HAPPINNES\n", + "paiticular\n", + "instict\n", + "sugjest\n", + "ninePresently\n", + "calcualtion\n", + "schoolsbecause\n", + "desity\n", + "scientis\n", + "standholder\n", + "comworkattcanwaitpowermovement\n", + "800am\n", + "somemay\n", + "Vanuban\n", + "extablished\n", + "likde\n", + "familyreligious\n", + "emothion\n", + "colecting\n", + "Improvments\n", + "avoides\n", + "anywherewhch\n", + "frenbs\n", + "aprove\n", + "Becasuse\n", + "thinkingwell\n", + "arroused\n", + "proboby\n", + "safetysource4\n", + "standiard\n", + "wellthat\n", + "fourthirty\n", + "balabce\n", + "arepersonality\n", + "latiest\n", + "injoyed\n", + "caple\n", + "2750\n", + "encounteron\n", + "techinally\n", + "computures\n", + "ObsessiveCompulsive\n", + "witholds\n", + "someoe\n", + "perrils\n", + "otheres\n", + "sadmador\n", + "offence\n", + "cotrollers\n", + "vehiclesaaaaaaaassz\n", + "detentionor\n", + "inste\n", + "atmosphereetc\n", + "raidar\n", + "hname\n", + "altervative\n", + "givien\n", + "saows\n", + "32999\n", + "easiernot\n", + "regaurding\n", + "daythese\n", + "innefectiveTherefore\n", + "presidentRichard\n", + "supst\n", + "artrelated\n", + "picsand\n", + "electeral\n", + "womever\n", + "sonething\n", + "diffulty\n", + "slowerpaced\n", + "continunig\n", + "paragrapg\n", + "utillize\n", + "oppertonuty\n", + "precedentSource\n", + "selfpride\n", + "Ulitmately\n", + "gadets\n", + "marvelouse\n", + "deveople\n", + "ascerainment\n", + "technogoly\n", + "roverthat\n", + "Pamama\n", + "glode\n", + "greay\n", + "oublic\n", + "unelikely\n", + "geogrphics\n", + "distraced\n", + "dessision\n", + "knowthat\n", + "elcectoral\n", + "mp3situnes\n", + "presidentcy\n", + "conceler\n", + "callsetc\n", + "absalutly\n", + "Strangley\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "exsperance\n", + "aslep\n", + "oresented\n", + "reansons\n", + "controdicting\n", + "workig\n", + "eventho\n", + "VeniceEurope\n", + "whendid\n", + "studentoriented\n", + "decoved\n", + "intexas\n", + "sneakersand\n", + "proplems\n", + "encaging\n", + "rainiy\n", + "timethen\n", + "demicratic\n", + "limtation\n", + "actrecy\n", + "canges\n", + "conclusionasking\n", + "rerview\n", + "iiregular\n", + "percntages\n", + "Electoraal\n", + "benefitcial\n", + "tehcnological\n", + "renowend\n", + "Usaly\n", + "prevetion\n", + "emision\n", + "emtoions\n", + "automoibles\n", + "schoolingor\n", + "wrothy\n", + "slideKeeping\n", + "daysParis\n", + "beacue\n", + "presidentts\n", + "intersing\n", + "virue\n", + "timedistracting\n", + "telecommunicating\n", + "ordred\n", + "lisen\n", + "Learnig\n", + "meanOh\n", + "Througout\n", + "waitresss\n", + "problimatic\n", + "electorsmeeting\n", + "misex\n", + "Segoing\n", + "CamelAnthony\n", + "awas\n", + "sitiing\n", + "perference\n", + "lokking\n", + "bestg\n", + "intereaction\n", + "fourfunction\n", + "oevr\n", + "comapared\n", + "candidtates\n", + "wory\n", + "Gamesall\n", + "itare\n", + "wreacks\n", + "citycongestion\n", + "passengersdriversand\n", + "drvierless\n", + "oneit\n", + "evalutae\n", + "curiose\n", + "emmmisions\n", + "cattl\n", + "stste\n", + "reaseachers\n", + "singleopinion\n", + "countroies\n", + "weus\n", + "currosity\n", + "donalds\n", + "edvise\n", + "completlely\n", + "oftn\n", + "ainmals\n", + "14year\n", + "accedince\n", + "amostphere\n", + "theya\n", + "actuaully\n", + "absouloutley\n", + "outstaning\n", + "rewared\n", + "thebalancesmb\n", + "expesically\n", + "oppiste\n", + "calculatedpercentages\n", + "wherecashstrapped\n", + "costomer\n", + "thinkingThis\n", + "132\n", + "socisety\n", + "invielded\n", + "efficeincy\n", + "benzaudiand\n", + "classsubject\n", + "systemthese\n", + "pantes\n", + "dementcia\n", + "technolofy\n", + "usOh\n", + "excepltions\n", + "Statess\n", + "nesseasy\n", + "2423\n", + "skyricketing\n", + "clarrifiction\n", + "jumpor\n", + "acturate\n", + "prapared\n", + "Venusa\n", + "absoultly\n", + "countand\n", + "telll\n", + "emotionsThe\n", + "messlandforms\n", + "awear\n", + "bussy\n", + "complextion\n", + "studentdriven\n", + "122\n", + "cityDue\n", + "Repuublicans\n", + "Difernt\n", + "assighned\n", + "confedent\n", + "sience\n", + "prewfer\n", + "TestNav\n", + "1529\n", + "extourrielur\n", + "States0\n", + "decadesmany\n", + "difrance\n", + "classromm\n", + "bulliedand\n", + "SallyThe\n", + "associasted\n", + "immatureness\n", + "gagens\n", + "technially\n", + "envention\n", + "trainsubway\n", + "photosrevealinga\n", + "BuzzMaven\n", + "bity\n", + "2017\n", + "nrequires\n", + "theyy\n", + "radom\n", + "mny\n", + "hanestly\n", + "specticals\n", + "candidtes\n", + "negitaves\n", + "temeperature\n", + "wehenever\n", + "manily\n", + "truy\n", + "mistakesso\n", + "indfensible\n", + "endevorsHe\n", + "wantthats\n", + "precieved\n", + "spikeball\n", + "lesiurely\n", + "president19\n", + "Califonia55\n", + "soppossed\n", + "par10\n", + "puttuing\n", + "citisens\n", + "frusrated\n", + "Virusthis\n", + "ICEBIKE\n", + "traspertation\n", + "riskfull\n", + "activivty\n", + "sushing\n", + "conclusionhome\n", + "Autonimous\n", + "imncreasing\n", + "Lazyness\n", + "assingments\n", + "Thhey\n", + "califorina\n", + "assensional\n", + "rigt\n", + "regrded\n", + "Marveled\n", + "Continuosly\n", + "brakebut\n", + "reuce\n", + "standereds\n", + "PAris\n", + "contimanated\n", + "fearfulnpm\n", + "evven\n", + "occer\n", + "brokenyours\n", + "lawsbans\n", + "lifein\n", + "Althoughsome\n", + "inbut\n", + "encorage\n", + "9856\n", + "hypothnose\n", + "revealedshowed\n", + "quarterbackthat\n", + "experiencesthat\n", + "satysify\n", + "seagoings\n", + "elimatited\n", + "attencion\n", + "atmospherical\n", + "Stateswith\n", + "obviuosly\n", + "sude\n", + "laged\n", + "onschool\n", + "warminng\n", + "turrn\n", + "joyinable\n", + "21rst\n", + "wellinformed\n", + "Knowning\n", + "desipte\n", + "astronoauts\n", + "posablet\n", + "neutal\n", + "pesidental\n", + "saysIn\n", + "nonpressured\n", + "joinn\n", + "ofended\n", + "evit\n", + "elementrymiddleand\n", + "risorius\n", + "altutude\n", + "Tempertures\n", + "foucus\n", + "decideiing\n", + "systemCandidates\n", + "reducce\n", + "exsell\n", + "crusies\n", + "dangoures\n", + "optionbecause\n", + "unoraginized\n", + "weighinh\n", + "schoolwhile\n", + "nearcrashes\n", + "YEARMRGOLDBERG\n", + "tavels\n", + "nviroment\n", + "pollutiondecrease\n", + "Sometimeshuman\n", + "opurtunity\n", + "magazinesand\n", + "plaforms\n", + "laninding\n", + "allDuring\n", + "27022018\n", + "afrad\n", + "billsgoing\n", + "passengeers\n", + "sidesways\n", + "sedimant\n", + "campaine\n", + "supossedly\n", + "sructures\n", + "exstensivly\n", + "vanatage\n", + "supplimenting\n", + "premotes\n", + "valiuble\n", + "awareof\n", + "tremdously\n", + "rantting\n", + "themselfsMost\n", + "unsures\n", + "unhapy\n", + "beond\n", + "Sesagoing\n", + "saynone\n", + "monments\n", + "rebalence\n", + "likeraceetc\n", + "precidency\n", + "thebig\n", + "COmputers\n", + "pollutious\n", + "Edulastic\n", + "accomidated\n", + "quizzlet\n", + "componies\n", + "comfortables\n", + "Anothor\n", + "posiblie\n", + "studentteacher\n", + "cruiosity\n", + "timeimprove\n", + "exeed\n", + "Alsostudent\n", + "exsited\n", + "imaination\n", + "bicycleriding\n", + "epressions\n", + "easiercleaner\n", + "ileagal\n", + "inventers\n", + "englsh\n", + "youyr\n", + "teacherdesignedbecause\n", + "picturestweets\n", + "ponit\n", + "daytoday\n", + "selfgratification\n", + "plubic\n", + "compturble\n", + "temperatrue\n", + "thetre\n", + "tyour\n", + "hardful\n", + "againthats\n", + "ninteyseven\n", + "Thinkwhat\n", + "calpool\n", + "therpy\n", + "saysCan\n", + "automattic\n", + "esair\n", + "childcarebuilt\n", + "electorsEven\n", + "notthis\n", + "uncareful\n", + "inhabait\n", + "strangly\n", + "spacepollution\n", + "VenusEven\n", + "avdanced\n", + "specefic\n", + "proprly\n", + "TSDP\n", + "abviously\n", + "thesremay\n", + "somwewhere\n", + "constitutionAnother\n", + "necesity\n", + "timess\n", + "possibleIt\n", + "accuate\n", + "forntalis\n", + "pleadged\n", + "dirent\n", + "chofer\n", + "headphonesbluetooths\n", + "alought\n", + "qont\n", + "adsourse\n", + "desciocion\n", + "halpfull\n", + "equtmeant\n", + "exampleat\n", + "ctrdot\n", + "hypothsizes\n", + "sulfiric\n", + "studyor\n", + "fiaso\n", + "whrong\n", + "Beong\n", + "couplle\n", + "16million\n", + "conviniance\n", + "nonverval\n", + "thatIm\n", + "asssure\n", + "ourselvs\n", + "bordom\n", + "Easyconventand\n", + "unrelliable\n", + "Mrtian\n", + "articleMaking\n", + "dissorders\n", + "problemdecision\n", + "disprogram\n", + "reasonging\n", + "sonmbody\n", + "arugues\n", + "Hopefullyas\n", + "popChili\n", + "glacies\n", + "regarrded\n", + "potentionally\n", + "emissionunveiled\n", + "electoraly\n", + "1Find\n", + "fahrenhite\n", + "efffectivly\n", + "reaserching\n", + "Matrian\n", + "houseapartment\n", + "pedigreesource\n", + "ufair\n", + "greatley\n", + "injustise\n", + "horric\n", + "likelyeceived\n", + "modiffy\n", + "530\n", + "dipicked\n", + "necisates\n", + "confusen\n", + "disaplince\n", + "mistakend\n", + "Taxas\n", + "defet\n", + "comtextinganddrivingcrashesfactsandstatistics\n", + "sadhappyangry\n", + "hetic\n", + "villiages\n", + "ElectoralCcollege\n", + "ppopulated\n", + "ixl\n", + "reconisder\n", + "againDo\n", + "alfaganastan\n", + "hered\n", + "youHelping\n", + "nonexciting\n", + "rarly\n", + "processa\n", + "ATt\n", + "edmissions\n", + "accedentily\n", + "notifing\n", + "oretty\n", + "Yesit\n", + "analzye\n", + "comsafetydistracteddrivingtipsforpreventingdistracteddrivingXdUfFe6OUk\n", + "havind\n", + "emty\n", + "donHow\n", + "proyects\n", + "syudents\n", + "spreds\n", + "overbord\n", + "spraed\n", + "saidWhy\n", + "tailpipespassenger\n", + "incipients\n", + "cordinated\n", + "waya\n", + "coupious\n", + "555\n", + "disastirous\n", + "gradethey\n", + "responsabities\n", + "transprtation\n", + "pluthora\n", + "curriculam\n", + "abolisehd\n", + "lacidasical\n", + "conclusionThe\n", + "Eruope\n", + "ultimatelty\n", + "IMPOUNDED\n", + "mrms\n", + "treatening\n", + "Oovoo\n", + "icould\n", + "mesalandforms\n", + "resmebles\n", + "directlyyour\n", + "qualififed\n", + "implortantly\n", + "copys\n", + "teaher\n", + "anyrhing\n", + "aboloshing\n", + "communicationDAlto\n", + "posisition\n", + "Pariss\n", + "actily\n", + "Oreans\n", + "perpeas\n", + "problemed\n", + "reasearching\n", + "tlaking\n", + "seekng\n", + "preformence\n", + "8Our\n", + "electionrecieving\n", + "tghought\n", + "workedbut\n", + "astronout\n", + "earthvenus\n", + "dirctors\n", + "Senetor\n", + "governmennt\n", + "comarticlestheconsequencesoftextingwhiledriving\n", + "diifrent\n", + "unfaor\n", + "increesingly\n", + "poundering\n", + "debistated\n", + "theythe\n", + "outbut\n", + "wellreflected\n", + "varys\n", + "civiliazation\n", + "companyGoogle\n", + "burrden\n", + "rhem\n", + "encapture\n", + "unnecessairy\n", + "amercia\n", + "realstionship\n", + "cenchery\n", + "reqason\n", + "scociety\n", + "esamples\n", + "rsponsible\n", + "HimHer\n", + "esy\n", + "rooad\n", + "contrubuted\n", + "frowm\n", + "acessable\n", + "senseIt\n", + "citizensWhat\n", + "disadvatege\n", + "expericesthings\n", + "compture\n", + "expanes\n", + "netre\n", + "constrcted\n", + "Kownig\n", + "ejercise\n", + "potenially\n", + "mpstly\n", + "opprutunities\n", + "wya\n", + "earthquakesand\n", + "Hungs\n", + "wherer\n", + "peoplethey\n", + "tgood\n", + "raviled\n", + "staed\n", + "lifelasting\n", + "populariy\n", + "feartures\n", + "faceses\n", + "civilisation\n", + "bodylengths\n", + "rually\n", + "catious\n", + "42\n", + "milem\n", + "comtuters\n", + "40\n", + "perviding\n", + "emothions\n", + "reget\n", + "learningwhether\n", + "instantanious\n", + "experiemnt\n", + "fairhence\n", + "undesriable\n", + "manufactorer\n", + "appier\n", + "presidenttobes\n", + "similarty\n", + "drivingThey\n", + "sumation\n", + "protraying\n", + "Perhpas\n", + "1990\n", + "costoms\n", + "skillsgoing\n", + "iDeas\n", + "healtier\n", + "animalsvisting\n", + "definantely\n", + "somethIng\n", + "Vebus\n", + "etheir\n", + "cosplayed\n", + "policy1\n", + "explame\n", + "conclusionthe\n", + "evennumnered\n", + "arw\n", + "graduted\n", + "EightyNine\n", + "descrbing\n", + "food4\n", + "malnfuntion\n", + "1833\n", + "dron\n", + "throughot\n", + "Insteed\n", + "enfoques\n", + "guarented\n", + "scrificed\n", + "statring\n", + "responasabillaty\n", + "toneddown\n", + "confoused\n", + "excrise\n", + "eargerly\n", + "Dufferfrom\n", + "camputer\n", + "trheated\n", + "dumbbut\n", + "assigmnet\n", + "anyome\n", + "statesVenus\n", + "intrust\n", + "athtisume\n", + "arguuing\n", + "surivie\n", + "equivalint\n", + "unvield\n", + "digust\n", + "parentsguardians\n", + "lifemlike\n", + "ecploring\n", + "bdad\n", + "corrrosive\n", + "citySource\n", + "reconice\n", + "sighning\n", + "successwith\n", + "politions\n", + "bycycling\n", + "difficlut\n", + "serveyor\n", + "avaerage\n", + "expidentures\n", + "fahrenhiet\n", + "reliableYou\n", + "progresstion\n", + "pluraity\n", + "disagreee\n", + "incoieding\n", + "responepillity\n", + "fascined\n", + "conculed\n", + "ridesvisting\n", + "Acion\n", + "congresss\n", + "thinkstudent\n", + "255\n", + "dystroy\n", + "coruse\n", + "ploice\n", + "horrfic\n", + "Wahtever\n", + "advicates\n", + "textanswer\n", + "feture\n", + "agaimts\n", + "oure\n", + "mever\n", + "Exampleif\n", + "pripares\n", + "cionfused\n", + "projectd\n", + "animal2\n", + "dependng\n", + "thouh\n", + "ancer\n", + "dramaticlly\n", + "espiecially\n", + "limiations\n", + "whkle\n", + "HoweverIf\n", + "theargument\n", + "hierachical\n", + "mufler\n", + "afear\n", + "veichle\n", + "acuracy\n", + "mauch\n", + "fanscinated\n", + "interstatehighway\n", + "lazinesshealth\n", + "sofishint\n", + "analyize\n", + "happyor\n", + "familygo\n", + "scienteists\n", + "Louisinna\n", + "Glodal\n", + "Dtates\n", + "spaned\n", + "needssuch\n", + "Manufactors\n", + "potentally\n", + "youy\n", + "trudly\n", + "Nazies\n", + "awerness\n", + "Vuban\n", + "licsense\n", + "howeverthat\n", + "mishion\n", + "alr\n", + "Texasfor\n", + "9am3pm\n", + "aliean\n", + "itStreet\n", + "figered\n", + "loctaed\n", + "1830\n", + "disfunctioning\n", + "OkayOkay\n", + "proVenus\n", + "displaysParagraph\n", + "exlore\n", + "turend\n", + "negitively\n", + "technologyinvested\n", + "consentration\n", + "reslut\n", + "exporing\n", + "drivenmore\n", + "automanically\n", + "ignorence\n", + "oftem\n", + "carles\n", + "hazardo\n", + "studentcreated\n", + "garvine\n", + "canidadte\n", + "recongiton\n", + "depressionI\n", + "themfiguring\n", + "surviveand\n", + "fourtne\n", + "calssroom\n", + "outopilot\n", + "aeound\n", + "Sencerely\n", + "nearrecorded\n", + "Beniffiting\n", + "Wihtout\n", + "ricdulious\n", + "teven\n", + "opioninated\n", + "indcate\n", + "popukar\n", + "cmaera\n", + "vaubans\n", + "serevice\n", + "envionement\n", + "timeso\n", + "Register1\n", + "muscal\n", + "indisaly\n", + "Source3\n", + "lookinto\n", + "bringings\n", + "eeri\n", + "theyer\n", + "sincerlySTUDENT_NAME\n", + "extracurricluar\n", + "demonstrantion\n", + "conferncing\n", + "usully\n", + "simpliest\n", + "handsfreeTo\n", + "authur\n", + "tmore\n", + "samne\n", + "participatingSelsky\n", + "monolge\n", + "FahrenheitParagraph\n", + "abliterated\n", + "transportationto\n", + "2004\n", + "trnasportation\n", + "atmospheri\n", + "articlesto\n", + "californiaand\n", + "supposedto\n", + "616\n", + "bravory\n", + "verbial\n", + "evidicne\n", + "participateif\n", + "Marsthey\n", + "Anyonw\n", + "soccerbaseballsoftballfootball\n", + "millians\n", + "saysWe\n", + "shadowly\n", + "quensedence\n", + "enveiled\n", + "desinations\n", + "paragraght\n", + "Seaboy\n", + "hazert\n", + "CowboyCowgirl\n", + "eaths\n", + "cluses\n", + "shadoey\n", + "thenselves\n", + "Enstien\n", + "inturprut\n", + "councle\n", + "anymeans\n", + "Personallly\n", + "seaging\n", + "Vribrations\n", + "prentend\n", + "horsesyoungcowsand\n", + "venusand\n", + "courge\n", + "soccerHe\n", + "projectsjust\n", + "Presidentand\n", + "toaday\n", + "reasonsThey\n", + "vicci\n", + "extreneous\n", + "interloped\n", + "carsmillions\n", + "bordersSource\n", + "perspectiveopinion\n", + "intentually\n", + "scentists\n", + "Ellectral\n", + "revesing\n", + "atmosperic\n", + "EuropeChinabut\n", + "NixonJimmy\n", + "consthe\n", + "opinionsthen\n", + "Butinstead\n", + "befpre\n", + "imitions\n", + "campaging\n", + "5congestion\n", + "compleetly\n", + "diffiicult\n", + "democtratic\n", + "presdency\n", + "furface\n", + "3On\n", + "unessacary\n", + "mojortity\n", + "makign\n", + "manythings\n", + "planetand\n", + "successalso\n", + "forstn\n", + "interac\n", + "apperas\n", + "Unnessary\n", + "failer\n", + "Louisianas\n", + "22311\n", + "landfoms\n", + "sincerily\n", + "MArtian\n", + "teachercreated\n", + "tennisfencing\n", + "clsaaroom\n", + "Cuold\n", + "anythingmost\n", + "environmentSource\n", + "seemigly\n", + "landorm\n", + "preson\n", + "prresident\n", + "efective\n", + "welldeveloped\n", + "poewerful\n", + "teahcers\n", + "beest\n", + "raange\n", + "Furthmore\n", + "outdadated\n", + "procrastionation\n", + "carsselsky\n", + "69\n", + "exercies\n", + "seletion\n", + "compirmise\n", + "consieder\n", + "ecigarettes\n", + "retuen\n", + "ocuurs\n", + "preanger\n", + "marvellous\n", + "adtuidedand\n", + "bestbut\n", + "unprofound\n", + "commputer\n", + "saysThousands\n", + "guss\n", + "girrafe\n", + "snaping\n", + "centries\n", + "wopuld\n", + "personIn\n", + "enorously\n", + "elpingYour_TeenBecomeASafeDriver076\n", + "acores\n", + "got617\n", + "responsibillites\n", + "happyinessanger\n", + "reducedcar\n", + "Drivereless\n", + "extremitites\n", + "simplecomplex\n", + "threorise\n", + "schoooling\n", + "heartrelated\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "unklikely\n", + "instructorthat\n", + "paragrph\n", + "cooloing\n", + "jeopardise\n", + "pupiclatiy\n", + "ideatake\n", + "awere\n", + "Rosenthal3\n", + "blanketts\n", + "harded\n", + "mePROPER_NAME\n", + "disagreethe\n", + "Counterarguments\n", + "reguires\n", + "equalicant\n", + "gogetter\n", + "livve\n", + "despirate\n", + "narritive\n", + "detectidentify\n", + "resourceroom\n", + "Nextwhy\n", + "abloished\n", + "meaans\n", + "comnewsnational20180824499107\n", + "thruthful\n", + "csn\n", + "cydonia\n", + "expieriening\n", + "representatin\n", + "tabletennisboardgames\n", + "speecha\n", + "preseented\n", + "acedemically\n", + "realaxing\n", + "mecchanical\n", + "opporutunity\n", + "infiantly\n", + "3pm5pm\n", + "distubuted\n", + "condtitions\n", + "physicalmental\n", + "consistw\n", + "camira\n", + "losson\n", + "necessarally\n", + "presists\n", + "expanisive\n", + "bearbale\n", + "believen\n", + "pricable\n", + "adap\n", + "tenconly\n", + "pleasePlumer\n", + "coloseum\n", + "habital\n", + "risori\n", + "6162\n", + "pnumonia\n", + "apropriately\n", + "watersomeone\n", + "obvislously\n", + "violatoors\n", + "meatel\n", + "chooosing\n", + "whymi\n", + "Elctoral\n", + "booksor\n", + "nottifacted\n", + "majoriy\n", + "collegeWhy\n", + "relaxedbut\n", + "addit\n", + "faceWhy\n", + "fromw\n", + "givesthe\n", + "candiadtes\n", + "classclasses\n", + "tranpotation\n", + "counselorsteacherparent\n", + "becauseOneit\n", + "Prefferably\n", + "Cerain\n", + "expererince\n", + "Limitting\n", + "intitiatve\n", + "afther\n", + "currin\n", + "cililization\n", + "thierself\n", + "Thereforethe\n", + "theodysseyonline\n", + "studentswould\n", + "comsuming\n", + "HoweverStudents\n", + "disscusion\n", + "calcualtions\n", + "dealrships\n", + "peptalks\n", + "somepeople\n", + "photographyand\n", + "prg\n", + "recgonizes\n", + "bussniess\n", + "allDriverless\n", + "Thirdreason\n", + "projectshomework\n", + "greatfull\n", + "50500\n", + "welldirected\n", + "instrutions\n", + "resteraunt\n", + "DeOshmonya\n", + "REUTERSPEOPLE\n", + "themselvas\n", + "inisight\n", + "Colobia\n", + "counttry\n", + "learniing\n", + "Itily\n", + "ridein\n", + "proportionaly\n", + "presonal\n", + "succsed\n", + "waltera\n", + "bus1\n", + "Knowlege\n", + "abundence\n", + "912\n", + "exbest\n", + "15yearold\n", + "facemars\n", + "textbased\n", + "emoion\n", + "describeing\n", + "represnting\n", + "percest\n", + "alie\n", + "tryig\n", + "Vincies\n", + "terying\n", + "paser\n", + "shadal\n", + "certin\n", + "modifcations\n", + "myselfschool\n", + "devoled\n", + "lukes\n", + "difficults\n", + "doDad\n", + "predsidential\n", + "movieswhose\n", + "alies\n", + "September1997one\n", + "expalin\n", + "bolth\n", + "abdunant\n", + "knoledge\n", + "attmepts\n", + "selfexpression\n", + "carlessly\n", + "beacusee\n", + "Waythere\n", + "Iragi\n", + "citizensThe\n", + "goimg\n", + "te_xt\n", + "insdight\n", + "Senserly\n", + "homesstoreshotelsand\n", + "wrongthe\n", + "figer\n", + "realitively\n", + "disconected\n", + "slimply\n", + "thep\n", + "roge\n", + "deffenders\n", + "obsolute\n", + "haventsmarter\n", + "57\n", + "wellsupported\n", + "80\n", + "implyed\n", + "Thans\n", + "requres\n", + "Accourding\n", + "focud\n", + "computerdriver\n", + "templet\n", + "naighborhood\n", + "opinionI\n", + "adveantages\n", + "intemit\n", + "erth\n", + "mening\n", + "happnes\n", + "Atmoshperic\n", + "slike\n", + "Rigister\n", + "160\n", + "wrose\n", + "2045\n", + "workthen\n", + "baterica\n", + "Constitutiondecades\n", + "consiquences\n", + "indefinsible\n", + "PARKINGDRIVEWAYS\n", + "Wellif\n", + "computure\n", + "decipline\n", + "deside\n", + "EndDD\n", + "maeveled\n", + "itthis\n", + "housethe\n", + "aien\n", + "flims\n", + "1812\n", + "orginize\n", + "obesityand\n", + "prefence\n", + "askinng\n", + "existents\n", + "invashion\n", + "incipent\n", + "nighborhood\n", + "battries\n", + "astounished\n", + "imagerythe\n", + "teacherdesigns\n", + "snapchat\n", + "charectors\n", + "workchores\n", + "mischeveous\n", + "substancioully\n", + "monuth\n", + "unhospitable\n", + "regionhas\n", + "adantage\n", + "suburan\n", + "massproduced\n", + "fthis\n", + "malnurished\n", + "chaching\n", + "morings\n", + "TextingWhileDriving\n", + "lavle\n", + "saughtafter\n", + "365000\n", + "aggrivating\n", + "opininon\n", + "emisisions\n", + "confsed\n", + "iinformatio\n", + "netprosandconsofusingahandsfreemobilephonewhiledriving\n", + "Houise\n", + "polluion\n", + "countFaithless\n", + "bicyce\n", + "havy\n", + "inhansed\n", + "shawdos\n", + "mecanical\n", + "remenber\n", + "depreesed\n", + "electation\n", + "hazerdous\n", + "iea\n", + "legistlaters\n", + "benig\n", + "39year\n", + "twevle\n", + "Surveyour\n", + "mesamany\n", + "accessibleto\n", + "monthstherefore\n", + "mostcommonly\n", + "personcan\n", + "mentionedit\n", + "envornment\n", + "altittude\n", + "betweet\n", + "alsowhy\n", + "CowboyYes\n", + "adudlts\n", + "irrataited\n", + "segergation\n", + "insstructorDAlto\n", + "modele\n", + "Secondlyit\n", + "80000\n", + "plces\n", + "driverlessIts\n", + "34\n", + "worldis\n", + "maurfatuers\n", + "stayes\n", + "anarchroism\n", + "jobeis\n", + "supposrts\n", + "bikedhikedskated\n", + "224\n", + "thereown\n", + "provimity\n", + "jeopordizing\n", + "quizlet\n", + "dangorous\n", + "foundinding\n", + "lsiting\n", + "Marsincluding\n", + "informationyou\n", + "consuler\n", + "purality\n", + "imaginedthe\n", + "elecorss\n", + "movemnent\n", + "influencesbut\n", + "sitituations\n", + "usbecause\n", + "matterd\n", + "bescase\n", + "Cannal\n", + "ideabut\n", + "epuivalent\n", + "projectsactivities\n", + "mothe\n", + "diseal\n", + "remiend\n", + "Approximetly\n", + "artticle\n", + "sensorys\n", + "httpsdrivingtestsorgbeginnerdrivers10reasonsyoushouldnttextanddrive\n", + "selfharm\n", + "socioecrnomic\n", + "educationbecause\n", + "includind\n", + "selfishlyyou\n", + "SportsYearbooks\n", + "wrking\n", + "usecso\n", + "outofschool\n", + "Therists\n", + "peregraph\n", + "Vincis\n", + "asing\n", + "countriesand\n", + "parralel\n", + "electiuon\n", + "opinionsviewsand\n", + "Distaster\n", + "selflearning\n", + "inprtan\n", + "disadavntage\n", + "resson\n", + "letterread\n", + "pysical\n", + "Strivind\n", + "gerneration\n", + "autonmous\n", + "sourondings\n", + "manufactions\n", + "dission\n", + "puroses\n", + "againWe\n", + "distractionaffected\n", + "invine\n", + "ELECTOERS\n", + "voteCollege\n", + "incerely\n", + "bulliers\n", + "stuffthat\n", + "drasticallyreduce\n", + "ELectorial\n", + "Empathymay\n", + "situatiuons\n", + "possibliy\n", + "unfortuntaly\n", + "towrds\n", + "envade\n", + "rebutals\n", + "walkinjg\n", + "hta\n", + "alliveate\n", + "soccerin\n", + "nerest\n", + "friendteacher\n", + "mtivate\n", + "messagesocial\n", + "technoloical\n", + "feek\n", + "Althoughit\n", + "situatons\n", + "visitorshopefully\n", + "sidesexperiencedifferent\n", + "backfiguratively\n", + "ghsa\n", + "evouliton\n", + "teammatesetc\n", + "thrst\n", + "Whethere\n", + "webister\n", + "whernt\n", + "deision\n", + "38gpa\n", + "coboy\n", + "examnation\n", + "pedestians\n", + "canaditates\n", + "interestis\n", + "thirtytwo\n", + "tehnology\n", + "Technoogy\n", + "msucles\n", + "secend\n", + "statesBesides\n", + "coicidence\n", + "oercent\n", + "designes\n", + "studentdsaigned\n", + "eectoral\n", + "volenteered\n", + "dirrent\n", + "illinoisparagraph\n", + "beneficail\n", + "similir\n", + "dnager\n", + "interseted\n", + "havig\n", + "oversomething\n", + "delisous\n", + "individals\n", + "comIn\n", + "25kmwide\n", + "democatic\n", + "percon\n", + "ofered\n", + "drivig\n", + "oudated\n", + "Firstable\n", + "emtionals\n", + "compramise\n", + "2003\n", + "marsWhat\n", + "elcltoral\n", + "testquizbenchmarkand\n", + "attetions\n", + "possiblly\n", + "noncreative\n", + "juast\n", + "withevery\n", + "600\n", + "studentshowever\n", + "contriversal\n", + "doesw\n", + "overallvotes\n", + "stastics\n", + "legallizing\n", + "probalry\n", + "altenatives\n", + "computerran\n", + "Beacause\n", + "limitincar\n", + "1980\n", + "needAccording\n", + "atomsopheric\n", + "Messas\n", + "Deomgraphic\n", + "Eckter\n", + "automoblie\n", + "phoneselectronic\n", + "advocatly\n", + "dufferent\n", + "denys\n", + "20didate\n", + "curiostiy\n", + "knid\n", + "Collegethough\n", + "maintenece\n", + "geberally\n", + "backgroung\n", + "realizeis\n", + "baced\n", + "inevitible\n", + "citybad\n", + "Nextlets\n", + "camotion\n", + "guardiansparents\n", + "Hopefullywith\n", + "selectes\n", + "imgaine\n", + "1960Things\n", + "headson\n", + "Atmousphere\n", + "tearm\n", + "tabletennisfencingboxingand\n", + "shdould\n", + "futurtre\n", + "reaveling\n", + "formiler\n", + "them75\n", + "cliton\n", + "whanever\n", + "irreplacible\n", + "nvere\n", + "ideaSource\n", + "saidNASA\n", + "vreate\n", + "weaknesess\n", + "passespuntsfake\n", + "personÂs\n", + "presidedent\n", + "inprecise\n", + "carshybrids\n", + "iIhave\n", + "sufare\n", + "accidentsbreak\n", + "selfcreated\n", + "stuides\n", + "champer\n", + "tecaherdesigned\n", + "scietists\n", + "2Get\n", + "pulotion\n", + "indesputable\n", + "irrrational\n", + "beleving\n", + "saysbesides\n", + "presidnate\n", + "extracrricular\n", + "survivng\n", + "enivornment\n", + "anothor\n", + "benifical\n", + "testimomony\n", + "becausestudents\n", + "twothree\n", + "Usinng\n", + "munipulating\n", + "elimanate\n", + "hudrend\n", + "thinksactsor\n", + "princible\n", + "voterss\n", + "asisted\n", + "persidential\n", + "overborad\n", + "scidding\n", + "1998Mars\n", + "Gradpoint\n", + "depnding\n", + "intellagent\n", + "483\n", + "perminant\n", + "generalbut\n", + "heathbeing\n", + "Occording\n", + "votei\n", + "devolpment\n", + "3285\n", + "obserd\n", + "carThe\n", + "attand\n", + "psotive\n", + "heathle\n", + "monthsand\n", + "traffic28\n", + "12405\n", + "somethibg\n", + "commuinty\n", + "garante\n", + "lesiure\n", + "Adanced\n", + "Trasportation\n", + "tournamentsfencingboxingreadingwhittingand\n", + "instructorThese\n", + "unconsciouly\n", + "headup\n", + "nicycle\n", + "landfroms\n", + "Bsaedall\n", + "parital\n", + "atmopheric\n", + "shouldt\n", + "abstruct\n", + "entirly\n", + "musclesparagraph3A\n", + "opionin\n", + "wheela\n", + "carsuance\n", + "Basicly\n", + "instersted\n", + "computerthe\n", + "3477\n", + "constrcuts\n", + "Ellctoral\n", + "craveing\n", + "79in\n", + "snaped\n", + "assignmetns\n", + "driverlees\n", + "populars\n", + "undeersttand\n", + "electionin\n", + "porticipated\n", + "instanted\n", + "Conslusion\n", + "takking\n", + "carterBob\n", + "alsohow\n", + "classmats\n", + "appayling\n", + "simularities\n", + "3154\n", + "seveneleven\n", + "laborsome\n", + "manageabilityefficiencyand\n", + "facebut\n", + "sickt\n", + "peneatrate\n", + "goodIf\n", + "poject\n", + "asituation\n", + "driveparagraph\n", + "rebulid\n", + "pioneersgoing\n", + "volecanoes\n", + "usedtobebestfriend\n", + "20072008\n", + "imeditaly\n", + "Boosst\n", + "safti\n", + "fanticy\n", + "plesent\n", + "butBob\n", + "consiquence\n", + "Systemin\n", + "lauguges\n", + "injurous\n", + "motovation\n", + "studenrs\n", + "requirws\n", + "pohone\n", + "sencierly\n", + "disturbes\n", + "Thereforestudents\n", + "theirt\n", + "possibleit\n", + "eligiable\n", + "sckor\n", + "przie\n", + "thinck\n", + "communtity\n", + "decreaseing\n", + "auopilot\n", + "extreamest\n", + "statesand\n", + "invisioning\n", + "percsnt\n", + "exploraers\n", + "sulotion\n", + "wellof\n", + "bewe\n", + "elderlywonded\n", + "guarateed\n", + "owrld\n", + "pepol\n", + "voulenteer\n", + "releasaed\n", + "vetransand\n", + "atenchen\n", + "Ihadalotsofworkwithanimalsto\n", + "countriesit\n", + "Venys\n", + "cvomplicate\n", + "undertant\n", + "hostest\n", + "conseal\n", + "intervine\n", + "supporrts\n", + "fireballlike\n", + "conntrolled\n", + "nuther\n", + "presidentsbut\n", + "talkingpeople\n", + "uplag\n", + "venusthere\n", + "saety\n", + "sportclubs\n", + "Councilthats\n", + "arturo\n", + "becauseWhen\n", + "yearsscientist\n", + "brainand\n", + "abosolutely\n", + "NextGarvin\n", + "AttentionDeficitHyperactive\n", + "machince\n", + "atomsphereic\n", + "presue\n", + "wpuld\n", + "instede\n", + "sceptices\n", + "curioustiy\n", + "rightofway\n", + "Alsothe\n", + "4447774\n", + "descreet\n", + "someons\n", + "terryifying\n", + "23rd\n", + "accidentsthat\n", + "eclectoral\n", + "explaioning\n", + "terestrial\n", + "1876\n", + "differnces\n", + "GravinThats\n", + "900am\n", + "bennifits\n", + "painrted\n", + "debabated\n", + "fual\n", + "responibility\n", + "ulimtatly\n", + "esloser\n", + "counrtys\n", + "comepleat\n", + "insteady\n", + "expressios\n", + "whybdonthey\n", + "populaiton\n", + "allsignificant\n", + "thry\n", + "alumnis\n", + "in2012\n", + "beiong\n", + "informashon\n", + "statesThey\n", + "nessescary\n", + "peopleIf\n", + "succefull\n", + "adviceit\n", + "Citizins\n", + "behappy\n", + "recomand\n", + "3333333\n", + "191950\n", + "COPLAIN\n", + "discontected\n", + "Sould\n", + "legup\n", + "1617\n", + "beilieve\n", + "micgrograms\n", + "adviceyou\n", + "emotinos\n", + "profesors\n", + "valuabe\n", + "teinkal\n", + "demaning\n", + "covincing\n", + "neighbourhood\n", + "ovwr\n", + "mystoryes\n", + "sofwear\n", + "innitiative\n", + "sciencethey\n", + "addidcted\n", + "310\n", + "sytsem\n", + "warmming\n", + "neccasary\n", + "Sivaks\n", + "accounBng\n", + "orgresearchactionmultitask\n", + "mathreadinghistory\n", + "tresing\n", + "certailey\n", + "voteits\n", + "oraginal\n", + "Enriqur\n", + "eerrily\n", + "sometihing\n", + "DavisBilbo\n", + "oneis\n", + "humanes\n", + "goodquality\n", + "cinstruction\n", + "324\n", + "waniting\n", + "firgure\n", + "whipe\n", + "projeccted\n", + "saysGeneric_Name\n", + "simplidied\n", + "Maufactures\n", + "explainwhen\n", + "Heidrum\n", + "mechainics\n", + "exctly\n", + "sertan\n", + "structrue\n", + "overcomplecated\n", + "notlike\n", + "valable\n", + "smiing\n", + "conpter\n", + "oporating\n", + "representetives\n", + "dollarson\n", + "cameraa\n", + "dayleaving\n", + "surprisedThis\n", + "revieled\n", + "halp\n", + "insteadPlumer\n", + "drivways\n", + "Selskys\n", + "canodent\n", + "poits\n", + "silcenced\n", + "polular\n", + "estricted\n", + "canidatethe\n", + "callsbut\n", + "pervent\n", + "moventment\n", + "beleiver\n", + "Thse\n", + "textit\n", + "mutte\n", + "synder\n", + "modificatio\n", + "270538\n", + "aleays\n", + "BLADING\n", + "muskateers\n", + "7Your\n", + "200but\n", + "historicaly\n", + "teachs\n", + "unboarded\n", + "Egyptioan\n", + "ratiocinat\n", + "desside\n", + "yhis\n", + "277\n", + "exampleIt\n", + "peoplealiens\n", + "favoryte\n", + "sideexperienceand\n", + "streetrather\n", + "unheathy\n", + "diseasesmore\n", + "Comperters\n", + "suppsose\n", + "potienial\n", + "candidact\n", + "reiceive\n", + "viewIf\n", + "mirrorsensor\n", + "faultthe\n", + "envieroment\n", + "councludion\n", + "interestedA\n", + "tradegies\n", + "schoolthey\n", + "moremoeny\n", + "m1030p\n", + "drivingroadrageroadragers\n", + "socialsociety\n", + "comdrivingrecordstextinganddrivingstats\n", + "autouseage\n", + "memoryto\n", + "electionPosner\n", + "expeirience\n", + "1880\n", + "CANIDATES\n", + "thounsand\n", + "Indensible\n", + "frutrated\n", + "repersenting\n", + "rcps\n", + "apperenses\n", + "2the\n", + "mustnt\n", + "almosphere\n", + "fased\n", + "happysmiling\n", + "aritists\n", + "invension\n", + "FirstIts\n", + "Celines\n", + "coulndnt\n", + "sufisticsted\n", + "hepled\n", + "2700\n", + "gadually\n", + "altitodes\n", + "swearve\n", + "cofusing\n", + "indenfensible\n", + "informationinformation\n", + "selfreliant\n", + "instancestudents\n", + "outofthehouse\n", + "knjow\n", + "sixDr\n", + "90s\n", + "wyas\n", + "condradicts\n", + "friendsthey\n", + "ooked\n", + "sitiocional\n", + "acitvity\n", + "medern\n", + "canadet\n", + "simuliays\n", + "endeavour\n", + "resaons\n", + "thaen\n", + "inclused\n", + "ighly\n", + "ehen\n", + "bracking\n", + "decisionand\n", + "felectoral\n", + "quadratics\n", + "developmnent\n", + "profliferation\n", + "imporantant\n", + "tiredstressed\n", + "saysWhen\n", + "emagine\n", + "differenly\n", + "pluralarity\n", + "ligtning\n", + "electin\n", + "alother\n", + "Venic\n", + "excitingor\n", + "meachine\n", + "unnessisary\n", + "negativily\n", + "eficient\n", + "theu\n", + "945\n", + "meens\n", + "campagion\n", + "legitiment\n", + "candidatesparagraph\n", + "oppositre\n", + "destraction\n", + "electroral\n", + "distion\n", + "pedesrtian\n", + "bevause\n", + "4000000\n", + "stuctured\n", + "tamperature\n", + "opperaqted\n", + "istance\n", + "finiacal\n", + "choies\n", + "technuiques\n", + "officesometimes\n", + "eletronics\n", + "mishappens\n", + "airplaines\n", + "onlince\n", + "usagecitizens\n", + "inflexibole\n", + "metod\n", + "comstorynewsnationnow20180702georgiahandsfreelawbansholdingphonewhiledriving752752002\n", + "stidnet\n", + "lanslide\n", + "shouldnt\n", + "aroumd\n", + "ConcludeI\n", + "drafed\n", + "enviremment\n", + "DMVcom\n", + "anixty\n", + "issueand\n", + "aparant\n", + "Foresay\n", + "becauselike\n", + "werepg\n", + "suppresents\n", + "Representaties\n", + "texbooks\n", + "slowy\n", + "smioglevels\n", + "presodent\n", + "meloncoly\n", + "golory\n", + "withThats\n", + "interestingexplain\n", + "ideaLooting\n", + "recquirment\n", + "goverened\n", + "mesawhich\n", + "apacecraft\n", + "96\n", + "theorietical\n", + "wouldmt\n", + "emissionsunveiledFewer\n", + "automobils\n", + "wtahc\n", + "distasters\n", + "ivention\n", + "impornant\n", + "conveinience\n", + "perfessors\n", + "travelling\n", + "workingout\n", + "Cydionia\n", + "roovers\n", + "AÃÂs\n", + "accidient\n", + "forund\n", + "97\n", + "mealt\n", + "weveryone\n", + "edgasnyder\n", + "disapolty\n", + "aftyer\n", + "testplan\n", + "benficial\n", + "autimobile\n", + "socailly\n", + "ddown\n", + "rqual\n", + "extrasteral\n", + "sutistic\n", + "annymore\n", + "landsites\n", + "gety\n", + "procuce\n", + "homw\n", + "redude\n", + "withnumbered\n", + "Isent\n", + "alwyas\n", + "gorgous\n", + "asfer\n", + "Astromoners\n", + "clunclusion\n", + "completednot\n", + "thaey\n", + "percise\n", + "merly\n", + "alternitives\n", + "Ringggggg\n", + "pshicaly\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "obstales\n", + "lunchbut\n", + "coool\n", + "saddnes\n", + "Lousianas\n", + "carownership\n", + "obligagtions\n", + "reasure\n", + "heher\n", + "smiliing\n", + "DoleThe\n", + "Americapeople\n", + "acquiredas\n", + "liminted\n", + "thsee\n", + "aginast\n", + "citysParis\n", + "vinvi\n", + "imangine\n", + "sevral\n", + "tostudy\n", + "frustations\n", + "blootooth\n", + "FIVEDAYS\n", + "boyfreind\n", + "indictate\n", + "setion\n", + "elecroral\n", + "hasunusual\n", + "methaod\n", + "proprtional\n", + "innapropiate\n", + "parkinglarge\n", + "colloges\n", + "Imeag\n", + "changeDavid\n", + "conslusion\n", + "conferencingbecause\n", + "secounds\n", + "abunace\n", + "confiedence\n", + "flucuated\n", + "injurydeath\n", + "destation\n", + "1000s\n", + "schoolo\n", + "detrmination\n", + "compacity\n", + "experiantes\n", + "poluted\n", + "imbodys\n", + "maurfacture\n", + "Bogotaa\n", + "aproximity\n", + "kommandos\n", + "cocnclusion\n", + "aucent\n", + "universite\n", + "theorsist\n", + "contious\n", + "pateince\n", + "Statistcs\n", + "avabule\n", + "alienand\n", + "somones\n", + "chinsybuilt\n", + "Iastly\n", + "carsdriving\n", + "doung\n", + "illadapted\n", + "becayse\n", + "precetage\n", + "aleast\n", + "raidio\n", + "sizeThey\n", + "esaily\n", + "regets\n", + "mayjor\n", + "seeatlest\n", + "likeing\n", + "confercing\n", + "orgrisksoftextingwhiledriving\n", + "apperaing\n", + "perspectivefifty\n", + "thatraise\n", + "imangination\n", + "additude\n", + "anythiing\n", + "fuounding\n", + "Ameicans\n", + "LastlyMy\n", + "becauuse\n", + "paceship\n", + "malappotionment\n", + "Secatary\n", + "testassessment\n", + "Jobsand\n", + "monunment\n", + "aboutPertaining\n", + "maybean\n", + "dayeven\n", + "unfortionatly\n", + "greeenhouse\n", + "additionhome\n", + "happeniess\n", + "pantings\n", + "citezen\n", + "imagaine\n", + "footballbasketballbaseball\n", + "predicts6\n", + "intstutitution\n", + "harful\n", + "workso\n", + "dispiet\n", + "neurobologically\n", + "chatterring\n", + "Sinserly\n", + "rebuddle\n", + "plummed\n", + "shoulkd\n", + "percepectives\n", + "gahighwaysafety\n", + "intiresting\n", + "managingand\n", + "empheses\n", + "diffculties\n", + "lwts\n", + "aboutOver\n", + "Electional\n", + "inautorable\n", + "fourseven\n", + "VicePresidential\n", + "viseversa\n", + "ectend\n", + "seprating\n", + "Electorila\n", + "timeInthe\n", + "ineveitable\n", + "losy\n", + "messsed\n", + "instinces\n", + "advacement\n", + "bringi9ng\n", + "spreadig\n", + "fcae\n", + "againbut\n", + "ststement\n", + "jounrney\n", + "pyrmids\n", + "lenglthy\n", + "perorm\n", + "redstarted\n", + "yourslef\n", + "erupying\n", + "rockiet\n", + "completeif\n", + "carbut\n", + "Diabites\n", + "GermanyResidents\n", + "selfcontol\n", + "expecific\n", + "smong\n", + "alreadyin\n", + "grtting\n", + "exprssive\n", + "peramideters\n", + "fliying\n", + "arrivede\n", + "faceAnd\n", + "projectÃÂ\n", + "Asssistant\n", + "000\n", + "Seagpoing\n", + "consept\n", + "incoorperated\n", + "Vaugban\n", + "oppertounity\n", + "accheve\n", + "explaring\n", + "fantasmic\n", + "assinment\n", + "assupmtion\n", + "hindred\n", + "infromatin\n", + "consrtuction\n", + "takenin\n", + "stubern\n", + "Becaue\n", + "simularity\n", + "canvey\n", + "incapablity\n", + "unigue\n", + "420\n", + "cowsand\n", + "efficencies\n", + "Germafobic\n", + "suregery\n", + "vennusian\n", + "ranny\n", + "isIf\n", + "toatlly\n", + "driverpassenger\n", + "acheaving\n", + "activitiesand\n", + "populaar\n", + "envioment\n", + "coosen\n", + "impossibleand\n", + "ceeper\n", + "manige\n", + "butpeople\n", + "Vaunban\n", + "farmas\n", + "themselevs\n", + "undebatabe\n", + "suburdlife\n", + "Thirdmost\n", + "eletor\n", + "protocon\n", + "froces\n", + "peoplebut\n", + "contreversial\n", + "handsfreelaw\n", + "sentors\n", + "jamsDays\n", + "gruling\n", + "paraghraph\n", + "saddly\n", + "fecing\n", + "lessdisciplined\n", + "opinionreaction\n", + "refrenses\n", + "problemof\n", + "postivily\n", + "leeting\n", + "inculdes\n", + "permanatly\n", + "facotrs\n", + "Winnertake\n", + "pictuere\n", + "expereinces\n", + "227\n", + "obveiously\n", + "poublic\n", + "ascertainmentits\n", + "uncertinty\n", + "amazings\n", + "appritiated\n", + "harest\n", + "manufactoring\n", + "S2The\n", + "econome\n", + "everyschool\n", + "responsablity\n", + "sttention\n", + "gorethanks\n", + "possiblilty\n", + "256\n", + "preparated\n", + "electorsDoes\n", + "therepist\n", + "multiplie\n", + "resions\n", + "enhabital\n", + "poplation\n", + "willit\n", + "goodor\n", + "adPlumer\n", + "VenusThereforescientists\n", + "1019\n", + "compleate\n", + "Eurpe\n", + "rreceives\n", + "percernt\n", + "ownshipd\n", + "dixoide\n", + "surfacevalleysand\n", + "neigbor\n", + "protentionly\n", + "teachersonly\n", + "pessmist\n", + "undertsnad\n", + "understadn\n", + "reasonsi\n", + "Markiplier\n", + "somethink\n", + "socail\n", + "subrbs\n", + "Computured\n", + "Shouldnt\n", + "intepret\n", + "SUCCSED\n", + "candidan\n", + "reacerch\n", + "Myslef\n", + "unequality\n", + "ypu\n", + "excample\n", + "imjured\n", + "closeset\n", + "temeture\n", + "anyenough\n", + "ifthis\n", + "activitis\n", + "prrbollay\n", + "stysem\n", + "trollys\n", + "ouskirts\n", + "bulliedalways\n", + "studentdesignedbut\n", + "bythebook\n", + "changespeople\n", + "seagoingcowboy\n", + "hsppen\n", + "zygomatice\n", + "summerlife\n", + "insructor\n", + "opsolcules\n", + "ideasbe\n", + "unessasary\n", + "somputer\n", + "significally\n", + "preiden\n", + "bicicles\n", + "inplaced\n", + "invirment\n", + "trafficjamfree\n", + "3In\n", + "Peopledrivers\n", + "pressident\n", + "cllege\n", + "homosapions\n", + "responces\n", + "papermache\n", + "shouyld\n", + "particpates\n", + "atmosphereic\n", + "saysTwenty\n", + "trhee\n", + "toomental\n", + "schemery\n", + "Resbonding\n", + "exprestion\n", + "92335256236326464999000\n", + "sceintists\n", + "resurcher\n", + "namesdont\n", + "Aeronautis\n", + "Codng\n", + "neighborring\n", + "camagign\n", + "opinnion\n", + "feelinga\n", + "thibgs\n", + "Drivelesss\n", + "advicewould\n", + "Challengen\n", + "candinates\n", + "Mororists\n", + "faters\n", + "returnng\n", + "thinkthe\n", + "cooporate\n", + "helpiing\n", + "reudces\n", + "Becsause\n", + "comptuer\n", + "teacherstructured\n", + "confurmed\n", + "imoprtant\n", + "desputes\n", + "shorethey\n", + "invlolved\n", + "dioxid\n", + "keybut\n", + "lawa\n", + "procratinating\n", + "charmber\n", + "undersatding\n", + "treted\n", + "othersmake\n", + "expirienced\n", + "lipsat\n", + "propesition\n", + "delcaring\n", + "differniate\n", + "helpfulto\n", + "314000\n", + "innovationparagraph\n", + "fothers\n", + "cheecked\n", + "popel\n", + "132142\n", + "disaste\n", + "glod\n", + "Posners\n", + "hvsicallv\n", + "badwhich\n", + "oreleans\n", + "achives\n", + "dangours\n", + "chils\n", + "reliEze\n", + "mathematial\n", + "coutned\n", + "pedrestians\n", + "castpg22\n", + "USIf\n", + "soppurt\n", + "dirrection\n", + "TAteachers\n", + "500000\n", + "Hopfully\n", + "constructuin\n", + "likedont\n", + "heatvenus\n", + "populatina\n", + "Adittion\n", + "Commerance\n", + "AngelesCalifornia\n", + "protecet\n", + "woulding\n", + "landformation\n", + "Howmuch\n", + "licsens\n", + "controdiction\n", + "leasons\n", + "opperator\n", + "countof\n", + "accomadations\n", + "brethin\n", + "hosnlty\n", + "helpingworking\n", + "Electoal\n", + "yorks\n", + "deystroyed\n", + "imidietly\n", + "ingnore\n", + "persidents\n", + "tempratures\n", + "instatude\n", + "havinfg\n", + "campered\n", + "textcall\n", + "studentstudents\n", + "Texasand\n", + "technologiclly\n", + "obviuously\n", + "marsBut\n", + "baway\n", + "racistsexist\n", + "intervented\n", + "emotsion\n", + "estrited\n", + "Earthvenusand\n", + "accaions\n", + "polotition\n", + "happierthis\n", + "peoplr\n", + "someoneor\n", + "grems\n", + "lences\n", + "PlumerAnswer\n", + "shouldint\n", + "emencely\n", + "ingreedients\n", + "gadgits\n", + "jpoin\n", + "benfical\n", + "Ceallenge\n", + "explins\n", + "liscences\n", + "attentionwhen\n", + "Veunus\n", + "everyother\n", + "savikng\n", + "inficts\n", + "manufactered\n", + "momUgh\n", + "wellorganized\n", + "deleopment\n", + "BigHit\n", + "shoukld\n", + "imediatley\n", + "youon\n", + "andodd\n", + "direlcetly\n", + "poepel\n", + "90\n", + "ciafbi\n", + "scfi\n", + "anfd\n", + "truthworthy\n", + "120\n", + "paragraf\n", + "meadi\n", + "fillied\n", + "risetechnology\n", + "peoplesources\n", + "easyin\n", + "intenstifying\n", + "Deathcar\n", + "CydoniaMGS\n", + "becauseifsomrthinghappensand\n", + "carshow\n", + "Mars1\n", + "Secondthe\n", + "compurter\n", + "controus\n", + "phoyo\n", + "plathora\n", + "plummit\n", + "Whered\n", + "whichh\n", + "atract\n", + "votersinfor\n", + "Fastforwarding\n", + "comapines\n", + "humancaused\n", + "presedential\n", + "colloborate\n", + "streesing\n", + "smaples\n", + "certenly\n", + "vollyeball\n", + "opporation\n", + "exsperences\n", + "presidensy\n", + "rockky\n", + "gothere\n", + "ideasways\n", + "Adminastration\n", + "bussnies\n", + "foood\n", + "outAdditional\n", + "extrodanary\n", + "disrepaired\n", + "ElectionsThese\n", + "suprsing\n", + "smogselsky\n", + "Studyig\n", + "revoultion\n", + "excpriecnces\n", + "desieses\n", + "815\n", + "cellphonedistracted\n", + "servre\n", + "Marshas\n", + "dificuly\n", + "way3\n", + "honner\n", + "aritcal\n", + "ebelive\n", + "inmediately\n", + "puls\n", + "reased\n", + "ramon\n", + "22euro31the\n", + "alienshow\n", + "Humands\n", + "schoosl\n", + "collega\n", + "Dimentinal\n", + "schooltheir\n", + "especilly\n", + "Athome\n", + "deisions\n", + "oveer\n", + "crzy\n", + "envionment\n", + "saie\n", + "regauarding\n", + "teacherled\n", + "studentsÃÂ\n", + "allections\n", + "legistlature\n", + "textbookstyle\n", + "testilng\n", + "deescalation\n", + "lickly\n", + "sacrfise\n", + "NASA12\n", + "30th\n", + "Doloe\n", + "Collegeso\n", + "sportsy\n", + "Venusm\n", + "semifull\n", + "ensueing\n", + "inthepast\n", + "stuadents\n", + "ironicly\n", + "reapeating\n", + "identifyhuman\n", + "statesrunoff\n", + "Especialy\n", + "garintees\n", + "Veus\n", + "opportynity\n", + "40s\n", + "countryes\n", + "Everbodys\n", + "essentail\n", + "thehy\n", + "requireing\n", + "beneifit\n", + "enofe\n", + "kratia\n", + "imporance\n", + "liabile\n", + "realiablilty\n", + "nondomocratic\n", + "belifes\n", + "oppisit\n", + "beifical\n", + "schoolworkhomeworka\n", + "ÃÂam\n", + "118\n", + "withyou\n", + "pollutionmore\n", + "sitesee\n", + "pattter\n", + "Mailin\n", + "consulars\n", + "stregths\n", + "dangerd\n", + "sobecause\n", + "nondemcratic\n", + "considersation\n", + "trustcan\n", + "Scientst\n", + "struugling\n", + "countrioes\n", + "recognizefd\n", + "acciedents\n", + "clould\n", + "TeleLearning\n", + "sourts\n", + "francecompared\n", + "delevoping\n", + "wfor\n", + "BEcause\n", + "promotiong\n", + "Sothe\n", + "myspeace\n", + "reseaaves\n", + "unfairThe\n", + "futere\n", + "byh\n", + "VeinceItaly\n", + "RealiableAccurate\n", + "Modefing\n", + "disctance\n", + "ThatÃÂs\n", + "exspect\n", + "16\n", + "musceks\n", + "wouldnÃÂt\n", + "GermanyParis\n", + "statesPeople\n", + "qualitified\n", + "unimportantthough\n", + "thenthey\n", + "votye\n", + "videpgraphy\n", + "exerince\n", + "releaving\n", + "extracurriculum\n", + "globabl\n", + "ingourd\n", + "wellprepared\n", + "spinnig\n", + "marst\n", + "inadvanced\n", + "workcontrol\n", + "surviive\n", + "envisiond\n", + "descripion\n", + "msy\n", + "eassy\n", + "stormes\n", + "twards\n", + "examplemaking\n", + "1This\n", + "yoor\n", + "zygosmtic\n", + "anywayFoss\n", + "thereyet\n", + "rittles\n", + "deade\n", + "easiewr\n", + "belieavible\n", + "selsky\n", + "papagraph\n", + "phoneswhether\n", + "defitnetly\n", + "2012s\n", + "officaial\n", + "pedestian\n", + "animlas\n", + "avage\n", + "keepcool\n", + "everytghing\n", + "detestment\n", + "electorswhere\n", + "lowpressure\n", + "minimising\n", + "MercedesBens\n", + "GEneric_School\n", + "heshers\n", + "burdan\n", + "negleted\n", + "findfing\n", + "offeroutside\n", + "compnent\n", + "heshes\n", + "roadssidewalks\n", + "presher\n", + "collegewhy\n", + "2students\n", + "signlight\n", + "saidWithin\n", + "vauluable\n", + "sitituions\n", + "sccidents\n", + "considerartions\n", + "incaved\n", + "GLobal\n", + "survuve\n", + "contestes\n", + "inconventient\n", + "sunAtronomers\n", + "360\n", + "Alse\n", + "156\n", + "Driveles\n", + "sophisticatian\n", + "1Certainty\n", + "politacl\n", + "ocians\n", + "netsafeutah\n", + "895\n", + "TRANSPORTBUT\n", + "MondaysWednesdays\n", + "dafted\n", + "conidates\n", + "innvation\n", + "Gloval\n", + "permitied\n", + "practicually\n", + "crahsed\n", + "twomile\n", + "proposterious\n", + "cattletrip\n", + "24\n", + "americanshave\n", + "passnger\n", + "notexting\n", + "htmlhttpswww\n", + "GoreRichard\n", + "equalso\n", + "homeschoolecd\n", + "motionshappinesssurprise\n", + "conpanyes\n", + "Elrctoral\n", + "neccesarly\n", + "sulfruic\n", + "2people\n", + "examinr\n", + "phenomim\n", + "timeinstagram\n", + "incontroversial\n", + "22euro\n", + "popluarity\n", + "Romeney\n", + "insteading\n", + "shoesHold\n", + "610\n", + "hwere\n", + "neccery\n", + "spave\n", + "sharpers\n", + "Honers\n", + "celebirty\n", + "transportaions\n", + "itÃÂll\n", + "ruturning\n", + "cact\n", + "serveing\n", + "anorther\n", + "shae\n", + "extraterestrial\n", + "walkingriding\n", + "pasthistory\n", + "Scientsists\n", + "hoaster\n", + "texitle\n", + "impratical\n", + "comdrivinginformationdefensivedrivingdefensivedrivingtechniques\n", + "luld\n", + "prodominantly\n", + "opiton\n", + "temparature\n", + "distane\n", + "MOCrevealed\n", + "zygomstic\n", + "findare\n", + "wemt\n", + "presidentBradford\n", + "eazy\n", + "zlevels\n", + "techinically\n", + "analgous\n", + "Anyones\n", + "evidenc\n", + "partyno\n", + "disegaged\n", + "lookinf\n", + "Selfmotivation\n", + "thiings\n", + "illnessdiseases\n", + "fasterturn\n", + "exuast\n", + "peoplemaking\n", + "WWZ\n", + "reasch\n", + "Parahgraph\n", + "dissimenated\n", + "consern\n", + "normarl\n", + "seeind\n", + "theFace\n", + "percentige\n", + "seriosly\n", + "presidentSource\n", + "comunicationsand\n", + "metalsParagraph\n", + "surviveits\n", + "conculesion\n", + "deffanitly\n", + "prosses\n", + "flawedthere\n", + "ammout\n", + "conciol\n", + "previlant\n", + "opisite\n", + "survable\n", + "balenced\n", + "Istep\n", + "eruping\n", + "suposely\n", + "isIt\n", + "capitbal\n", + "chating\n", + "projecct\n", + "persureof\n", + "basiss\n", + "Prehaps\n", + "racs\n", + "Twnety\n", + "accurancy\n", + "masjority\n", + "12th\n", + "229\n", + "disibiltes\n", + "actiivities\n", + "streacted\n", + "unfortunantly\n", + "metiorids\n", + "homesschoolsor\n", + "learnimg\n", + "havemental\n", + "Continueing\n", + "surffece\n", + "diebecause\n", + "maner\n", + "mayvbe\n", + "candiate10\n", + "Fianally\n", + "normallity\n", + "worldPedestrian\n", + "ejoy\n", + "boatign\n", + "1016\n", + "onlline\n", + "nonclass\n", + "day27\n", + "oblvious\n", + "Collegeover\n", + "personbecause\n", + "Freigburg\n", + "computergenerated\n", + "argumentable\n", + "easiercreative\n", + "excuded\n", + "responsiblitiy\n", + "candites\n", + "haqppened\n", + "havimg\n", + "stateto\n", + "averange\n", + "cardbide\n", + "conculsionpeople\n", + "popukation\n", + "optionit\n", + "peopleanimalsand\n", + "vheciles\n", + "drasticly\n", + "Coboys\n", + "alweays\n", + "sumamary\n", + "accrosed\n", + "pasionate\n", + "selfand\n", + "82\n", + "placeamd\n", + "stanislvsky\n", + "alont\n", + "computeranimations\n", + "famely\n", + "diffrences\n", + "Theirfore\n", + "hereThen\n", + "friendshipor\n", + "dissagreed\n", + "orginized\n", + "effetively\n", + "privte\n", + "I355\n", + "certaintity\n", + "dircetly\n", + "66\n", + "jobsschooland\n", + "anythingand\n", + "studentsa\n", + "windely\n", + "populants\n", + "refur\n", + "tumb\n", + "astroides\n", + "parkingdriveways\n", + "stateRichard\n", + "cyberbullings\n", + "Elecotoral\n", + "healinglaw\n", + "inccedent\n", + "conclusionmy\n", + "Studentss\n", + "Systyem\n", + "thrwn\n", + "gthry\n", + "particapting\n", + "baneds\n", + "beocme\n", + "duriung\n", + "seekeing\n", + "orginazation\n", + "probblem\n", + "publicised\n", + "hikebikeskatewalk\n", + "RepresentativesSenate\n", + "runnoing\n", + "electral\n", + "Otherwize\n", + "thingnot\n", + "Indtagram\n", + "Wiht\n", + "Cllege\n", + "putsuiting\n", + "perferable\n", + "statesthen\n", + "possable\n", + "btetter\n", + "garvin\n", + "528\n", + "surgerys\n", + "throuwn\n", + "onefourth\n", + "imtimidation\n", + "disatser\n", + "malfuction\n", + "pickture\n", + "60\n", + "neibors\n", + "syster\n", + "alreadfy\n", + "palustion\n", + "kidsadults\n", + "moviesand\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "posssable\n", + "20162017\n", + "kindand\n", + "enfored\n", + "noiticing\n", + "fgrom\n", + "wanti\n", + "emotionalcomunication\n", + "venis\n", + "likesome\n", + "Beyound\n", + "provened\n", + "campanie\n", + "acheivable\n", + "tiredsocialize\n", + "bicycleschatter\n", + "Whitch\n", + "Atronomers\n", + "inviornment\n", + "syatem\n", + "Artor\n", + "disfunctionable\n", + "fitures\n", + "fasthers\n", + "intiresing\n", + "clealy\n", + "somecases\n", + "clup\n", + "Cowdays\n", + "disrspectful\n", + "animalsto\n", + "1811\n", + "recommand\n", + "cauge\n", + "arrending\n", + "musclesthe\n", + "waether\n", + "invintion\n", + "disirable\n", + "decicions\n", + "firther\n", + "22This\n", + "woild\n", + "clubactivities\n", + "wroking\n", + "siome\n", + "messup\n", + "jailbeing\n", + "extera\n", + "dramaticcaly\n", + "grnerations\n", + "cheak\n", + "contolling\n", + "remainsthat\n", + "rehabilatation\n", + "landging\n", + "opinionit\n", + "voala\n", + "eour\n", + "emmsions\n", + "moslty\n", + "sabatage\n", + "gameallows\n", + "milatery\n", + "massege\n", + "blairing\n", + "dovoire\n", + "warrinties\n", + "disison\n", + "origanily\n", + "perdent\n", + "myhead\n", + "Constution\n", + "programso\n", + "gose\n", + "onesrush\n", + "tryong\n", + "nomineeand\n", + "tansport\n", + "eindeed\n", + "2000over\n", + "scuh\n", + "saddnesswith\n", + "inat\n", + "dafer\n", + "eviroment\n", + "sterotypically\n", + "frustatration\n", + "hickedskated\n", + "cayotic\n", + "puzzel\n", + "excuise\n", + "handinhand\n", + "privliges\n", + "sitituion\n", + "anisxty\n", + "yearbokk\n", + "resoonsi\n", + "eough\n", + "lifeeveryone\n", + "varly\n", + "eventssports\n", + "emabrassed\n", + "jobmarket\n", + "ruduce\n", + "proivate\n", + "misleadng\n", + "nonalien\n", + "furcht\n", + "olcolck\n", + "tremendes\n", + "votesrunoff\n", + "exampleA\n", + "elecors\n", + "730PM\n", + "altoether\n", + "emphasised\n", + "Statessource\n", + "adventurs\n", + "progrma\n", + "hasFederal\n", + "swicth\n", + "eguals\n", + "contuine\n", + "duites\n", + "charish\n", + "younge\n", + "diferenent\n", + "statesBig\n", + "extrcurricular\n", + "gongola\n", + "musals\n", + "circuts\n", + "resolt\n", + "Selfdesigned\n", + "spacecrat\n", + "arguestaying\n", + "httpstheconversation\n", + "buetiful\n", + "ablebodied\n", + "stury\n", + "heatheir\n", + "condider\n", + "okn\n", + "Generic_name\n", + "technololgy\n", + "closeest\n", + "bothor\n", + "detri\n", + "votingfor\n", + "studentsin\n", + "familir\n", + "difficultkies\n", + "overthing\n", + "NSAS\n", + "uncarful\n", + "hisorher\n", + "excersie\n", + "everybdy\n", + "saysNo\n", + "wghat\n", + "classswhat\n", + "coincidince\n", + "happenedmost\n", + "Vikining\n", + "boredtired\n", + "prodject\n", + "tense70\n", + "caluclations\n", + "anwhat\n", + "conclusionhaving\n", + "recsession\n", + "insicureities\n", + "pradusers\n", + "vehiclesgas\n", + "commiteeor\n", + "Vechials\n", + "httpspocketsense\n", + "Goreposner\n", + "Doesnt\n", + "forwardcreating\n", + "anoher\n", + "pobrably\n", + "origianal\n", + "amedements\n", + "saysEach\n", + "swich\n", + "irrationalSource\n", + "methido\n", + "touranments\n", + "istated\n", + "earupted\n", + "unfreindly\n", + "similaries\n", + "todaywe\n", + "knwing\n", + "electude\n", + "scaned\n", + "direcet\n", + "semiabusive\n", + "fourthteen\n", + "250mph\n", + "vhical\n", + "reasn\n", + "evenything\n", + "peersshe\n", + "labatory\n", + "benenificial\n", + "inprovment\n", + "cllouds\n", + "envading\n", + "yearbooksserve\n", + "yourelf\n", + "arrguments\n", + "wellneeded\n", + "infroms\n", + "suppoted\n", + "notsodriver\n", + "gamesmaking\n", + "advancd\n", + "faceshowing\n", + "thinkgs\n", + "teans\n", + "inparagraph\n", + "digitalresponsibility\n", + "enoght\n", + "consoulers\n", + "petetions\n", + "atmaspheris\n", + "thingsothers\n", + "logn\n", + "cuisinesparticipated\n", + "organim\n", + "animlals\n", + "effctive\n", + "argurment\n", + "emmition\n", + "surace\n", + "MarsThe\n", + "coferencing\n", + "statesNo\n", + "aladder\n", + "emoionally\n", + "potentislly\n", + "USsource1p5\n", + "atmosohere\n", + "stateting\n", + "bizare\n", + "Electorial\n", + "Egypion\n", + "tudent\n", + "Beaucse\n", + "Untited\n", + "ellectoral\n", + "deviece\n", + "understandableMany\n", + "personalitylifestyle\n", + "Candiates\n", + "BMVs\n", + "dooes\n", + "SincerelySTUDENT_NAME\n", + "Posnerhe\n", + "realsed\n", + "themthey\n", + "stepsyoull\n", + "projectnow\n", + "informstion\n", + "muesem\n", + "challlenge\n", + "soncond\n", + "Secondyou\n", + "presadient\n", + "lostconfused\n", + "rihg\n", + "coudy\n", + "noght\n", + "expresions\n", + "fuding\n", + "actionand\n", + "1973\n", + "democate\n", + "beigins\n", + "2Seventeen\n", + "ladforms\n", + "hicked\n", + "inhance\n", + "distancesbut\n", + "tableShe\n", + "infromather\n", + "ciggerates\n", + "carstrucks\n", + "sourrounding\n", + "jobmost\n", + "Facail\n", + "corosive\n", + "mintute\n", + "preiod\n", + "carbibe\n", + "privatcy\n", + "atending\n", + "vlaue\n", + "wistand\n", + "walkbike\n", + "improveing\n", + "pesonally\n", + "300mph\n", + "wrongyour\n", + "nontime\n", + "refelecting\n", + "strenghens\n", + "cicilization\n", + "meaningness\n", + "simair\n", + "safetyissues\n", + "fortuitour\n", + "realitysource\n", + "hazerdorus\n", + "wealthiness\n", + "hidesay\n", + "socer\n", + "desiocion\n", + "Herere\n", + "dectect\n", + "oroblems\n", + "candidnate\n", + "caseswhen\n", + "advantige\n", + "tremendly\n", + "instrested\n", + "vauleable\n", + "onEarth\n", + "thjorough\n", + "valuebale\n", + "suffiect\n", + "activeand\n", + "bick\n", + "Gorethanksto\n", + "picturesand\n", + "Healinglaw\n", + "shaing\n", + "votins\n", + "driveconcerving\n", + "Consistitution\n", + "primaryenforcement\n", + "Selfcontrol\n", + "frontailis\n", + "varouis\n", + "ruuning\n", + "moterd\n", + "29\n", + "rmany\n", + "wifeSelsky\n", + "yhink\n", + "shoulldnt\n", + "Briiiiiiiiing\n", + "teenegers\n", + "Kaigen\n", + "qusetion\n", + "comapies\n", + "ivariably\n", + "fencingboxingreading\n", + "conclutiong\n", + "relyed\n", + "quesstion\n", + "levelsnot\n", + "hids\n", + "presuade\n", + "devolpoed\n", + "worndown\n", + "fiskley\n", + "reasonsBut\n", + "friendand\n", + "tiwnEarth\n", + "destoyred\n", + "hurtwhew\n", + "deveoped\n", + "anachronial\n", + "imaginattion\n", + "Ascertainment\n", + "decidemake\n", + "mortorists\n", + "asCafeson\n", + "paintg\n", + "persson\n", + "threefour\n", + "exquisset\n", + "crooss\n", + "WHihc\n", + "545\n", + "paretns\n", + "tempertaures\n", + "ppersons\n", + "imporves\n", + "37461\n", + "chousen\n", + "chisen\n", + "Baverage\n", + "classesbecause\n", + "pscyhological\n", + "oppsite\n", + "afterthat\n", + "defenintly\n", + "channging\n", + "preocratinate\n", + "descovered\n", + "afficient\n", + "fufillment\n", + "obvius\n", + "robets\n", + "sulfuring\n", + "spacerelated\n", + "apparentley\n", + "noiseno\n", + "numeroumous\n", + "2013\n", + "tabeltennis\n", + "Drivelsees\n", + "unquie\n", + "Presendential\n", + "gallions\n", + "caltle\n", + "appeciate\n", + "assertionw\n", + "inherint\n", + "fthat\n", + "egyption\n", + "pollutionPitted\n", + "wwho\n", + "nearve\n", + "kindlovingand\n", + "researchcause\n", + "shre\n", + "knacklike\n", + "genuinley\n", + "reasonopinion\n", + "SYstem\n", + "missreads\n", + "veriety\n", + "obvisliy\n", + "slait\n", + "gfor\n", + "prodjects\n", + "someoone\n", + "polpulations\n", + "fixedthe\n", + "knowledege\n", + "387000\n", + "comblogcostdistracteddriving\n", + "clumb\n", + "cuclo\n", + "experimrnt\n", + "algbra\n", + "pricesand\n", + "selectioms\n", + "cowboysThe\n", + "electionSource\n", + "Meanwhilemuscles\n", + "mechanicand\n", + "speking\n", + "bp2\n", + "Emotionmoving\n", + "pythagerm\n", + "domocratic\n", + "casy\n", + "eneters\n", + "apperacance\n", + "outstounding\n", + "Starbut\n", + "wheeland\n", + "acktually\n", + "otherseducate\n", + "CollegeAt\n", + "finantialy\n", + "egiptian\n", + "kickes\n", + "decididng\n", + "porpuse\n", + "couted\n", + "manufactors\n", + "suspent\n", + "thempeople\n", + "ataltitude\n", + "legislaure\n", + "Eckmanand\n", + "Fortunatly\n", + "likenss\n", + "acient\n", + "classroomOr\n", + "conditionDoes\n", + "hunge\n", + "rebiuld\n", + "commities\n", + "Sciencists\n", + "lazyness\n", + "amplifing\n", + "Register3\n", + "crediable\n", + "temperaature\n", + "youshould\n", + "traitsbeing\n", + "illision\n", + "aindroids\n", + "reaon\n", + "reconizing\n", + "himher\n", + "badtake\n", + "pickng\n", + "youÃÂll\n", + "Congestiion\n", + "CANNOT\n", + "distored\n", + "peoepl\n", + "inevitableyet\n", + "worjkers\n", + "considerationn\n", + "responsesanswers\n", + "peopleimmiagrants\n", + "17yearold\n", + "votenot\n", + "positionestimating\n", + "Alsoit\n", + "constsntly\n", + "colobians\n", + "presidentLine\n", + "dewendling\n", + "liiving\n", + "Machanics\n", + "expresssed\n", + "Fscicsl\n", + "sentcene\n", + "happence\n", + "dysopian\n", + "ridicolus\n", + "alterniative\n", + "buled\n", + "Sensores\n", + "concerding\n", + "naturely\n", + "relashionship\n", + "possiable\n", + "usaully\n", + "deegations\n", + "wildely\n", + "cheack\n", + "atempting\n", + "asre\n", + "curiosty\n", + "assinged\n", + "Demicratic\n", + "thered\n", + "struggleling\n", + "sayingasking\n", + "specifis\n", + "weired\n", + "dimensinal\n", + "eratation\n", + "havingno\n", + "impossiple\n", + "fhte\n", + "exisist\n", + "clostest\n", + "intensitying\n", + "preced\n", + "ablout\n", + "geolegy\n", + "photograghed\n", + "surers\n", + "actionbased\n", + "encoouter\n", + "insurancejournal\n", + "proalien\n", + "haing\n", + "valuenot\n", + "facors\n", + "trps\n", + "offand\n", + "constituation\n", + "drveway\n", + "ficed\n", + "eho\n", + "mobilehow\n", + "envirmonet\n", + "toojust\n", + "com20170417adisturbingnumberofpeoplestillusecellphoneswhiledriving\n", + "saysHe\n", + "braley\n", + "satitfation\n", + "chaosButWe\n", + "dtermine\n", + "resultingin\n", + "auotmobiles\n", + "Marvled\n", + "Febuary3\n", + "undertsanding\n", + "necesities\n", + "denfenses\n", + "cliffdiving\n", + "abcdf\n", + "miis\n", + "largerly\n", + "oxigun\n", + "drvieable\n", + "7th12th\n", + "MOc\n", + "elcetoral\n", + "730930\n", + "Feor\n", + "ballence\n", + "willcan\n", + "Resiving\n", + "electoralcollege\n", + "decresing\n", + "ddriver\n", + "2Many\n", + "presidentWe\n", + "impbnediments\n", + "doyou\n", + "overv\n", + "dangerour\n", + "exclusivley\n", + "districs\n", + "equivqlent\n", + "polluation\n", + "heor\n", + "ballant\n", + "classroomstyle\n", + "accuring\n", + "VAUBAN\n", + "ThirdMona\n", + "tooked\n", + "maltable\n", + "number538\n", + "stronglt\n", + "roadtake\n", + "accuired\n", + "wellthey\n", + "predit\n", + "dameging\n", + "cowsfeet\n", + "gameor\n", + "scard\n", + "crose\n", + "posibbly\n", + "desprete\n", + "sinceraly\n", + "rockey\n", + "optimul\n", + "succeptible\n", + "votetrs\n", + "sympaths\n", + "succssesful\n", + "sapport\n", + "dispises\n", + "boredoutoftheirmind\n", + "guatction\n", + "techniology\n", + "surviveable\n", + "paperand\n", + "capulization\n", + "orgainzed\n", + "chalanging\n", + "humanoperated\n", + "paragragraph\n", + "comarticleushealthparentsdrivingmostparentstextwhile\n", + "forbudden\n", + "automoblies\n", + "procautioins\n", + "Eurpope\n", + "67percent\n", + "effetive\n", + "atrosidy\n", + "POLUTION\n", + "learningand\n", + "Venushas\n", + "hollywhood\n", + "onlineWhen\n", + "apperered\n", + "peoplle\n", + "segregationan\n", + "peersWhich\n", + "acheved\n", + "funn\n", + "beilve\n", + "appsor\n", + "comthedangersofcellphoneusewhiledriving\n", + "stratigicly\n", + "capasati\n", + "tecnhology\n", + "Martianmade\n", + "ulike\n", + "presdential\n", + "atmesphere\n", + "admssion\n", + "diplays\n", + "ChinaEuropeVeniceItaly\n", + "studiedand\n", + "joney\n", + "Unfourtunetly\n", + "Alsoon\n", + "coursesthat\n", + "halfand\n", + "discution\n", + "actiry\n", + "awsoe\n", + "crator\n", + "nomerous\n", + "imporving\n", + "wachman\n", + "rignt\n", + "alhtough\n", + "satsfy\n", + "disatvantgeing\n", + "improvementyou\n", + "jobd\n", + "somewhe\n", + "landofrm\n", + "woulcd\n", + "distern\n", + "countrymore\n", + "actand\n", + "cassing\n", + "Rlief\n", + "envoleved\n", + "windshied\n", + "catergorically\n", + "shippes\n", + "whjat\n", + "Posmer\n", + "litteraly\n", + "comstorymoneycars20140328cellphoneuse1in4carcrashe\n", + "sowrds\n", + "surfacebound\n", + "Sincemost\n", + "carThey\n", + "traveld\n", + "speeck\n", + "wheelyou\n", + "compremised\n", + "cowincidence\n", + "capiton\n", + "attension\n", + "countruy\n", + "menouvers\n", + "Democrtic\n", + "nonpractical\n", + "universiti\n", + "transprotation\n", + "physcological\n", + "meantion\n", + "proscons\n", + "eraquakes\n", + "excursice\n", + "inckuding\n", + "happinesssurprise\n", + "concluson\n", + "inavaiting\n", + "conitnues\n", + "NIssan\n", + "eveloution\n", + "asttend\n", + "exercie\n", + "allitle\n", + "Samething\n", + "dissision\n", + "boradespecially\n", + "workcollaboration\n", + "learnget\n", + "makingcoming\n", + "sistain\n", + "dowho\n", + "gcellphones\n", + "amrgin\n", + "probabal\n", + "Facisl\n", + "itthe\n", + "sersors\n", + "corgo\n", + "livingthings\n", + "geologgy\n", + "Scientit\n", + "314\n", + "Fianlly\n", + "1796\n", + "finly\n", + "Thisll\n", + "presudents\n", + "emberrass\n", + "earthquaksand\n", + "rectangualr\n", + "ohther\n", + "engnie\n", + "smething\n", + "puplic\n", + "Adivce\n", + "lerned\n", + "uswe\n", + "dentify\n", + "promblem\n", + "thyey\n", + "multidigit\n", + "migfht\n", + "oyur\n", + "morotorists\n", + "exspeacally\n", + "literic\n", + "personalite\n", + "statess\n", + "understing\n", + "drexel\n", + "FULLEST\n", + "minnor\n", + "mechanicsl\n", + "selfreflection\n", + "Registerparagraph\n", + "pacfic\n", + "aurfuric\n", + "aldults\n", + "31120\n", + "KennedyThe\n", + "Emergencys\n", + "schoolhomeor\n", + "Calforina\n", + "Particapating\n", + "mechenical\n", + "convergant\n", + "eveadince\n", + "gonda\n", + "travlel\n", + "woried\n", + "candidatesDoes\n", + "cememt\n", + "spcaecraft\n", + "Malalas\n", + "importain\n", + "Cristmas\n", + "doctores\n", + "fause\n", + "ideasStriving\n", + "imaginationsand\n", + "develpoers\n", + "bikedskated\n", + "recyclaling\n", + "fasintated\n", + "Rechargeablecars\n", + "longit\n", + "reasins\n", + "theey\n", + "statemandated\n", + "Possiably\n", + "advangen\n", + "httpsarchive\n", + "hyas\n", + "Limitating\n", + "unboard\n", + "landforfs\n", + "4v4\n", + "textSome\n", + "70s\n", + "examplein\n", + "hinding\n", + "modifieduses\n", + "frowing\n", + "humaity\n", + "usMoving\n", + "classfurthermore\n", + "socialand\n", + "speacking\n", + "projectassessment\n", + "capitalsSource\n", + "everystudent\n", + "orghighwaysafetyhandsfreelaw\n", + "rhode\n", + "sonn\n", + "valuse\n", + "whya\n", + "smoggreenhouse\n", + "fearsadness\n", + "techoligy\n", + "salvery\n", + "misioon\n", + "individed\n", + "timeproven\n", + "poeoles\n", + "happiersource\n", + "recognoze\n", + "UNSSA\n", + "procastination\n", + "bloomsource3p28\n", + "agrrement\n", + "protypes\n", + "sentiant\n", + "Maldor\n", + "mallHe\n", + "schoolto\n", + "Americansuse\n", + "founing\n", + "muesuems\n", + "testquiz\n", + "bothall\n", + "simplerly\n", + "homeS1P2\n", + "howThe\n", + "classfild\n", + "easay\n", + "actorssingersNFL\n", + "resulr\n", + "teacherclass\n", + "carintense\n", + "Scentist\n", + "upsead\n", + "25000\n", + "illussion\n", + "mindsWhy\n", + "reveald\n", + "candiddates\n", + "ablolish\n", + "3450\n", + "hypertechnological\n", + "suumer\n", + "exracurricual\n", + "momdaad\n", + "alfloat\n", + "ruducing\n", + "pixil\n", + "schooldoing\n", + "bassic\n", + "designedprojects\n", + "scienctists\n", + "Espcially\n", + "jamsIts\n", + "speeping\n", + "rulebecause\n", + "friendshipsget\n", + "charityand\n", + "dangrus\n", + "expesualy\n", + "roades\n", + "convienced\n", + "simpley\n", + "directionsor\n", + "warmbut\n", + "minumised\n", + "disgaurd\n", + "anexample\n", + "condiotions\n", + "illeal\n", + "fustration\n", + "monotany\n", + "dteach\n", + "acutually\n", + "suggnifucnt\n", + "grandchilderns\n", + "ukarticlesusingyourmobilephonewhiledriving\n", + "nosemouths\n", + "electorl\n", + "equitment\n", + "conflictsituation\n", + "Theface\n", + "cvarefulo\n", + "disatorous\n", + "hieght\n", + "wrighting\n", + "FUNWHEN\n", + "andprevents\n", + "Emotionrecognition\n", + "studets\n", + "writein\n", + "aret\n", + "votessource\n", + "shouild\n", + "bicylces\n", + "cinferencing\n", + "pleaseant\n", + "ideaopinion\n", + "oppents\n", + "realising\n", + "trajedy\n", + "beijingchina\n", + "leval\n", + "Electaral\n", + "expierment\n", + "1824\n", + "enginers\n", + "meathod\n", + "famus\n", + "demned\n", + "DriveMode\n", + "tournamentsfencingboxingreadingand\n", + "shortlyafer\n", + "humbaly\n", + "sadhappybored\n", + "tempatre\n", + "summerso\n", + "350\n", + "bahles\n", + "2009Source\n", + "Garvinarticle11\n", + "selfcheckout\n", + "Adddition\n", + "unaturally\n", + "granteed\n", + "conplet\n", + "8067\n", + "500award\n", + "prosand\n", + "capibilidy\n", + "exciment\n", + "insistuted\n", + "reamember\n", + "pictuers\n", + "Vaule\n", + "blackandwhite\n", + "democratie\n", + "winninfg\n", + "underseers\n", + "Defnse\n", + "sayswhen\n", + "techlongy\n", + "gogle\n", + "emmotions\n", + "cowand\n", + "positoin\n", + "Eletric\n", + "PrseidentNo\n", + "chiocoin\n", + "relationshipsfriendships\n", + "NextIm\n", + "accidentsDelbridge\n", + "267\n", + "Bycicles\n", + "canidatepresidentoffical\n", + "dispare\n", + "Bombomberger\n", + "conveient\n", + "minecraft\n", + "presidentual\n", + "ouselves\n", + "esol\n", + "himherself\n", + "stateI\n", + "emocional\n", + "sentor\n", + "adge\n", + "evidince\n", + "rehibilltate\n", + "awile\n", + "Anyomous\n", + "politicaql\n", + "4175\n", + "insurrance\n", + "plagerising\n", + "realises\n", + "puytting\n", + "questionhas\n", + "consdier\n", + "Hollyood\n", + "visitand\n", + "everybodying\n", + "daysand\n", + "Euroupe\n", + "p15\n", + "crative\n", + "perfrences\n", + "winnertakeitall\n", + "unresposibly\n", + "Represenatatives\n", + "particulartarly\n", + "nonelectoral\n", + "rual\n", + "snadstorm\n", + "entertiainment\n", + "daystornadoesfloods\n", + "contunes\n", + "opitions\n", + "aacording\n", + "vallys\n", + "truested\n", + "drivingschool\n", + "racesand\n", + "trackes\n", + "cummunity\n", + "dangrues\n", + "equired\n", + "mostpowerful\n", + "imagie\n", + "reasonMy\n", + "startsto\n", + "detrermined\n", + "senseor\n", + "Mentaly\n", + "temperatue\n", + "iswell\n", + "exspreshions\n", + "indavujal\n", + "partiipate\n", + "Adittionaly\n", + "decisionsresults\n", + "Wyomigs\n", + "HuangDalto\n", + "expland\n", + "source2\n", + "probalay\n", + "I65\n", + "dangerousand\n", + "stmosphere\n", + "brances\n", + "computier\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "studysome\n", + "fincially\n", + "Howeverthis\n", + "noseand\n", + "theropy\n", + "Somethimes\n", + "baseballfootball\n", + "rescent\n", + "subrub\n", + "obstrain\n", + "counterarguements\n", + "bsiness\n", + "20000\n", + "wellrespected\n", + "conservitives\n", + "conditionsAt\n", + "dirtdustmud\n", + "whenthere\n", + "acsedent\n", + "aceive\n", + "Aleins\n", + "dimminishing\n", + "teenger\n", + "teacer\n", + "frinds\n", + "enhace\n", + "collegein\n", + "challageing\n", + "trynna\n", + "youNo\n", + "yearbut\n", + "obviusly\n", + "possiably\n", + "millinons\n", + "evidnece\n", + "PresientPresidedntect\n", + "Traffics\n", + "manufacurer\n", + "definalty\n", + "convy\n", + "popullation\n", + "onlybut\n", + "balue\n", + "transortation\n", + "decition\n", + "1992\n", + "conentrating\n", + "renound\n", + "Furhter\n", + "preisdental\n", + "resemblant\n", + "paragraps\n", + "Nextit\n", + "askanswer\n", + "assistaing\n", + "landcape\n", + "bisector\n", + "electronices\n", + "conBnuously\n", + "Elizbath\n", + "dangrousbut\n", + "fualt\n", + "baack\n", + "somthinng\n", + "jeproady\n", + "collegeit\n", + "worlde\n", + "incedents\n", + "potosytithsis\n", + "infrease\n", + "activityssports\n", + "Thezebra\n", + "governmentfriendly\n", + "attition\n", + "mid1900s\n", + "spotys\n", + "coarses\n", + "civilations\n", + "highley\n", + "sensrs\n", + "8could\n", + "1970\n", + "fewwer\n", + "cqar\n", + "stragiht\n", + "drivien\n", + "watns\n", + "engagedBy\n", + "homeworkso\n", + "sysrem\n", + "schoolif\n", + "drivible\n", + "haumans\n", + "hundrded\n", + "resreach\n", + "prefferable\n", + "PresidentVice\n", + "softballyou\n", + "offwhite\n", + "prdicted\n", + "moree\n", + "surpriseangerdisgustfearand\n", + "paractical\n", + "disctrating\n", + "nearst\n", + "accomdate\n", + "friends4\n", + "averageit\n", + "clubart\n", + "distanceonline\n", + "RosenthalParagraph\n", + "unnecesscary\n", + "1829\n", + "researchs\n", + "collabortation\n", + "dashbored\n", + "Kindoms\n", + "unbelivably\n", + "tempurature\n", + "quaity\n", + "betrayel\n", + "technologybeing\n", + "whitstand\n", + "modiy\n", + "sampple\n", + "expenseive\n", + "gasis\n", + "palnet\n", + "poisonious\n", + "schoolyou\n", + "arista\n", + "3600\n", + "cluter\n", + "paragah\n", + "sliest\n", + "votesthis\n", + "rehabitation\n", + "5559voters\n", + "etiquate\n", + "favial\n", + "anydifferent\n", + "preisend\n", + "forSource\n", + "adevances\n", + "maek\n", + "environmentalfriendly\n", + "responceability\n", + "Generic_NameYou\n", + "intructors\n", + "Cyodonia\n", + "personhard\n", + "contraditiction\n", + "unfavor\n", + "ecofriendliness\n", + "lifethe\n", + "passionte\n", + "diferentiating\n", + "civillzation\n", + "Eistine\n", + "phsycological\n", + "mindsetsnew\n", + "hospidle\n", + "2841\n", + "roadrage\n", + "consitant\n", + "fiinish\n", + "conclusen\n", + "ninetyfive\n", + "spinechilling\n", + "mmade\n", + "personespecially\n", + "persude\n", + "99\n", + "stufy\n", + "closeist\n", + "mucrey\n", + "Soveriegnty\n", + "icludes\n", + "fahenheit\n", + "conclusionusing\n", + "presidentPosner19\n", + "emontion\n", + "wellWhen\n", + "dealstravelingcollabing\n", + "definetily\n", + "resolutioned\n", + "meracisly\n", + "comcaraccidentcauseofaccidentcellphonecellphonestatistics\n", + "bealeve\n", + "pertect\n", + "machiens\n", + "sulfuris\n", + "meetandgreets\n", + "33700\n", + "FloridaTexasor\n", + "andlearn\n", + "studdents\n", + "theJPL\n", + "poisonfilled\n", + "OUTDADE\n", + "advancemnets\n", + "reasones\n", + "yit\n", + "horesyoung\n", + "dramaticaly\n", + "informantion\n", + "abouve\n", + "computors\n", + "Reald\n", + "inmatating\n", + "RegisterThe\n", + "accuisation\n", + "exactally\n", + "satilite\n", + "probees\n", + "votesare\n", + "presidesy\n", + "apponite\n", + "vallies\n", + "2006\n", + "Firstsome\n", + "clectoral\n", + "sprunglimiting\n", + "Meaninga\n", + "jugdement\n", + "consorning\n", + "packge\n", + "feeld\n", + "becomig\n", + "timefind\n", + "eigther\n", + "smaler\n", + "graden\n", + "exsistent\n", + "Disastor\n", + "countiues\n", + "mediumthat\n", + "techenlogy\n", + "forgert\n", + "saysAstronomers\n", + "denifitely\n", + "ecspeacially\n", + "Yorkian\n", + "eighthindred\n", + "ecetions\n", + "fortunet\n", + "mindand\n", + "happining\n", + "veitcal\n", + "campagign\n", + "embaressed\n", + "ontrol\n", + "technologe\n", + "oposing\n", + "classom\n", + "cerification\n", + "tropedoed\n", + "violtinon\n", + "Lousisiana\n", + "atmosphera\n", + "rquire\n", + "disctracte\n", + "benefital\n", + "Becaues\n", + "basisev\n", + "extracurrcular\n", + "shootingfires\n", + "destenations\n", + "unalianable\n", + "concclusion\n", + "compelte\n", + "number2\n", + "antiquate\n", + "Whydoes\n", + "1998a\n", + "countrieso\n", + "whatelse\n", + "moreit\n", + "explanitory\n", + "diffcultes\n", + "Persident\n", + "aliensit\n", + "Shwinn\n", + "smallerimpact\n", + "atute\n", + "carbin\n", + "smootherquicker\n", + "diferrent\n", + "narow\n", + "humen\n", + "tempetauras\n", + "eyelevel\n", + "electorsthat\n", + "comitee\n", + "untrsutworthhy\n", + "comnmon\n", + "benafitial\n", + "retrived\n", + "Peopel\n", + "gokart\n", + "coensides\n", + "litterly\n", + "ordanery\n", + "Nissian\n", + "adviceto\n", + "modifeid\n", + "imaginationsenus\n", + "intelligentand\n", + "oppese\n", + "descides\n", + "iuf\n", + "technolgie\n", + "littal\n", + "congestio\n", + "pursuading\n", + "baseballvolleyballfencingtable\n", + "effenciency\n", + "useages\n", + "xspace\n", + "Presidentail\n", + "sidways\n", + "perdicts\n", + "obsulte\n", + "purchashing\n", + "studentEckman\n", + "satifised\n", + "ponyes\n", + "imaginatin\n", + "2111\n", + "resarchers\n", + "eiter\n", + "STUDENT_NAMEP\n", + "intertaning\n", + "sparatic\n", + "BogotaColobia\n", + "dangeus\n", + "thike\n", + "realysing\n", + "aurgurably\n", + "practiceand\n", + "govermnet\n", + "choces\n", + "statepopulation\n", + "stayathome\n", + "illnessthe\n", + "unmmaned\n", + "aprogram\n", + "multipl\n", + "counldnt\n", + "phnominon\n", + "Anf\n", + "madsadand\n", + "questionthe\n", + "enforcced\n", + "edvice\n", + "similare\n", + "Cydona\n", + "presidenceand\n", + "consequenes\n", + "Mcgriddle\n", + "sturcture\n", + "seenon\n", + "vacum\n", + "enoyable\n", + "possiblitles\n", + "apperiate\n", + "avode\n", + "clonds\n", + "conclusiondriverless\n", + "alergic\n", + "andpices\n", + "textingdo\n", + "motorskills\n", + "comfotablle\n", + "nodel\n", + "uturns\n", + "volleyballl\n", + "advuce\n", + "partiallydriverless\n", + "spottedCydonia\n", + "desgners\n", + "opporator\n", + "suplement\n", + "oragns\n", + "Seagonig\n", + "pararaph\n", + "resteraunts\n", + "whhile\n", + "GARAGES\n", + "orgteencrashriskspreventiondistracteddrivin\n", + "thinkk\n", + "intimdating\n", + "comtextinganddrivingstatstics\n", + "cahos\n", + "tecnolagy\n", + "feellike\n", + "culturestry\n", + "sussced\n", + "impoent\n", + "scourse\n", + "partywin\n", + "statesyou\n", + "impossble\n", + "imsure\n", + "tmosphere\n", + "403\n", + "disabillities\n", + "fedand\n", + "wasm\n", + "stressfree\n", + "thoguht\n", + "Democratc\n", + "evicence\n", + "envovled\n", + "geograpic\n", + "misinterpretted\n", + "hybridSource\n", + "theroies\n", + "20122018\n", + "inconvieniocing\n", + "deeo\n", + "complainingbut\n", + "ressidense\n", + "tihnk\n", + "disibility\n", + "comfterbul\n", + "snappped\n", + "exression\n", + "similarad\n", + "disisons\n", + "prinicipals\n", + "dwe\n", + "reade\n", + "indistries\n", + "youto\n", + "likewhether\n", + "scientsit\n", + "condisons\n", + "selfreliable\n", + "comregionnewshandsfreelawdropinfatalcrashesmostlymixedresultsarticle_19db27c60e1f11e98435176b758fe77d\n", + "seartan\n", + "saysnew\n", + "evrbodys\n", + "selffulfillment\n", + "fexible\n", + "wizzing\n", + "leassons\n", + "orbiuclas\n", + "predition\n", + "envoice\n", + "chossing\n", + "dissapare\n", + "Colonbians\n", + "representativ\n", + "fearangry\n", + "rait\n", + "buildt\n", + "bouncersomebody\n", + "disput\n", + "Sicerly\n", + "declasring\n", + "starge\n", + "paitent\n", + "privcy\n", + "wacthing\n", + "assignementsteachers\n", + "comspeisy\n", + "accadences\n", + "signales\n", + "takwe\n", + "nuber\n", + "sucssed\n", + "nasisary\n", + "classoom\n", + "usesul\n", + "affct\n", + "fancyness\n", + "treets\n", + "conselor\n", + "Technonoly\n", + "wifeSource\n", + "irrespnsible\n", + "readyyoull\n", + "basisbut\n", + "breain\n", + "nonsabotaged\n", + "artlice\n", + "woring\n", + "stamentsand\n", + "nightafter\n", + "dromatically\n", + "professior\n", + "mysterys\n", + "fo9r\n", + "Studentdesign\n", + "conspirarists\n", + "voterswould\n", + "1314\n", + "opportuntities\n", + "inmagination\n", + "horeses\n", + "siblingyour\n", + "ddo\n", + "discuusign\n", + "mmbe\n", + "compronise\n", + "intereste\n", + "establsihed\n", + "attemtps\n", + "surferes\n", + "debateabout\n", + "naturalborn\n", + "additionstudies\n", + "projectessay\n", + "presidenthow\n", + "mishabs\n", + "diserning\n", + "actice\n", + "seoncd\n", + "accuratly\n", + "genarall\n", + "surpporting\n", + "replaceing\n", + "timperatures\n", + "indecator\n", + "phonerelated\n", + "ruinoff\n", + "towncity\n", + "hybrid7\n", + "foarms\n", + "aspectes\n", + "pyschologists\n", + "theyu\n", + "basiclly\n", + "jazyy\n", + "025\n", + "POWERDo\n", + "enjoyablemotivational\n", + "nonverbalincluding\n", + "wininertakeall\n", + "sastisfed\n", + "justt\n", + "c02\n", + "decideds\n", + "comeconsequently\n", + "preisent\n", + "EctThe\n", + "40319\n", + "safelty\n", + "politition\n", + "procses\n", + "278\n", + "rescach\n", + "fineddiesles\n", + "wnats\n", + "ruffley\n", + "phyci\n", + "thingsespecially\n", + "allincluding\n", + "rodes\n", + "mooney\n", + "isand\n", + "acutul\n", + "whint\n", + "hiredSeagoing\n", + "easyier\n", + "forggoten\n", + "selfdrivingcars\n", + "becuas\n", + "exepernts\n", + "pollitical\n", + "lowerstop\n", + "experianceses\n", + "prioritze\n", + "rearch\n", + "aragument\n", + "studesnts\n", + "manufactored\n", + "hlepful\n", + "Acroplis\n", + "preoceeds\n", + "studyingdoing\n", + "voating\n", + "freego\n", + "emotionsfact\n", + "lamborigini\n", + "schoolits\n", + "genereally\n", + "procrasination\n", + "environmetally\n", + "actuallyu\n", + "bellydown\n", + "doimagine\n", + "osmething\n", + "elcortal\n", + "emotionshappiness\n", + "maguraty\n", + "AirPods\n", + "disel\n", + "advive\n", + "billSAVE\n", + "apresidental\n", + "didand\n", + "itselfs\n", + "scienctifically\n", + "focesed\n", + "peoplecitizens\n", + "questioneds\n", + "TVAttend\n", + "solotions\n", + "upsid\n", + "fundamentaly\n", + "yourselvesetc\n", + "depened\n", + "cirtainly\n", + "Marseveidence\n", + "discisions\n", + "Presidentthird\n", + "squeeks\n", + "orgamisim\n", + "includedEven\n", + "schoolcleaningand\n", + "opionins\n", + "dmost\n", + "cattleboat\n", + "oppritunity\n", + "1Technolgy\n", + "148\n", + "systeme\n", + "orggeorgia\n", + "haveand\n", + "Francem\n", + "studentathlete\n", + "electorsparagraph\n", + "whisely\n", + "examplse\n", + "Lastlythe\n", + "relient\n", + "Pepole\n", + "preesident\n", + "easlly\n", + "stalles\n", + "somth\n", + "atuthor\n", + "tutee\n", + "popualor\n", + "populat\n", + "happiniss\n", + "grapics\n", + "essecive\n", + "acutes\n", + "treams\n", + "peoplenot\n", + "peopleparagraph\n", + "ecample\n", + "bassballbastkball\n", + "succeds\n", + "getyting\n", + "Vauben\n", + "BUtte\n", + "takening\n", + "havde\n", + "envioled\n", + "clounds\n", + "nonswing\n", + "Inconclusin\n", + "passag\n", + "benfiicial\n", + "definintly\n", + "abloshing\n", + "tripsthe\n", + "yopu\n", + "cooaperating\n", + "eletorial\n", + "Envirornmental\n", + "VenusThe\n", + "resolutionThe\n", + "godness\n", + "al0l\n", + "nondemocatic\n", + "elemetry\n", + "Bugati\n", + "Becase\n", + "campiegner\n", + "Elcectral\n", + "trigered\n", + "Aditionally\n", + "Quizizz\n", + "completetion\n", + "Levitton\n", + "texttotext\n", + "mpopular\n", + "exhisted\n", + "contintued\n", + "varry\n", + "graditude\n", + "technologyenhanced\n", + "surprisedthe\n", + "placent\n", + "extrieme\n", + "soits\n", + "havving\n", + "palswe\n", + "lamdform\n", + "coinone\n", + "testsquizes\n", + "comlawlibraryarticletextingwhiledrivinglaws\n", + "assginments\n", + "yorre\n", + "notits\n", + "Acropiles\n", + "possibitiy\n", + "midpart\n", + "friendbut\n", + "distractionsare\n", + "beforeÃÂ\n", + "wlaking\n", + "importanat\n", + "becus\n", + "computerstend\n", + "shandows\n", + "disigned\n", + "satlite\n", + "bestcasescenario\n", + "exsistence\n", + "ahsma\n", + "bringsorder\n", + "ocuring\n", + "aditude\n", + "Enviormental\n", + "Alsodefending\n", + "FijiThailand\n", + "howmany\n", + "inhostible\n", + "artand\n", + "oderly\n", + "experiencesour\n", + "humand\n", + "civlazation\n", + "roover\n", + "trustand\n", + "hikingskating\n", + "1But\n", + "becauseits\n", + "pecedence\n", + "apperared\n", + "sress\n", + "lessonsgamesworksportsinternethabitatstyle\n", + "ovte\n", + "s7018505\n", + "dayand\n", + "Asisting\n", + "impoortan\n", + "Eqytian\n", + "stmospheric\n", + "classroo\n", + "uneque\n", + "selftreated\n", + "livestockand\n", + "importantlypot\n", + "isw\n", + "condistions\n", + "peramedics\n", + "uor\n", + "intesterd\n", + "tooIt\n", + "tsted\n", + "sincerallyPROPER_NAME\n", + "grining\n", + "riets\n", + "itit\n", + "intenssifying\n", + "wonts\n", + "problemssource\n", + "pacients\n", + "timeMalins\n", + "DANT\n", + "way8\n", + "fine31\n", + "disencouraged\n", + "lessinteresting\n", + "outsude\n", + "advange\n", + "hadhave\n", + "erptions\n", + "enivonment\n", + "schoolscolleges\n", + "failiar\n", + "Rehabilitaition\n", + "Hawii\n", + "likerelax\n", + "inviorment\n", + "mischances\n", + "thingd\n", + "Scientits\n", + "chir\n", + "sportsactivities\n", + "valledupar\n", + "Repubilic\n", + "transperations\n", + "booksmagazinesradio\n", + "ISland\n", + "sigtuation\n", + "hadle\n", + "suroundings\n", + "soneone\n", + "sciensts\n", + "boberger\n", + "Focous\n", + "Everythig\n", + "Firstwhen\n", + "partyfundraisersor\n", + "Electora\n", + "accomplishmentsall\n", + "nineoneone\n", + "coolright\n", + "misprepresented\n", + "intersets\n", + "evon\n", + "incntive\n", + "simportantly\n", + "sustem\n", + "knolege\n", + "sizeweather\n", + "2006is\n", + "Kerryyoud\n", + "moneyclothing\n", + "candide\n", + "inisuative\n", + "Fahreneit\n", + "stressin\n", + "boredthat\n", + "factabouttextinganddriving\n", + "selfhand\n", + "feelinf\n", + "precisly\n", + "undersdtand\n", + "enforeced\n", + "sencario\n", + "exaitde\n", + "comapring\n", + "a533\n", + "computerYou\n", + "experion\n", + "oponion\n", + "immedialty\n", + "driffrent\n", + "advantiges\n", + "dierectly\n", + "unimployed\n", + "Miriannette\n", + "thirtysome\n", + "coventions\n", + "enus\n", + "XYZs\n", + "handleing\n", + "emissisions\n", + "partisapatein\n", + "spacecafts\n", + "insurancethen\n", + "liberalvoting\n", + "600pm\n", + "hoursor\n", + "Bradofrd\n", + "corrsive\n", + "Computors\n", + "pleade\n", + "Electoreal\n", + "charchaterists\n", + "quesHas\n", + "worldchanger\n", + "streight\n", + "fedding\n", + "theroys\n", + "thuink\n", + "voteThe\n", + "customly\n", + "whyo\n", + "particapated\n", + "heathier\n", + "uslegal\n", + "challegings\n", + "fortyfour\n", + "minent\n", + "eventhink\n", + "studentsEngineers\n", + "intellegiance\n", + "offerEach\n", + "honestely\n", + "nickmaed\n", + "cirleing\n", + "tobepresident\n", + "responablaite\n", + "sudicial\n", + "Expalning\n", + "catasrophic\n", + "hoverig\n", + "efficiancy\n", + "disadventage\n", + "abundancy\n", + "populare\n", + "imformed\n", + "eatch\n", + "complants\n", + "comfaqautosafetydangertextingdriving\n", + "1234\n", + "sacerficed\n", + "veritiy\n", + "Originall\n", + "bookserve\n", + "minimalizing\n", + "desveres\n", + "hlop\n", + "cizitens\n", + "malfunctionsnot\n", + "worldDuffer\n", + "comcaraccidentcauseofaccidentcellphonecellphonestat\n", + "atsmosphere\n", + "authorsthe\n", + "comdistracteddriving100distracteddrivingfactsandstatistics2018\n", + "Spanishspeaking\n", + "shlould\n", + "texttalk\n", + "Juding\n", + "100it\n", + "agruing\n", + "PersonallyI\n", + "telecomuting\n", + "cassualties\n", + "Isnt\n", + "servivable\n", + "reighn\n", + "garagw\n", + "doixide\n", + "14the\n", + "outhor\n", + "anythingsame\n", + "productivly\n", + "phoneonly\n", + "articals\n", + "overcomme\n", + "modofy\n", + "matterPM\n", + "temeratures\n", + "wemen\n", + "sensorssensors\n", + "eygptian\n", + "communtication\n", + "vicepresendent\n", + "Idahoparagraph\n", + "Whilehome\n", + "thorgh\n", + "sayTeam\n", + "classthey\n", + "governemental\n", + "admiaration\n", + "CollegeWhy\n", + "34567\n", + "Bogatas\n", + "commnicate\n", + "Firsti\n", + "1212mph\n", + "hotmess\n", + "controversity\n", + "freedome\n", + "PreCalculus\n", + "advicegiver\n", + "inconviences\n", + "figurelandform\n", + "Antlantic\n", + "diesles\n", + "timerelated\n", + "picturer\n", + "testwin\n", + "UNRRAThe\n", + "advicePeople\n", + "hounist\n", + "Hwoevery\n", + "PromptMy\n", + "cadnidates\n", + "deing\n", + "Senators1\n", + "thereI\n", + "serfice\n", + "ecaouse\n", + "desiscion\n", + "diffficulties\n", + "machanic\n", + "putside\n", + "resonsibilities\n", + "5this\n", + "everydy\n", + "selfmedication\n", + "tournamentsfencing\n", + "contery\n", + "centificate\n", + "Fahrenheight\n", + "therethey\n", + "bordwalk\n", + "Howeverwhen\n", + "maind\n", + "agngle\n", + "prsidents\n", + "time3\n", + "cusent\n", + "beckman\n", + "stopsigns\n", + "morebecause\n", + "technolology\n", + "boyfrindgirlfriend\n", + "taskes\n", + "lamens\n", + "pocess\n", + "evoultion\n", + "expnsive\n", + "reqiured\n", + "imn\n", + "COUNTERCLAIM\n", + "constructer\n", + "sisterplanet\n", + "Sincerally\n", + "lande\n", + "expirence\n", + "definantly\n", + "themBut\n", + "restriictions\n", + "overlycautious\n", + "comuter\n", + "pitcure\n", + "statesLong\n", + "fimmiliar\n", + "phoneA\n", + "Vaudan\n", + "actuallywell\n", + "adleast\n", + "relatonship\n", + "populaty\n", + "issuesissues\n", + "shipAlso\n", + "tecnique\n", + "elcetorial\n", + "abolishin\n", + "decresed\n", + "ssttuf\n", + "acurince\n", + "analazing\n", + "samplesfrom\n", + "bissinesses\n", + "exporation\n", + "decleared\n", + "contrirbute\n", + "wist\n", + "somepople\n", + "deligates\n", + "intereseting\n", + "200018\n", + "20ntys\n", + "zery\n", + "Bomberer\n", + "ablitily\n", + "ofnegative\n", + "Phareoh\n", + "adchieve\n", + "inconvinice\n", + "runis\n", + "Esspecially\n", + "fiar\n", + "auncle\n", + "129\n", + "nonLCPS\n", + "conferencesPROPER_NAME\n", + "piking\n", + "apporiate\n", + "indepthly\n", + "photoes\n", + "workm\n", + "aticle\n", + "Nixonin\n", + "unsucsessful\n", + "18year\n", + "sidetopic\n", + "sufaces\n", + "refrred\n", + "expreience\n", + "electorselectors\n", + "faceP5\n", + "Statesparagraph\n", + "boxedand\n", + "canadidates\n", + "assuotions\n", + "finily\n", + "gonnna\n", + "personallyit\n", + "capacitiy\n", + "mounth\n", + "pixalation\n", + "stroungly\n", + "asamine\n", + "impornted\n", + "vigourusly\n", + "sameone\n", + "ectMeaning\n", + "curupt\n", + "12What\n", + "nondemocraric\n", + "crashingAndrew\n", + "oceansHe\n", + "WouldnÃÂt\n", + "akiens\n", + "scholing\n", + "Butthen\n", + "pollion\n", + "infernace\n", + "thoroghfare\n", + "atmosherpic\n", + "postivie\n", + "leastIn\n", + "withot\n", + "classess\n", + "papragraph\n", + "unshape\n", + "rollong\n", + "reprents\n", + "everyines\n", + "winlose\n", + "shinney\n", + "opipion\n", + "eomtion\n", + "thereself\n", + "orention\n", + "2001\n", + "sunrail\n", + "passenge\n", + "stressrelieving\n", + "pingpongcricketor\n", + "strted\n", + "VolleyballTableTennisBoxingfencingand\n", + "animles\n", + "occurace\n", + "doseant\n", + "camopaighn\n", + "mockus\n", + "then1\n", + "suvase\n", + "Inconcluson\n", + "wouldÃÂve\n", + "immposible\n", + "drivecontrol\n", + "soppoust\n", + "hpw\n", + "algore\n", + "pm3\n", + "assginment\n", + "6064000\n", + "Yenina\n", + "FACSis\n", + "ineffeciant\n", + "scandaled\n", + "pointsin\n", + "diffenert\n", + "disgrusted\n", + "storge\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "thuroughly\n", + "preocupied\n", + "emtions\n", + "occasionary\n", + "5132\n", + "planetsnapping\n", + "nowfunction\n", + "thatstudents\n", + "apreciated\n", + "anachronis\n", + "spulution\n", + "emmitions\n", + "accumalates\n", + "benenfits\n", + "Coyboys\n", + "studentstherefore\n", + "vence\n", + "targey\n", + "fearfulland\n", + "disterb\n", + "sensos\n", + "tivate\n", + "candidateOffice\n", + "accomplishements\n", + "himstudents\n", + "ecosism\n", + "warso\n", + "maiking\n", + "unlist\n", + "electoreal\n", + "isits\n", + "electionsAs\n", + "accessiable\n", + "equipmentand\n", + "uprises\n", + "earthqukes\n", + "comprosdrivingcellphoneuse5499629\n", + "signifacant\n", + "CarsWhen\n", + "wqual\n", + "weightiong\n", + "pasage\n", + "gascar\n", + "againstudents\n", + "examplepeople\n", + "swearving\n", + "debunkprove\n", + "cenarios\n", + "adiction\n", + "aleats\n", + "valuablein\n", + "middel\n", + "proparly\n", + "dippresion\n", + "Haveing\n", + "CULPTURE\n", + "Yeahits\n", + "misblaming\n", + "Sociolagists\n", + "genorated\n", + "incredable\n", + "delegators\n", + "conspriacy\n", + "somerting\n", + "Politicts\n", + "machienes\n", + "fuler\n", + "Canalall\n", + "jeil\n", + "sightslike\n", + "Conclucion\n", + "affrodable\n", + "darte\n", + "Itally\n", + "organizedwork\n", + "tripsThe\n", + "chhange\n", + "Hasnt\n", + "oreder\n", + "confuct\n", + "bringging\n", + "presdint\n", + "restruction\n", + "andnformed\n", + "areTwoit\n", + "seventyfirst\n", + "himbecause\n", + "orgfactsheetmobile\n", + "fullfils\n", + "everydaythats\n", + "perphaps\n", + "applicating\n", + "coummication\n", + "MittRomney\n", + "knowloge\n", + "Clintin\n", + "programthe\n", + "exubernt\n", + "NObody\n", + "landeform\n", + "formiller\n", + "preseidential\n", + "Certifcate\n", + "greenhoudse\n", + "acsadints\n", + "eassay\n", + "pharaohbut\n", + "peoplethings\n", + "Maany\n", + "perposed\n", + "statesTexting\n", + "polutted\n", + "emotionrecongnition\n", + "schoolforcing\n", + "Policy2\n", + "esery\n", + "privide\n", + "reguar\n", + "postivite\n", + "Cellege\n", + "YouTubeGoogle\n", + "parial\n", + "negavtives\n", + "herting\n", + "electoes\n", + "poopoo\n", + "intrestiong\n", + "candiaite\n", + "motifying\n", + "VenusParagraph\n", + "coditions\n", + "eoconomy\n", + "developted\n", + "enouough\n", + "breaki\n", + "aboished\n", + "backe\n", + "selfmanaged\n", + "shutls\n", + "unfairmoreso\n", + "figuer\n", + "presindent\n", + "wonwerfulaventure\n", + "positivie\n", + "bondget\n", + "incoventent\n", + "receved\n", + "4054\n", + "apreciation\n", + "seames\n", + "erths\n", + "malins\n", + "psyologist\n", + "itsnt\n", + "trustworthier\n", + "rour\n", + "maufacture\n", + "istince\n", + "provieds\n", + "Buzzfeednews\n", + "probelems\n", + "accidenets\n", + "litterily\n", + "somewehere\n", + "marvouls\n", + "winntertakeall\n", + "curoisity\n", + "Whatis\n", + "timespassing\n", + "pacethan\n", + "Decaon\n", + "23mph\n", + "NBCNews\n", + "prestdent\n", + "Allinall\n", + "pshychologist\n", + "reaseach\n", + "drasticwe\n", + "Kennedy2\n", + "aouthors\n", + "conveinient\n", + "Kerryqoute\n", + "facter\n", + "roadsNHTSA\n", + "responcebilities\n", + "ofect\n", + "67\n", + "yeling\n", + "souch\n", + "driverlesss\n", + "seking\n", + "impossibletraveling\n", + "whenevera\n", + "Lastlyyou\n", + "presidentPlumer\n", + "arthor\n", + "abble\n", + "mountainsand\n", + "allstudents\n", + "mentiond\n", + "argumentsin\n", + "comlete\n", + "kneehigh\n", + "AFLCio\n", + "havering\n", + "instructorDAlto\n", + "eventully\n", + "accuaracy\n", + "viewsand\n", + "itFacial\n", + "everydsy\n", + "advantegious\n", + "jamspara20\n", + "upWhile\n", + "SSFord\n", + "drasticallly\n", + "ludacrisy\n", + "timeas\n", + "4572\n", + "devolopment\n", + "storesworkairports\n", + "resposibilty\n", + "statingIn\n", + "explinations\n", + "Desputes\n", + "Interstate94\n", + "etcand\n", + "amanzing\n", + "foodsnack\n", + "solors\n", + "paym\n", + "benifeiting\n", + "goses\n", + "goining\n", + "rarehowever\n", + "overthesummer\n", + "nessasary\n", + "of\n", + "answred\n", + "worksto\n", + "afe\n", + "responsiblty\n", + "AnnoyinglyRepetitive\n", + "shuldnt\n", + "garrages\n", + "incarentertaimnet\n", + "subjets\n", + "Representitaves\n", + "recounnt\n", + "haoory\n", + "dominatly\n", + "wereshipped\n", + "elelcectors\n", + "EarthquakesVolcanoes\n", + "miriror\n", + "immeditately\n", + "Duffer8\n", + "keeep\n", + "creted\n", + "disiplinary\n", + "gradution\n", + "reaslly\n", + "havewhen\n", + "basebalvolyballtable\n", + "continuesly\n", + "buliling\n", + "usThey\n", + "345\n", + "asapects\n", + "intstead\n", + "complesion\n", + "yourn\n", + "manely\n", + "49\n", + "procrastinatorsthey\n", + "bistanders\n", + "surcure\n", + "contarversial\n", + "tournamentsfencingboxingreadingwhittling\n", + "votingUnder\n", + "deveices\n", + "princiapal\n", + "whever\n", + "Teahcers\n", + "INCASE\n", + "limeit\n", + "exetra\n", + "polticans\n", + "presudent\n", + "fasanating\n", + "instanceIn\n", + "occupationtalk\n", + "thingsour\n", + "biliions\n", + "investagator\n", + "altimentry\n", + "illiminate\n", + "nomitanted\n", + "actionssuch\n", + "ranom\n", + "emotinal\n", + "photosand\n", + "arguemnt\n", + "orgfactstatisticfactsstatisticsdistracteddriving\n", + "constrac\n", + "raley\n", + "DearPrincipal\n", + "TribuneThat\n", + "FinallyTo\n", + "cuntinue\n", + "1920s\n", + "crashs\n", + "counsloe\n", + "schoolclasses\n", + "rased\n", + "seemslike\n", + "thuat\n", + "actualiy\n", + "creeatures\n", + "stormsor\n", + "schoolbut\n", + "informationhe\n", + "scify\n", + "densityand\n", + "parentsteacherand\n", + "clesses\n", + "passneger\n", + "transportationor\n", + "PEOPL\n", + "siguation\n", + "recined\n", + "Wooseres\n", + "edvanture\n", + "thaught\n", + "beatful\n", + "dependant\n", + "Additinally\n", + "obatin\n", + "advavtages\n", + "bodyart\n", + "monater\n", + "canpain\n", + "artclle\n", + "chooseing\n", + "decifer\n", + "tallyed\n", + "aviods\n", + "ingrdients\n", + "probibility\n", + "elderlydisabled\n", + "60Nm\n", + "planetay\n", + "thout\n", + "permittedthe\n", + "phonesTexting\n", + "statesThis\n", + "nonassisting\n", + "withone\n", + "manufactor\n", + "hrsglive\n", + "bogotaIts\n", + "gov4reasonswhyyoushouldnttextanddrive\n", + "assk\n", + "gert\n", + "pricent\n", + "surorise\n", + "winnwertakeall\n", + "happierthe\n", + "smel\n", + "unexeptalbe\n", + "430pm\n", + "collegeWhen\n", + "anamals\n", + "likeprocrastinationlack\n", + "obsolite\n", + "chilldren\n", + "knoww\n", + "eletion\n", + "majoritry\n", + "environtmentally\n", + "2600\n", + "madeprogramed\n", + "articla\n", + "recionization\n", + "smoglike\n", + "ablr\n", + "Edgarsynder\n", + "Lukke\n", + "actsident\n", + "whichcan\n", + "typesb\n", + "matanince\n", + "hazzardly\n", + "disaplelty\n", + "resotres\n", + "Accropolis\n", + "5Within\n", + "vallyes\n", + "clothesfoodand\n", + "perfoorm\n", + "thereAll\n", + "whatll\n", + "desgrees\n", + "studentsummerpacketdesigners\n", + "internetand\n", + "573\n", + "effectivelly\n", + "proifficent\n", + "situatuion\n", + "eroup\n", + "47\n", + "reraining\n", + "amjor\n", + "explainsImagine\n", + "EuropechinaAcropolis\n", + "friendsa\n", + "devemplmant\n", + "11976\n", + "ancent\n", + "countrylike\n", + "thougths\n", + "certanty\n", + "fromPROPER_NAME\n", + "ruinsstructuresand\n", + "MercedesBenz\n", + "appearentley\n", + "eurupting\n", + "dirverless\n", + "spreeions\n", + "temparture\n", + "knowingtheir\n", + "woulve\n", + "learnd\n", + "electrolal\n", + "mosre\n", + "matieral\n", + "discusable\n", + "prodes\n", + "Vesus\n", + "inclimate\n", + "eirth\n", + "oppiouns\n", + "uncapable\n", + "comminicate\n", + "foundSo\n", + "finedaccording\n", + "purposesThey\n", + "exprimental\n", + "understaand\n", + "prise\n", + "transportationRosenthal\n", + "democrafts\n", + "walkits\n", + "Largescale\n", + "SnapChat\n", + "cicies\n", + "intternational\n", + "pewinternet\n", + "wrisking\n", + "Moutans\n", + "Aaction\n", + "sspeed\n", + "sportsbecause\n", + "stayedwe\n", + "spyed\n", + "edodomey\n", + "govornment\n", + "slection\n", + "understanable\n", + "herei\n", + "permition\n", + "commerceand\n", + "musclesin\n", + "amuzed\n", + "Venusmaybe\n", + "carintensove\n", + "isformed\n", + "andc\n", + "nejoyment\n", + "inserince\n", + "gasusage\n", + "scareded\n", + "AlsoYou\n", + "eplains\n", + "expertfaces\n", + "advencher\n", + "attenion\n", + "photogrophy\n", + "athor\n", + "hepful\n", + "thisw\n", + "partisipate\n", + "peiceof\n", + "turo\n", + "Problaby\n", + "incoorperating\n", + "sead\n", + "perfectily\n", + "predictsA\n", + "constists\n", + "tremeandosly\n", + "bacuese\n", + "canadents\n", + "TwentyFirst\n", + "tightlyknit\n", + "prictures\n", + "dangorious\n", + "muchhappier\n", + "endallbeall\n", + "heatlhy\n", + "scariface\n", + "neccsary\n", + "grtaeful\n", + "freeAuthor\n", + "favriot\n", + "FinallyThe\n", + "happinesssurpriseangerdisgust\n", + "doess\n", + "amerca\n", + "conspirasy\n", + "2500\n", + "impossable\n", + "ppeople\n", + "typicaly\n", + "colclusion\n", + "Fahrenhiet\n", + "thoghts\n", + "glabal\n", + "dident\n", + "houror\n", + "prersednt\n", + "diffdent\n", + "comdistracteddrivingreport2018\n", + "carborderline\n", + "Sysytem\n", + "domesticalise\n", + "prabably\n", + "decideif\n", + "unic\n", + "HandFree\n", + "fiftyfive\n", + "lastpopular\n", + "oction\n", + "countinue\n", + "iminate\n", + "obsticle\n", + "pressureheatand\n", + "StatesRosenthal\n", + "nessary\n", + "staes\n", + "democrtic\n", + "importantAlso\n", + "unconsitional\n", + "carinsuranceyou\n", + "cadinate\n", + "leftrear\n", + "prouduce\n", + "volcaneo\n", + "advantedg\n", + "awayout\n", + "Upmost\n", + "paragrahp\n", + "DAY_MONTH_YEAR\n", + "freeely\n", + "humes\n", + "seethink\n", + "homeAnother\n", + "satifed\n", + "sentunmanded\n", + "frommultiple\n", + "Collegeparagraph\n", + "tecnolgy\n", + "acknowledgement\n", + "probuly\n", + "anaschornism\n", + "hearn\n", + "electionsource\n", + "sceptics\n", + "loosoing\n", + "orbitior\n", + "Unhapiness\n", + "TheSeagoing\n", + "nosemouth\n", + "traffict\n", + "runninh\n", + "woldnt\n", + "responbile\n", + "Drivng\n", + "collegebecause\n", + "nasesary\n", + "feelunng\n", + "prederminated\n", + "condetions\n", + "snet\n", + "nobodywould\n", + "accesssible\n", + "completelyI\n", + "aceidents\n", + "woulike\n", + "purfur\n", + "idahosays\n", + "canadite\n", + "slimtonone\n", + "sceptical\n", + "considerationg\n", + "angersadnessintentor\n", + "parighraph\n", + "leaderand\n", + "recognizd\n", + "sastisfaction\n", + "pursure\n", + "Learing\n", + "victom\n", + "Studentsdesign\n", + "2239000\n", + "faild\n", + "carbob\n", + "proggramed\n", + "happenthe\n", + "lifestyleor\n", + "motavation\n", + "itema\n", + "atompshere\n", + "seator\n", + "feasco\n", + "selelction\n", + "selfchosen\n", + "towardan\n", + "craney\n", + "subjecttopic\n", + "critearia\n", + "studentsother\n", + "aricles\n", + "feelsing\n", + "mappier\n", + "1920\n", + "chboose\n", + "muchGeneric_Name\n", + "imopratnt\n", + "puppiescats\n", + "exrecular\n", + "world1\n", + "manufacturere\n", + "upster\n", + "consentrates\n", + "isWhat\n", + "Expessially\n", + "Globsl\n", + "preisential\n", + "yearsbut\n", + "thirtyfive\n", + "whike\n", + "cpuld\n", + "eqyal\n", + "Seacattleing\n", + "mobody\n", + "Jungkook\n", + "pargrafe\n", + "peoles\n", + "hjave\n", + "conclusionthats\n", + "pointts\n", + "temperatureis\n", + "parttake\n", + "baseed\n", + "plaent\n", + "fasinated\n", + "foodssail\n", + "Vinice\n", + "historty\n", + "Drivreless\n", + "Itsbasically\n", + "comlibraryvanclawyereconomicandcomprehensiveautoaccidentcosts\n", + "effectiently\n", + "reasonFor\n", + "roboticlike\n", + "suurvived\n", + "unfirmilar\n", + "whoeer\n", + "excced\n", + "abke\n", + "rocksgasetc\n", + "movementsemotions\n", + "punishmentsi\n", + "recearch\n", + "electorically\n", + "famileis\n", + "themstudents\n", + "selfsufficiency\n", + "prestidential\n", + "delte\n", + "nineone\n", + "polital\n", + "dergurous\n", + "diside\n", + "decive\n", + "cellfone\n", + "sufficant\n", + "onall\n", + "plentful\n", + "handnot\n", + "audults\n", + "enjoyful\n", + "deffinatly\n", + "continutes\n", + "aboutat\n", + "allBradford\n", + "fensing\n", + "hungryhe\n", + "rearends\n", + "obsoleit\n", + "Ascertainent\n", + "tennisboxing\n", + "BBut\n", + "moonlanding\n", + "dopamines\n", + "Selfeducation\n", + "comdistracteddrivingstatistics\n", + "physicaly\n", + "emmecely\n", + "enveavors\n", + "wreckes\n", + "mountes\n", + "regerstration\n", + "presidentcurrently\n", + "adiment\n", + "opiniion\n", + "sizeparagraph\n", + "1students\n", + "roadetc\n", + "peopleelectors\n", + "preelected\n", + "erences\n", + "thatGoogles\n", + "amgin\n", + "takesEarth\n", + "operateing\n", + "opportuinities\n", + "overbear\n", + "wcich\n", + "thepopulations\n", + "landformbecause\n", + "playwalk\n", + "pantsshoesthe\n", + "sincest\n", + "wayRosenthal\n", + "assiment\n", + "schoolSome\n", + "vioce\n", + "teachingassignment\n", + "promiting\n", + "desighned\n", + "furtienate\n", + "alens\n", + "tempreture\n", + "helpul\n", + "Begjing\n", + "conclusoin\n", + "inplying\n", + "valuale\n", + "srrived\n", + "exprecion\n", + "problemn\n", + "mnaybe\n", + "htey\n", + "somekids\n", + "notifly\n", + "didit\n", + "suffecient\n", + "partime\n", + "selfdirected\n", + "Generic_Schools\n", + "horsesyoung\n", + "sarted\n", + "doi9ng\n", + "oppossing\n", + "planig\n", + "gelogy\n", + "electedNo\n", + "Whilestudents\n", + "Electortal\n", + "quotethey\n", + "happemning\n", + "votets\n", + "takeall\n", + "nonono\n", + "lookand\n", + "Wll\n", + "wannted\n", + "desided\n", + "tie18\n", + "unbarably\n", + "constructs3d\n", + "applogizing\n", + "125\n", + "pulloting\n", + "particicpate\n", + "happysadmadand\n", + "2This\n", + "distination\n", + "convinence\n", + "winnwe\n", + "strigh\n", + "understnad\n", + "petyy\n", + "proogram\n", + "temreture\n", + "reprecautions\n", + "therist\n", + "idencitlea\n", + "potetially\n", + "heymaybe\n", + "suppored\n", + "methos\n", + "92\n", + "marize\n", + "nodriving\n", + "LIsa\n", + "boxingreadingwhittling\n", + "selfevaluation\n", + "remids\n", + "projectswe\n", + "realesed\n", + "absoutly\n", + "acual\n", + "presidebts\n", + "sportssports\n", + "adviseopinion\n", + "comfor\n", + "sportsbut\n", + "colitions\n", + "Institutefor\n", + "teengers\n", + "acients\n", + "allieviate\n", + "sening\n", + "grocerey\n", + "91011\n", + "VeniceItalystreets\n", + "Sinscerely\n", + "XYs\n", + "statee\n", + "pargraph\n", + "qill\n", + "Automobeal\n", + "oceanwhere\n", + "strected\n", + "ruls\n", + "revolation\n", + "construt\n", + "extraoridnary\n", + "mulces\n", + "imporovement\n", + "relised\n", + "shadown\n", + "anonomys\n", + "system1\n", + "teachingimproving\n", + "higschool\n", + "cindidate\n", + "boredand\n", + "Vensu\n", + "injuryLevey\n", + "mutilple\n", + "avanced\n", + "thourgh\n", + "collegethey\n", + "amaxing\n", + "morevoting\n", + "doTherefore\n", + "unright\n", + "eithor\n", + "advancemnts\n", + "årgument\n", + "argueably\n", + "viilents\n", + "Unfortununtly\n", + "sotrms\n", + "eventother\n", + "axcidents\n", + "concideration\n", + "critisim\n", + "happyworriedetc\n", + "realalistic\n", + "presidentUsing\n", + "conveinant\n", + "etextbooks\n", + "aroundthehouse\n", + "aboutb\n", + "educationrelated\n", + "kerryyoud\n", + "evertyday\n", + "expensie\n", + "Bradfor\n", + "focest\n", + "droup\n", + "dessions\n", + "placessights\n", + "percant\n", + "colaps\n", + "easierand\n", + "anyonenot\n", + "wriitting\n", + "traves\n", + "oversink\n", + "alldesigning\n", + "constuct\n", + "nineten\n", + "distractred\n", + "realeasing\n", + "diffuculty\n", + "subjectable\n", + "dould\n", + "supposted\n", + "rute\n", + "inpires\n", + "accsess\n", + "Hellow\n", + "Furthuring\n", + "schoolthrough\n", + "soccar\n", + "welleducated\n", + "bothed\n", + "conquor\n", + "comfortableconfident\n", + "curriculumstyle\n", + "peoplem\n", + "ultamantly\n", + "dontt\n", + "gmabling\n", + "fewyour\n", + "similarties\n", + "libertairian\n", + "510ths\n", + "humantrafficking\n", + "apy\n", + "journy\n", + "spurios\n", + "httpsinfotracer\n", + "cloeser\n", + "converible\n", + "restruant\n", + "forbidded\n", + "12315\n", + "smller\n", + "ParisFrance\n", + "nonimportant\n", + "thinkig\n", + "asspost\n", + "vauable\n", + "zeppline\n", + "revoultionary\n", + "pixal\n", + "agoprobably\n", + "Mayeb\n", + "dilivering\n", + "saysNot\n", + "Contutution\n", + "motvational\n", + "streetswith\n", + "mouthMeanwhilemuscles\n", + "easilyaccessible\n", + "idividual\n", + "imagaery\n", + "itme\n", + "CARLESSLY\n", + "BeforeYou\n", + "substancle\n", + "votessorts\n", + "sportsphysical\n", + "humin\n", + "easterncoast\n", + "marvled\n", + "nomineeRichard\n", + "exampleShes\n", + "2121\n", + "result70\n", + "allencompassing\n", + "contravercial\n", + "jush\n", + "notfo\n", + "sourroundings\n", + "exposded\n", + "summershe\n", + "simalarites\n", + "astudies\n", + "draving\n", + "Elelctoral\n", + "proes\n", + "producin\n", + "wroung\n", + "oryou\n", + "suthor\n", + "polutiion\n", + "pursuades\n", + "extraordinarry\n", + "beignable\n", + "MILLIONSMOG\n", + "presidentPlumer12\n", + "silicorn\n", + "comcellphonesandotherdriverdistractions462423\n", + "eals\n", + "recklace\n", + "casethe\n", + "storger\n", + "appreate\n", + "learnit\n", + "puruit\n", + "Itly\n", + "enjoyand\n", + "helpingbut\n", + "teenagersthey\n", + "dailey\n", + "presidecny\n", + "assumpiton\n", + "391000\n", + "breake\n", + "rerefration\n", + "UNenjoyable\n", + "FirefightersParametics\n", + "Wynoming\n", + "tharefore\n", + "demonstartes\n", + "mothernature\n", + "exampleGeneric_Namea\n", + "southnorthwestetc\n", + "reconginze\n", + "studenets\n", + "Crundall\n", + "sportsactivty\n", + "tallys\n", + "roadwroks\n", + "resolition\n", + "choicewhichever\n", + "oppourity\n", + "passeneger\n", + "iceskating\n", + "opperable\n", + "1999\n", + "distiguish\n", + "wrecksetc\n", + "millioner\n", + "dayBTS\n", + "accesable\n", + "telecommutung\n", + "asubject\n", + "iseveryone\n", + "lostconfusedgoing\n", + "nowand\n", + "selfes\n", + "tuched\n", + "nursinghome\n", + "aveerage\n", + "shuley\n", + "vuce\n", + "FranceItalyJapanChinaPolandGermanyand\n", + "elecotoral\n", + "communicatitng\n", + "highfashioned\n", + "illegaleven\n", + "emensly\n", + "Greese\n", + "mimize\n", + "handandhand\n", + "Heuidrun\n", + "albe\n", + "opioions\n", + "1947Luke\n", + "articlethe\n", + "interfrence\n", + "asignment\n", + "focustheir\n", + "vehicle1\n", + "anneminities\n", + "researchstudy\n", + "pressureheat\n", + "lifeproviding\n", + "partically\n", + "indrustries\n", + "revelaved\n", + "beWeather\n", + "pllution\n", + "helpfullness\n", + "manerfaactured\n", + "ventually\n", + "aboloishing\n", + "definelty\n", + "carsinvented\n", + "Asucnion\n", + "tecnologic\n", + "chellenging\n", + "MOCMars\n", + "embarasing\n", + "meteroid\n", + "viens\n", + "workbeing\n", + "planitary\n", + "inncodent\n", + "toool\n", + "haert\n", + "yourbest\n", + "adminstation\n", + "moremore\n", + "limitig\n", + "ninetys\n", + "promortion\n", + "somentimes\n", + "edcation\n", + "expasive\n", + "comunnnication\n", + "erputing\n", + "regconise\n", + "coyuld\n", + "uthe\n", + "counselour\n", + "Dle\n", + "FaceMalins\n", + "Collegeyou\n", + "athore\n", + "teachersbut\n", + "excpressions\n", + "14999999\n", + "nessisarly\n", + "knowes\n", + "prophesier\n", + "Firststudent\n", + "LIsas\n", + "govroadsafetyteendriving\n", + "benificiary\n", + "goning\n", + "diffinetly\n", + "essaywe\n", + "disigning\n", + "hhmm\n", + "unproductable\n", + "opinionanswer\n", + "pertisipating\n", + "stressgreenhouse\n", + "nowasked\n", + "changte\n", + "Geogre\n", + "despiting\n", + "greatbut\n", + "soulution\n", + "classTeachers\n", + "connotated\n", + "lerning\n", + "disaled\n", + "CollegeFive\n", + "1900showever\n", + "thatme\n", + "hundredthousands\n", + "594\n", + "unevenpitted\n", + "mosy\n", + "K12\n", + "emostional\n", + "veuns\n", + "conclusionThis\n", + "electrol\n", + "obivious\n", + "muscleabove\n", + "volunteerbased\n", + "nonfundamental\n", + "atomspheric\n", + "benefitual\n", + "epensive\n", + "representativeswhere\n", + "ceated\n", + "uderstand\n", + "becaming\n", + "aferther\n", + "elaborite\n", + "wouldd\n", + "teachermade\n", + "counclers\n", + "strangth\n", + "Paraguays\n", + "destiantion\n", + "117\n", + "erriy\n", + "constitition\n", + "smarterand\n", + "intoducing\n", + "candadite\n", + "conquicences\n", + "Gemrany\n", + "LastName\n", + "1946\n", + "dthey\n", + "comnewswhysomanypeopletextanddriveknowingdangers\n", + "highlt\n", + "donow\n", + "esstential\n", + "630kg\n", + "sondaughter\n", + "triat\n", + "revield\n", + "popupal\n", + "emptional\n", + "toohot\n", + "graster\n", + "Peolpe\n", + "preequasite\n", + "yourselfe\n", + "Covid19\n", + "democratice\n", + "anytype\n", + "malfinction\n", + "struggeling\n", + "opportunite\n", + "macheines\n", + "pedestrianfriendly\n", + "everywear\n", + "beneifical\n", + "labtop\n", + "caror\n", + "tradistion\n", + "electronicshave\n", + "Thoes\n", + "intensifiying\n", + "driveand\n", + "deffinataly\n", + "rogh\n", + "certainally\n", + "factorPlumer\n", + "bulliedbut\n", + "confrencing\n", + "wno\n", + "smogSource\n", + "outcomesecond\n", + "miraculosly\n", + "baceballvoleballtable\n", + "derastically\n", + "injurines\n", + "certein\n", + "dYou\n", + "opperated\n", + "proem\n", + "430\n", + "romeny\n", + "forDont\n", + "tesing\n", + "thattaking\n", + "thatat\n", + "assummed\n", + "Temuji\n", + "DIspite\n", + "thopugh\n", + "threendecades\n", + "scientifics\n", + "wathman\n", + "bottem\n", + "healthycaleberate\n", + "blamethe\n", + "elseand\n", + "seid\n", + "plularity\n", + "suceceed\n", + "relable\n", + "privides\n", + "opinionthe\n", + "poppping\n", + "wondring\n", + "surroundng\n", + "passesnger\n", + "perious\n", + "adventer\n", + "wisenes\n", + "collegeor\n", + "increseasing\n", + "Presidants\n", + "takink\n", + "ruins44\n", + "challeneg\n", + "studentdesgined\n", + "chossen\n", + "bikescarpoolor\n", + "desierable\n", + "ramdomly\n", + "planit\n", + "Secondproblems\n", + "coem\n", + "safre\n", + "becomine\n", + "interagations\n", + "tonighteven\n", + "forom\n", + "semdimg\n", + "comouter\n", + "irrelivant\n", + "isea\n", + "earh\n", + "aptnosphere\n", + "boxedTable\n", + "funthat\n", + "reasoures\n", + "elctors538\n", + "communitry\n", + "studyung\n", + "pors\n", + "termhumans\n", + "expirences\n", + "americns\n", + "touced\n", + "skeep\n", + "lazyif\n", + "2540\n", + "acully\n", + "evaning\n", + "keptand\n", + "cclaim\n", + "Grambell\n", + "muitipule\n", + "perents\n", + "mwindsheilkd\n", + "gondala\n", + "octions\n", + "disadvante\n", + "rideing\n", + "stateS3\n", + "siple\n", + "Astronmers\n", + "tyhese\n", + "disagrue\n", + "adavces\n", + "complecated\n", + "perciving\n", + "parrgraph\n", + "healthIts\n", + "stuednts\n", + "Selfdriving\n", + "analyizes\n", + "revolutionaryRiera\n", + "softwhere\n", + "airlike\n", + "piccked\n", + "thode\n", + "exampleby\n", + "strucken\n", + "brightthe\n", + "strsssed\n", + "classworkor\n", + "senatorplease\n", + "thtne\n", + "bookor\n", + "interfence\n", + "teilling\n", + "abesent\n", + "freedomThey\n", + "EuropeChinaGreece\n", + "Bogta\n", + "juust\n", + "machinecomputure\n", + "iradicate\n", + "timeerasing\n", + "1242011\n", + "reasearchs\n", + "Autombiles\n", + "170\n", + "Iwouldnt\n", + "tother\n", + "woudld\n", + "riged\n", + "tendenci\n", + "carmera\n", + "runnoff\n", + "Whith\n", + "friendsor\n", + "cabable\n", + "siven\n", + "dolike\n", + "GermanyFrancebogota\n", + "grateness\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Continuesly\n", + "patagraph\n", + "Alsomy\n", + "litteral\n", + "placebut\n", + "effitient\n", + "someonjes\n", + "theresource\n", + "teachersthey\n", + "quarentined\n", + "rearly\n", + "Callifornia\n", + "figit\n", + "benifent\n", + "youcould\n", + "activityThis\n", + "maountain\n", + "conclusionthere\n", + "sumerizing\n", + "projectsbut\n", + "votwes\n", + "clourds\n", + "tThis\n", + "minial\n", + "noficiation\n", + "scientest\n", + "sayThen\n", + "procclaiming\n", + "betetr\n", + "modifys\n", + "baseballvolleyballtable\n", + "fourbythree\n", + "garauntee\n", + "venusis\n", + "richared\n", + "Carsurance\n", + "behaivior\n", + "frequrnt\n", + "planetry\n", + "suffisticated\n", + "vehials\n", + "sititution\n", + "tplay\n", + "thirtyeight\n", + "aprobe\n", + "Extracirricular\n", + "acciendent\n", + "malfuntion\n", + "prevailant\n", + "TennisFencingand\n", + "prsidental\n", + "muct\n", + "scientificartistic\n", + "honstly\n", + "jnot\n", + "drivesafely\n", + "com20150503businesshandsfreecarstakewheelandlawisntstoppingthem\n", + "denifical\n", + "ssmart\n", + "wouldntlike\n", + "basedd\n", + "eird\n", + "Smileby\n", + "reconize\n", + "occansionally\n", + "injoing\n", + "tabletenis\n", + "differenthottest\n", + "facon\n", + "shiped\n", + "consquently\n", + "and14\n", + "actuallt\n", + "smogcongestion\n", + "Placesbut\n", + "facetiming\n", + "carersor\n", + "modife\n", + "explorig\n", + "fello\n", + "engnes\n", + "greather\n", + "neters\n", + "tehere\n", + "Califona\n", + "emmisind\n", + "occaionally\n", + "paragraphe\n", + "normallycausing\n", + "theytought\n", + "enyting\n", + "yyou\n", + "2001960\n", + "discribes\n", + "carthis\n", + "weriod\n", + "Muesums\n", + "colleg\n", + "SecondMost\n", + "couldÃÂve\n", + "equalivant\n", + "denisty\n", + "topeople\n", + "rapidlyor\n", + "systemparagraph\n", + "moutains\n", + "arugements\n", + "cousd\n", + "Constistution\n", + "Clintion\n", + "fairboth\n", + "laterlis\n", + "accutually\n", + "eleborate\n", + "tipes\n", + "thiniking\n", + "somoenes\n", + "orther\n", + "avoidment\n", + "uesful\n", + "sportsworking\n", + "opporatunity\n", + "relience\n", + "passageA\n", + "windshieldand\n", + "espression\n", + "entittled\n", + "mayeb\n", + "argumant\n", + "Secondlyone\n", + "oranized\n", + "evcen\n", + "doubtly\n", + "20162020\n", + "fromIf\n", + "126in\n", + "experieance\n", + "uninstinctivly\n", + "arevtaking\n", + "oppisate\n", + "forthem\n", + "benitfits\n", + "pollutionCar\n", + "thisevent\n", + "disfunctions\n", + "sayign\n", + "4lines\n", + "weakin\n", + "EXTINCT\n", + "workplacerest\n", + "alienmade\n", + "Ownig\n", + "uise\n", + "statesThe\n", + "advamcement\n", + "visites\n", + "usageit\n", + "98a\n", + "DRIVERLESS\n", + "senarios\n", + "placesans\n", + "technolegy\n", + "statlite\n", + "clasese\n", + "opinionsyou\n", + "tradiitonal\n", + "plaet\n", + "unpatrioticism\n", + "iterefere\n", + "54\n", + "atates\n", + "helled\n", + "becmoes\n", + "ocasion\n", + "SUBURBLIFE\n", + "abouf\n", + "cracksand\n", + "PAcific\n", + "Egytpioan\n", + "difficlult\n", + "lowself\n", + "rech\n", + "communitiesand\n", + "notesneeds\n", + "prioritites\n", + "sibiling\n", + "doubleedged\n", + "efiicient\n", + "aduilts\n", + "likethis\n", + "classiflied\n", + "nondemocartic\n", + "sadmotivated\n", + "peoole\n", + "procalaimed\n", + "represtative\n", + "pharagraph\n", + "lincense\n", + "constioin\n", + "wellsource\n", + "appealin\n", + "shapeand\n", + "prepective\n", + "processTexting\n", + "knoa\n", + "emotionsDalto\n", + "Beccause\n", + "Firstlythe\n", + "fortion\n", + "regradred\n", + "deploded\n", + "presiodent\n", + "fascinting\n", + "interestedin\n", + "gurst\n", + "personthe\n", + "faimilar\n", + "Mercery\n", + "19\n", + "corrosif\n", + "8000\n", + "240\n", + "produse\n", + "voteDoes\n", + "deeefenses\n", + "manuacturers\n", + "needd\n", + "affortable\n", + "sandsoil\n", + "overcroweded\n", + "worldtraffic\n", + "safetraffic\n", + "limitted\n", + "oftware\n", + "Ubers\n", + "owership\n", + "barrely\n", + "alound\n", + "cocerns\n", + "partsthings\n", + "canadaite\n", + "realling\n", + "baseballtable\n", + "morallity\n", + "careerjob\n", + "48\n", + "selfselection\n", + "iliminate\n", + "runniTherefor\n", + "selfcontrolled\n", + "youk\n", + "othersbut\n", + "Wyomingrepresenting\n", + "densley\n", + "streer\n", + "citiesCali\n", + "occasioal\n", + "descrease\n", + "garbith\n", + "Amature\n", + "surten\n", + "frendships\n", + "Pasific\n", + "thing1\n", + "misshap\n", + "howTraffic\n", + "prefences\n", + "motionradar\n", + "monter\n", + "Westovers\n", + "attentionalways\n", + "howbthe\n", + "slicon\n", + "retangular\n", + "TimmyTurner\n", + "thonk\n", + "necessairily\n", + "studentmade\n", + "electionyou\n", + "pixals\n", + "PITTED\n", + "Thereforthis\n", + "privileche\n", + "parentsfriendsteammatesetc\n", + "eduaction\n", + "neonyellow\n", + "digruntled\n", + "Skelsky\n", + "issometimes\n", + "expresing\n", + "Nostudents\n", + "articleThey\n", + "301\n", + "rapdily\n", + "btter\n", + "saysThey\n", + "fathless\n", + "Leornardo\n", + "prjects\n", + "thoughIt\n", + "disabilt\n", + "druving\n", + "wathcing\n", + "only513so\n", + "Wouldt\n", + "verifiy\n", + "silicons\n", + "surrvive\n", + "runsand\n", + "achievementsgood\n", + "tailpies\n", + "mystreys\n", + "673HandsFree\n", + "Selfmotivated\n", + "pursuite\n", + "thyeclasses\n", + "illistrate\n", + "sectiond\n", + "picuter\n", + "speakinging\n", + "examplify\n", + "alexaand\n", + "1544\n", + "newand\n", + "osme\n", + "hiderance\n", + "endander\n", + "fearFor\n", + "amaterur\n", + "sute\n", + "demonstraste\n", + "repeatidly\n", + "probabnly\n", + "followingCongestion\n", + "jobsissues\n", + "disigns\n", + "advatanges\n", + "councelors\n", + "mostand\n", + "himas\n", + "catastrofic\n", + "teamactivity\n", + "stressfulwhich\n", + "Releif\n", + "Soshe\n", + "xan\n", + "futrure\n", + "Tdriving\n", + "presidentby\n", + "votingdo\n", + "whivh\n", + "captainI\n", + "personalso\n", + "bandwaggon\n", + "airbecause\n", + "statethey\n", + "15341\n", + "Veince\n", + "TimesEven\n", + "bikeskateor\n", + "abiltiy\n", + "rembles\n", + "leared\n", + "sovreign\n", + "esponsible\n", + "calibar\n", + "touristfilled\n", + "difficulities\n", + "thiing\n", + "phonemake\n", + "nonanimated\n", + "pickk\n", + "throughwrok\n", + "accommadate\n", + "genunie\n", + "qaulity\n", + "mignht\n", + "closenit\n", + "analogus\n", + "bumed\n", + "possibaly\n", + "intrenet\n", + "surpice\n", + "schoolcollege\n", + "invenions\n", + "overwheled\n", + "slef\n", + "1Often\n", + "inviroment\n", + "eollege\n", + "learm\n", + "tavel\n", + "arnet\n", + "1950s\n", + "certificat\n", + "meltal\n", + "vehicleTexting\n", + "irrationaloutdated\n", + "Veusian\n", + "Plumer1\n", + "goind\n", + "hicup\n", + "parnts\n", + "studentshoweverit\n", + "foodwater\n", + "noyhave\n", + "drivingand\n", + "porbably\n", + "evindence\n", + "sceints\n", + "extinential\n", + "submarineand\n", + "exampleLong\n", + "brandscolors\n", + "schoolworks\n", + "offtime\n", + "Comlubia\n", + "willshare\n", + "manufacter\n", + "exuausted\n", + "eightythree\n", + "counselars\n", + "creativityand\n", + "weremany\n", + "comingofage\n", + "teendri\n", + "tempetures\n", + "emuissions\n", + "instructorPar\n", + "conncet\n", + "accidant\n", + "sameOnly\n", + "effectful\n", + "AdministationNASA\n", + "poluting\n", + "thesekind\n", + "atill\n", + "recongize\n", + "bringinning\n", + "nowthanks\n", + "Rehabitstion\n", + "projectwith\n", + "marvoluse\n", + "indepent\n", + "restaruants\n", + "becauce\n", + "distaters\n", + "castrophe\n", + "unually\n", + "thinging\n", + "muschle\n", + "ineractions\n", + "survuable\n", + "sydtem\n", + "sshow\n", + "exsples\n", + "Bladford\n", + "telvison\n", + "metnal\n", + "emnviorment\n", + "Intoduction\n", + "nutreal\n", + "revieve\n", + "humanran\n", + "restaurantand\n", + "maajority\n", + "malufunction\n", + "gretest\n", + "desmostrate\n", + "Scinetist\n", + "preveniting\n", + "diseshion\n", + "pressuredbeing\n", + "paralised\n", + "milefunction\n", + "communiucate\n", + "facisinating\n", + "repititon\n", + "horseswe\n", + "legisllayture\n", + "Egyptainstyle\n", + "covored\n", + "agrewith\n", + "anachornsim\n", + "plurilaty\n", + "survialable\n", + "hurtung\n", + "overalltend\n", + "utnil\n", + "puttogether\n", + "burrying\n", + "doneThey\n", + "andger\n", + "Eartth\n", + "elliminated\n", + "grouchery\n", + "healthinessa\n", + "furtists\n", + "potencially\n", + "soemone\n", + "possibliltys\n", + "59\n", + "noltify\n", + "pltekst106449107cellphoneswhiledrivingargumentativeessay\n", + "ChinaEuropeAcropolis\n", + "attendend\n", + "gloomylike\n", + "scedule\n", + "itsimilar\n", + "trasforming\n", + "HisHers\n", + "emotins\n", + "wihtought\n", + "worldSource\n", + "difficukt\n", + "rescourses\n", + "bogta\n", + "comnewstextinganddrivingminnesotateenkillsfatheranddaughter\n", + "nocited\n", + "bicicyle\n", + "boxingreadingand\n", + "sivaks\n", + "RSSubaru\n", + "surpport\n", + "beocming\n", + "blowling\n", + "spacecarft\n", + "neccarly\n", + "source1What\n", + "floridain\n", + "Saegoing\n", + "workethic\n", + "selfdirection\n", + "agument\n", + "houres\n", + "govorned\n", + "Sidwalks\n", + "hitller\n", + "SDSPstudent\n", + "creatvity\n", + "sumester\n", + "ninetythree\n", + "withouht\n", + "execising\n", + "facesome\n", + "regians\n", + "Rommey\n", + "electroal\n", + "Vikking\n", + "perentage\n", + "pandemiclevel\n", + "tailes\n", + "algorithims\n", + "Legslatures\n", + "nessecity\n", + "Thusmaking\n", + "in2019\n", + "SiOWfa15\n", + "smoe\n", + "maajor\n", + "eneyone\n", + "tragidy\n", + "lieablitiy\n", + "exting\n", + "4112020\n", + "presidentas\n", + "driverlessautonomous\n", + "Vaulban\n", + "Colomians\n", + "Summerprojects\n", + "ddthats\n", + "830\n", + "levles\n", + "connetion\n", + "viberating\n", + "teensdriversource\n", + "emotiones\n", + "Gore_\n", + "friens\n", + "abondon\n", + "schoolalso\n", + "friendsLikewise\n", + "asssistance\n", + "informtaion\n", + "venusalso\n", + "claases\n", + "expressionand\n", + "dimentchins\n", + "Firstyou\n", + "trought\n", + "maybeabilities\n", + "Companu\n", + "advantag\n", + "anyon\n", + "allien\n", + "electoralvotevictory\n", + "forfit\n", + "systemeven\n", + "areound\n", + "presidiential\n", + "mobiltiy\n", + "techinuqes\n", + "vereything\n", + "empasize\n", + "celeberties\n", + "Vinking\n", + "60016\n", + "RELATIVE_NAME\n", + "cictizens\n", + "commonso\n", + "bicylcles\n", + "invitied\n", + "nine9\n", + "allIncluding\n", + "22eurofine\n", + "astronomersstarted\n", + "rescaechers\n", + "populae\n", + "pyramidsand\n", + "reasuring\n", + "schdule\n", + "wuakes\n", + "Cenus\n", + "audiecne\n", + "cleaningbathrooms\n", + "relization\n", + "frequend\n", + "Secondsome\n", + "firgured\n", + "arestreet\n", + "helplower\n", + "accurte\n", + "defrees\n", + "happenen\n", + "perferated\n", + "Sicencetest\n", + "happinging\n", + "wonÃÂt\n", + "cowboysand\n", + "hazardest\n", + "betterand\n", + "Wooeter\n", + "carindependent\n", + "incopperate\n", + "sayingsuch\n", + "2012\n", + "withHow\n", + "noing\n", + "invaiably\n", + "calculateemotions\n", + "closser\n", + "conesilor\n", + "thingtimes\n", + "lookto\n", + "needsexperiencing\n", + "nomonee\n", + "anantomy\n", + "insteresting\n", + "ruinsthe\n", + "apporved\n", + "speesies\n", + "enertaining\n", + "Elecotral\n", + "friendsfamily\n", + "carreliant\n", + "wantcarry\n", + "BogotaColombia\n", + "teacheradult\n", + "facor\n", + "hundreads\n", + "Numerours\n", + "fules\n", + "familure\n", + "selfreflective\n", + "boredness\n", + "appreacite\n", + "upgrowing\n", + "amrkings\n", + "aover\n", + "emothional\n", + "overridded\n", + "difitclud\n", + "Aseop\n", + "thembut\n", + "echances\n", + "NoI\n", + "detteriorating\n", + "cornerin\n", + "Whybecause\n", + "errupting\n", + "5630pm\n", + "friendsfamilydoctorcoachteacherand\n", + "dsay\n", + "relaity\n", + "classso\n", + "sttay\n", + "develpent\n", + "anothier\n", + "concluison\n", + "calmlyThats\n", + "ConstitutionSource3\n", + "sloved\n", + "saffer\n", + "4000\n", + "absoloutley\n", + "mdoel\n", + "certainand\n", + "invaraiably\n", + "acorrding\n", + "nypost\n", + "tourniments\n", + "statesinfor\n", + "aporxpmently\n", + "p10When\n", + "paragoh\n", + "wayPeople\n", + "simplfication\n", + "electioral\n", + "oneVenus\n", + "awat\n", + "legalmatch\n", + "belowfreezing\n", + "1930s\n", + "inturupeted\n", + "creaters\n", + "wewant\n", + "evennumbred\n", + "conferencig\n", + "Vunus\n", + "eighthundred\n", + "drafy\n", + "lowcarcarless\n", + "HaroldWebster\n", + "beliving\n", + "examplesay\n", + "twould\n", + "deprised\n", + "learningto\n", + "stiks\n", + "reasonsfirst\n", + "apealed\n", + "deceter\n", + "theresome\n", + "wizzerd\n", + "olee\n", + "voting3\n", + "mocies\n", + "informationin\n", + "SouthNortheast\n", + "theorybut\n", + "Distractive\n", + "opinoins\n", + "fininding\n", + "lastedly\n", + "STATESYES\n", + "mountin\n", + "paraghragh\n", + "Teachnology\n", + "Acropolisthe\n", + "becauseall\n", + "amouint\n", + "easiIy\n", + "carobon\n", + "countru\n", + "gerenation\n", + "reqlly\n", + "143244258\n", + "surviveRemember\n", + "fomation\n", + "Constisution\n", + "detaild\n", + "obeseity\n", + "desions\n", + "concernment\n", + "criticalthinking\n", + "solfuric\n", + "Floridaus\n", + "alsp\n", + "dribing\n", + "articele\n", + "analyzinig\n", + "enomous\n", + "furutistic\n", + "thereforeattending\n", + "apponent\n", + "invintors\n", + "tinest\n", + "boted\n", + "imagaination\n", + "AmericaDavid\n", + "depresion\n", + "earthTCOEV\n", + "adout\n", + "asitated\n", + "characterisric\n", + "saidPractice\n", + "neron\n", + "evreryone\n", + "seporate\n", + "Certainy\n", + "stering\n", + "depht\n", + "knallige\n", + "precendence\n", + "builting\n", + "assination\n", + "youÃÂre\n", + "nothig\n", + "pollutting\n", + "unessicary\n", + "anywher\n", + "misloyality\n", + "imporatnt\n", + "Amendent\n", + "compleatly\n", + "raduis\n", + "atanas\n", + "workmanagement\n", + "sidetracted\n", + "artilce\n", + "exspincve\n", + "limitin\n", + "oftenis\n", + "teenagerschildren\n", + "selcting\n", + "newage\n", + "reackless\n", + "tooyou\n", + "addivce\n", + "pratising\n", + "Alsostudents\n", + "basketballsoccerbaseballand\n", + "investigasting\n", + "pleaseas\n", + "concpet\n", + "lakesmountainand\n", + "unrealisticusing\n", + "preservering\n", + "97of\n", + "homeparagraph\n", + "dissagrement\n", + "excint\n", + "spaceshi\n", + "onlineconferencingsoftware\n", + "mezmerizing\n", + "invariety\n", + "discovey\n", + "maipulated\n", + "explorre\n", + "professers\n", + "foucse\n", + "auther\n", + "arouth\n", + "ahhve\n", + "Vaction\n", + "Califoprnia\n", + "Cowbows\n", + "timeinstead\n", + "countre\n", + "arows\n", + "electorsEach\n", + "astouding\n", + "subjectbecause\n", + "acountuble\n", + "wroteThis\n", + "injest\n", + "refreshso\n", + "govered\n", + "bypara29\n", + "elhpants\n", + "aggre\n", + "Freiburgnear\n", + "Nexti\n", + "greenhousse\n", + "perido\n", + "challengin\n", + "wathing\n", + "canidatate\n", + "gial\n", + "thechnology\n", + "Modernday\n", + "peorson\n", + "teied\n", + "6070\n", + "tonus\n", + "reportsWhat\n", + "yoursef\n", + "dispitefully\n", + "woping\n", + "4637\n", + "internatinol\n", + "Yespollution\n", + "intiminadating\n", + "Emmitung\n", + "roadsP2\n", + "pressureand\n", + "beaing\n", + "32675\n", + "vonurable\n", + "cauase\n", + "nineteenseventy\n", + "Dirverless\n", + "3267\n", + "expaditions\n", + "par3\n", + "compassionand\n", + "presendent\n", + "mechancical\n", + "Waltert\n", + "footballbasketball\n", + "senerios\n", + "gargantuate\n", + "freedomand\n", + "Generic_School\n", + "uprawrs\n", + "supringly\n", + "unlimits\n", + "CollegeThere\n", + "stadard\n", + "extremeley\n", + "commuties\n", + "statesmost\n", + "farenhieght\n", + "greatnest\n", + "mejority\n", + "multible\n", + "runnyimg\n", + "voince\n", + "freepassing\n", + "explan\n", + "intellgence\n", + "withouts\n", + "symthisissize\n", + "vehiclefree\n", + "programif\n", + "antirepublican\n", + "consperacies\n", + "trafficjams\n", + "posotivly\n", + "httpsen\n", + "preassesment\n", + "envinments\n", + "timehoweverothers\n", + "siply\n", + "campainge\n", + "educaion\n", + "2728\n", + "possitves\n", + "wayor\n", + "govener\n", + "kmow\n", + "Thius\n", + "choresand\n", + "uneffectful\n", + "scpaeman\n", + "lifethreating\n", + "Didnt\n", + "retainging\n", + "speaseas\n", + "floting\n", + "socitety\n", + "lookwe\n", + "mentily\n", + "comprisie\n", + "499\n", + "neightbor\n", + "absoulty\n", + "Elelction\n", + "gradesbecause\n", + "surbuban\n", + "hihly\n", + "ChinaEuropeItalyand\n", + "84\n", + "colser\n", + "facialemotional\n", + "Dieasel\n", + "feelig\n", + "aksing\n", + "aproxamently\n", + "baseballvolleyballping\n", + "bace\n", + "alienseven\n", + "acciddently\n", + "downrightgrueling\n", + "preportion\n", + "wicth\n", + "YubeTube\n", + "counsler\n", + "orgonizes\n", + "neighoring\n", + "lrean\n", + "1967\n", + "ablilty\n", + "for9we\n", + "charectaristics\n", + "meterals\n", + "exampes\n", + "defese\n", + "tbone\n", + "counteless\n", + "hickedbikedskated\n", + "tiredor\n", + "paragragph\n", + "conferenicng\n", + "anxietymy\n", + "flyiing\n", + "rsees\n", + "caplable\n", + "exloration\n", + "manufacturs\n", + "presedant\n", + "PersonallyIm\n", + "mehtod\n", + "15000\n", + "supouse\n", + "emoitonslike\n", + "noBcaBon\n", + "physicalogical\n", + "alwayed\n", + "Travling\n", + "101\n", + "wrtiting\n", + "canidadtes\n", + "pedestiran\n", + "sulfuir\n", + "Cydoniaonly\n", + "traveliling\n", + "doong\n", + "stressinduced\n", + "pefered\n", + "Hawiia\n", + "majroity\n", + "2paris\n", + "reasosns\n", + "deveolped\n", + "farend\n", + "Collegeif\n", + "thisperson\n", + "atcually\n", + "infured\n", + "nowdriverless\n", + "sharecare\n", + "spuriours\n", + "truthseeking\n", + "oment\n", + "Mockas\n", + "duaghters\n", + "pychologoical\n", + "algotithms\n", + "Wilsom\n", + "situiation\n", + "intereststhat\n", + "segoing\n", + "College301\n", + "Eckam\n", + "inncocent\n", + "collger\n", + "vurnerable\n", + "gasharder\n", + "thosae\n", + "instructurewhich\n", + "planie\n", + "boatover\n", + "teknolgy\n", + "inasent\n", + "benefif\n", + "withdriver\n", + "beginningHave\n", + "resorceful\n", + "winnertakeallA\n", + "usge\n", + "noticePlumer\n", + "contrys\n", + "disabilitys\n", + "alteast\n", + "amence\n", + "Eckamn\n", + "schooldramaand\n", + "STIsetc\n", + "Cowoys\n", + "soutions\n", + "scientsists\n", + "aywhere\n", + "crashrelated\n", + "rottone\n", + "invehicle\n", + "allhaving\n", + "mmay\n", + "isgusting\n", + "enstead\n", + "extracirricular\n", + "uggggg\n", + "emitons\n", + "caorse\n", + "cnadidate\n", + "100yearolds\n", + "aducation\n", + "electrnics\n", + "noiseand\n", + "themsleve\n", + "electionour\n", + "studentbase\n", + "proggram\n", + "pedigreeall\n", + "nonusage\n", + "ancint\n", + "GreeceEurope\n", + "weightrelated\n", + "Ohers\n", + "esay\n", + "pressureto\n", + "networkgps\n", + "Dumbs\n", + "thinga\n", + "extermily\n", + "invairably\n", + "howeverhow\n", + "screena\n", + "qustion\n", + "bsame\n", + "naion\n", + "fortuitios\n", + "QtJDdir_i\n", + "thinkstress\n", + "FromGeneric_Name\n", + "wilhile\n", + "arevoting\n", + "ethat\n", + "classroombut\n", + "schoolhe\n", + "curtiosity\n", + "uscar\n", + "explorement\n", + "photosThe\n", + "Earthscientist\n", + "incorperating\n", + "ovalsquare\n", + "develpoement\n", + "regian\n", + "usgage\n", + "drivering\n", + "tempature\n", + "Desagree\n", + "envisons\n", + "Ameirca\n", + "presidantThey\n", + "machien\n", + "edventering\n", + "parapgraph\n", + "Bombruger\n", + "Garving\n", + "revent\n", + "remanining\n", + "cosentration\n", + "13th\n", + "cnoledgable\n", + "personlike\n", + "drivingfixing\n", + "desgigned\n", + "ofMaine\n", + "alterior\n", + "timechildren\n", + "invisioned\n", + "ocupied\n", + "callingAnything\n", + "studie\n", + "focusin\n", + "documentory\n", + "40000\n", + "demacrat\n", + "dirtys\n", + "infont\n", + "Teenagersare\n", + "P14\n", + "goingbeen\n", + "fraudwe\n", + "patricipate\n", + "exempliary\n", + "differentA\n", + "turnbyturn\n", + "threeD\n", + "prefereance\n", + "limting\n", + "knowlodgeable\n", + "wrather\n", + "excelant\n", + "passnegers\n", + "environtment\n", + "closeer\n", + "additionaly\n", + "thart\n", + "cbsnews\n", + "sevebnteen\n", + "ingeneral\n", + "Chllenges\n", + "pesidential\n", + "overbored\n", + "furios\n", + "subrban\n", + "Rushhour\n", + "roboticsvideo\n", + "parttimes\n", + "930\n", + "planent\n", + "schoology\n", + "anoter\n", + "porcess\n", + "EdPuzzle\n", + "utlize\n", + "atenchienhasi\n", + "outcoome\n", + "sdlate\n", + "trainbecause\n", + "37000\n", + "marter\n", + "to533\n", + "opinone\n", + "compulsing\n", + "understamd\n", + "adaptible\n", + "readong\n", + "Allthrough\n", + "destance\n", + "betterMichael\n", + "Colloege\n", + "althogh\n", + "soilersiston\n", + "20time\n", + "worrking\n", + "confussing\n", + "thingstabletennis\n", + "clearely\n", + "permitedRian\n", + "greaf\n", + "excitmentand\n", + "comunicate\n", + "onelift\n", + "volatier\n", + "alland\n", + "tecmology\n", + "technacally\n", + "relatabillity\n", + "Someimes\n", + "Atlants\n", + "sceranio\n", + "explanin\n", + "GoreOver\n", + "futuer\n", + "computercell\n", + "tweinty\n", + "personalexperince\n", + "usueful\n", + "consiqunces\n", + "AdministrationThey\n", + "onefifth\n", + "weaknessand\n", + "Sincerily\n", + "influcence\n", + "Kinnedy\n", + "Studentled\n", + "knowlage\n", + "August141945\n", + "googleDid\n", + "videosmake\n", + "civillization\n", + "exploation\n", + "arouund\n", + "nesscesarily\n", + "disduste\n", + "theatre\n", + "badas\n", + "accompishment\n", + "techonlogy\n", + "disablititys\n", + "techalnogly\n", + "evenully\n", + "cople\n", + "ecperienceOn\n", + "Chordless\n", + "taecher\n", + "drivrs\n", + "acceptional\n", + "whcich\n", + "LastOur\n", + "surveryed\n", + "postioinestimating\n", + "StatesSource\n", + "classiy\n", + "envested\n", + "purduit\n", + "nonsafe\n", + "moslikely\n", + "suitibale\n", + "powerfulearthquakes\n", + "VenusAnother\n", + "diffficult\n", + "kiked\n", + "computerdiven\n", + "forturne\n", + "cCollege\n", + "analogeous\n", + "espicially\n", + "afort\n", + "Extarestrial\n", + "whylimiting\n", + "drasticaly\n", + "eletev\n", + "dedacates\n", + "poullting\n", + "qualites\n", + "republicians\n", + "tempatures\n", + "photeo\n", + "choeses\n", + "imaginiation\n", + "sisuations\n", + "mhp\n", + "inducucing\n", + "sostudents\n", + "Forthermore\n", + "officeand\n", + "eeftect\n", + "VABAN\n", + "yearsfrom\n", + "vehices\n", + "electorsDid\n", + "Ppesident\n", + "hadhad\n", + "pooland\n", + "verytough\n", + "figur\n", + "electiorial\n", + "recontruction\n", + "spacefrafts\n", + "1995\n", + "suortts\n", + "decited\n", + "permants\n", + "omanis\n", + "insetad\n", + "1957\n", + "resistents\n", + "comditions\n", + "sicentist\n", + "storesand\n", + "agredon\n", + "intructor\n", + "moneyit\n", + "knowledgepeople\n", + "recongition\n", + "mybe\n", + "atmorsphere\n", + "moduleguided\n", + "profected\n", + "parkig\n", + "goodnes\n", + "burnig\n", + "challeneges\n", + "duedates\n", + "personnly\n", + "statesthat\n", + "pragh\n", + "billsGroceries\n", + "barsity\n", + "automarkes\n", + "Assistantannounced\n", + "touter\n", + "learnbenefit\n", + "respondBut\n", + "compinies\n", + "12411\n", + "fallicy\n", + "dirffent\n", + "estamating\n", + "childrensim\n", + "asirt\n", + "proseize\n", + "idals\n", + "contributre\n", + "drivingtherefore\n", + "individualy\n", + "itits\n", + "theyallow\n", + "ahving\n", + "massivally\n", + "deails\n", + "ansewrs\n", + "tmy\n", + "SIncere\n", + "sophicated\n", + "Southhas\n", + "requied\n", + "accdents\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Rivedr\n", + "diferences\n", + "Seagog\n", + "mysteriosly\n", + "purky\n", + "eleminating\n", + "wuldnt\n", + "techtonic\n", + "reshearch\n", + "traitPh5\n", + "generatin\n", + "equpit\n", + "contructs\n", + "faor\n", + "Proccess\n", + "Persuing\n", + "studybthis\n", + "socialogists\n", + "eventure\n", + "graduationed\n", + "ralay\n", + "presidnets\n", + "personale\n", + "experiencences\n", + "callemail\n", + "9246\n", + "demoratic\n", + "copleted\n", + "wrongbadthen\n", + "envorment\n", + "tchnology\n", + "abole\n", + "Inovators\n", + "nderstand\n", + "broadrushhours\n", + "someoens\n", + "stuypid\n", + "emotionsjsut\n", + "hereAutomobiles\n", + "indcated\n", + "lookif\n", + "emisiions\n", + "Rehailitation\n", + "spt\n", + "seggregation\n", + "computerThe\n", + "pollutoin\n", + "smore\n", + "poloicy\n", + "nationL\n", + "cannt\n", + "natuer\n", + "powred\n", + "sertin\n", + "popoular\n", + "assignes\n", + "classroons\n", + "alsonot\n", + "myselftrack\n", + "vehicls\n", + "convienientand\n", + "musle\n", + "enfocus\n", + "opionated\n", + "howPresently\n", + "accelarating\n", + "iead\n", + "PreHeat\n", + "simiulating\n", + "examplenot\n", + "supmitting\n", + "distracted20drivers\n", + "isour\n", + "reconigze\n", + "searchesand\n", + "Carefull\n", + "assissant\n", + "additionallyCitizens\n", + "torelease\n", + "demacratic\n", + "STANDD\n", + "likehey\n", + "WouIdnt\n", + "vheacles\n", + "youBut\n", + "appriciative\n", + "banket\n", + "portryed\n", + "disurve\n", + "chanllenge\n", + "Texas38\n", + "copared\n", + "patteren\n", + "SONDAUGHTER\n", + "unanswerably\n", + "comnewsopinionmailbagtextingwhiledrivingputsothersatriskarticle_403288a0b77c11de9bf8001cc4c002e0\n", + "unerstanding\n", + "atmostpher\n", + "presidantbut\n", + "electorsThey\n", + "DIIIINNNGGGGGGGGG\n", + "studiesand\n", + "virius\n", + "disivantages\n", + "teenagersand\n", + "popualtion\n", + "Kenndey\n", + "Crydonia\n", + "mmusch\n", + "answeropinion\n", + "invetnions\n", + "saysafter\n", + "Nejon\n", + "uponthe\n", + "detectivr\n", + "campaihn\n", + "counclier\n", + "equivalnt\n", + "resive\n", + "insturction\n", + "crft\n", + "enscribesGeology\n", + "quikley\n", + "industrySource\n", + "technolpgy\n", + "nobecause\n", + "societcy\n", + "codingengineeringmusicacting\n", + "conclusioun\n", + "cerain\n", + "assurence\n", + "surprizing\n", + "submerine\n", + "Withou\n", + "teachercounselorprincipal\n", + "modren\n", + "Malfuctions\n", + "disaters\n", + "coranate\n", + "expalins\n", + "requiresthis\n", + "tailpopes\n", + "dangerouly\n", + "descisons\n", + "faitality\n", + "schoolsdepending\n", + "tinnise\n", + "comstorymoneycars20180228pedestrianfatalities376802002\n", + "concludewhen\n", + "youngues\n", + "silenceslimits\n", + "complice\n", + "youif\n", + "pluraltiy\n", + "temerature\n", + "rebuchets\n", + "technonogy\n", + "descarded\n", + "reasonbenefit\n", + "Electorcal\n", + "MANDAY\n", + "trafficworking\n", + "morebetter\n", + "adventuressee\n", + "cheking\n", + "importances\n", + "waterd\n", + "shockness\n", + "invlolves\n", + "beuase\n", + "HeHer\n", + "takenand\n", + "classworktest\n", + "astounted\n", + "whearas\n", + "collition\n", + "facesin\n", + "driveride\n", + "drivewaydeal\n", + "withoug\n", + "quilified\n", + "clothesjewelryetc\n", + "balnce\n", + "asertainment\n", + "praticipate\n", + "themselvles\n", + "technlogically\n", + "timemanagment\n", + "dangeruse\n", + "aucaradvicewhyyoureallyshouldntuseyourmobilephonewhiledriving33062\n", + "readsScientists\n", + "offeing\n", + "Sicentists\n", + "vaule\n", + "poularity\n", + "denst\n", + "stundent\n", + "wisly\n", + "jokewhitch\n", + "timethey\n", + "anice\n", + "individule\n", + "abutton\n", + "someboby\n", + "tecnollogay\n", + "abill\n", + "disadvangtages\n", + "Advancd\n", + "workthe\n", + "USyou\n", + "valuavble\n", + "Garvinarticle\n", + "sitiuation\n", + "eays\n", + "wuid\n", + "vehivle\n", + "allif\n", + "evreybody\n", + "irrelavent\n", + "slt\n", + "acaully\n", + "blacs\n", + "atmosposhere\n", + "orbet\n", + "homwork\n", + "1153\n", + "lloking\n", + "clerly\n", + "itout\n", + "becvause\n", + "adviceÃÂ\n", + "Vialators\n", + "timesand\n", + "whwne\n", + "leisting\n", + "apparence\n", + "videi\n", + "disadventages\n", + "pedrigree\n", + "herhis\n", + "mannerIf\n", + "scients\n", + "additionpublic\n", + "joininga\n", + "knowladge\n", + "understance\n", + "accelerateion\n", + "269\n", + "techtology\n", + "vebus\n", + "inividual\n", + "wayThis\n", + "selfas\n", + "conspiarators\n", + "agurement\n", + "occasionly\n", + "Incocusion\n", + "Chinaplus\n", + "atmosphererendering\n", + "Neverthelesshaving\n", + "Plin\n", + "lifewhen\n", + "rouph\n", + "Generic_NameI\n", + "tenisboxing\n", + "evansmoorelaw\n", + "90day\n", + "chocies\n", + "fearfuk\n", + "unlikly\n", + "woukld\n", + "semidifferent\n", + "upsacle\n", + "pariculate\n", + "orbicularis\n", + "Eckmancreator\n", + "doso\n", + "235\n", + "computerschools\n", + "supoort\n", + "bacicly\n", + "anaomical\n", + "comamptextingdrivingstatistics\n", + "conclusionits\n", + "comtipsdangerstexting\n", + "abloshied\n", + "Venunss\n", + "asist\n", + "wihile\n", + "counsiler\n", + "invalubale\n", + "starThis\n", + "presidencysource\n", + "choicedecision\n", + "bestliad\n", + "envimental\n", + "aonther\n", + "nightwatch\n", + "unmannedno\n", + "atnospheric\n", + "seperatly\n", + "inturrupts\n", + "systemThe\n", + "thwy\n", + "becuause\n", + "phototgraphing\n", + "interestingthat\n", + "fineaccording\n", + "geologicalenvironmental\n", + "partipating\n", + "anither\n", + "halping\n", + "canidatespolitical\n", + "Companysource\n", + "1968a\n", + "highPresident\n", + "enginerring\n", + "tabletsand\n", + "attenton\n", + "classifys\n", + "comptuter\n", + "driverse\n", + "317\n", + "testquizesand\n", + "alins\n", + "4400\n", + "higherqualified\n", + "Indefenisble\n", + "idias\n", + "whauded\n", + "disfuntional\n", + "SuburbLife\n", + "dissability\n", + "1015\n", + "cumminties\n", + "nyourehandsfree71833\n", + "pointopinion\n", + "p43\n", + "perfective\n", + "diguise\n", + "outbecause\n", + "imagies\n", + "thingslike\n", + "deforistation\n", + "seccssefully\n", + "shour\n", + "eventuallly\n", + "presidentEach\n", + "extreemly\n", + "swimmingyoga\n", + "certai\n", + "imbuement\n", + "oceanone\n", + "horrizon\n", + "creacher\n", + "nugded\n", + "paleblue\n", + "presidentIt\n", + "sholders\n", + "Amercias\n", + "recquired\n", + "prisedent\n", + "canadates\n", + "autnomous\n", + "12source\n", + "apects\n", + "colse\n", + "punisments\n", + "thinksee\n", + "coorporation\n", + "inconfiniate\n", + "Cybonia\n", + "thinng\n", + "complpete\n", + "aot\n", + "usedAbolishing\n", + "sruvival\n", + "onle\n", + "quetsion\n", + "seeintg\n", + "oviously\n", + "thosw\n", + "evidental\n", + "Centainy\n", + "Abaraham\n", + "skete\n", + "Weither\n", + "replacedthey\n", + "assoications\n", + "frusturated\n", + "mostlikey\n", + "widthstand\n", + "collagefive\n", + "StatesBig\n", + "dthis\n", + "inacent\n", + "nessasarily\n", + "recommed\n", + "lilekly\n", + "caculate\n", + "visualy\n", + "accients\n", + "fristI\n", + "isworth\n", + "exactely\n", + "riging\n", + "Presidentsbut\n", + "307\n", + "opotuniry\n", + "canjus\n", + "conutries\n", + "matchine\n", + "othersdrivers\n", + "increadible\n", + "collagejob\n", + "insidents\n", + "60of\n", + "Rosenthalparagraph\n", + "eqqipted\n", + "Cumputerscan\n", + "somepretty\n", + "forthey\n", + "Famileis\n", + "grauduated\n", + "presideny\n", + "envoirment\n", + "explaikn\n", + "difffrent\n", + "pediree\n", + "grait\n", + "texBng\n", + "comcara\n", + "conress\n", + "candidateThe\n", + "outany\n", + "oicture\n", + "countryIf\n", + "foodtiredsleepless\n", + "becauseand\n", + "sttate\n", + "nesesaty\n", + "artecal\n", + "wrighter\n", + "individudality\n", + "Naturaly\n", + "Seagiong\n", + "negitives\n", + "smogpeople\n", + "movmentsIn\n", + "havoe\n", + "somethingcome\n", + "percentaged\n", + "ablites\n", + "laundary\n", + "planetbut\n", + "lesspolluting\n", + "accidnts\n", + "fightinggetting\n", + "claimsit\n", + "comtargetTextIf\n", + "beetter\n", + "motherized\n", + "Bagota\n", + "animalsover\n", + "faceBecause\n", + "seventhy\n", + "assitstance\n", + "goureden\n", + "Admittably\n", + "survinving\n", + "textThere\n", + "castDoes\n", + "theoristss\n", + "eletoral\n", + "23x\n", + "atrackts\n", + "planty\n", + "Colobmbia\n", + "fortyone\n", + "captainLuke\n", + "basballvolleyballtable\n", + "unneccassary\n", + "trypically\n", + "11000\n", + "cowHoreses\n", + "reassons\n", + "maunfuciton\n", + "comcommoncausesdistracteddriving\n", + "dauhter\n", + "sharpenly\n", + "elopre\n", + "outcomepicking\n", + "yeha\n", + "limitating\n", + "wather\n", + "stsrting\n", + "sadow\n", + "jetplane\n", + "Congress2\n", + "phenomina\n", + "adice\n", + "erradicating\n", + "Sudying\n", + "adtuided\n", + "ÃÂ95\n", + "18wheeler\n", + "handingly\n", + "satates\n", + "criticise\n", + "naturaul\n", + "KennedySo\n", + "accuretly\n", + "illison\n", + "realtionships\n", + "August1945\n", + "secors\n", + "facetoface\n", + "expolore\n", + "descison\n", + "accostumed\n", + "cuold\n", + "TodayVenus\n", + "drainand\n", + "eUnited\n", + "wheither\n", + "agruging\n", + "cellphoneusewhiledriving\n", + "responibilty\n", + "preious\n", + "outrule\n", + "Surveryor\n", + "ohers\n", + "signalling\n", + "muchSometimes\n", + "degation\n", + "avantige\n", + "ThirdIt\n", + "influencersand\n", + "26th\n", + "20012009\n", + "immeasureably\n", + "Generric_School\n", + "k6\n", + "Chossing\n", + "Selfconfidence\n", + "confertable\n", + "stdents\n", + "calcuate\n", + "3310\n", + "presidentSwing\n", + "sicness\n", + "timehee\n", + "obsevers\n", + "57percent\n", + "callsthe\n", + "selfinterest\n", + "cababilatlies\n", + "exet\n", + "smalller\n", + "coffie\n", + "instrustions\n", + "brokin\n", + "TRANSPORTATIONPARIS\n", + "trusteddue\n", + "geotab\n", + "diseshin\n", + "datasaid\n", + "Challegenge\n", + "grafiti\n", + "bridgetunnel\n", + "samrtroad\n", + "35mph\n", + "alsoo\n", + "3112020\n", + "holdong\n", + "phitigraphhy\n", + "notieced\n", + "intrgues\n", + "finifhing\n", + "collegeuniversity\n", + "exidence\n", + "precisenly\n", + "effcant\n", + "TuesdayDuffer\n", + "Universitycof\n", + "enddd\n", + "Feb22011\n", + "forigners\n", + "williing\n", + "automobies\n", + "reasonfor\n", + "acitities\n", + "benifitical\n", + "recking\n", + "transportattion\n", + "ggrow\n", + "irrlevent\n", + "obsvered\n", + "ciriculum\n", + "WesterEurope\n", + "readbut\n", + "vores\n", + "milliones\n", + "excuss\n", + "planningdesign\n", + "variaty\n", + "maunufactures\n", + "herendous\n", + "aotomobiles\n", + "doint\n", + "technicallly\n", + "CarsGuide\n", + "outofthebox\n", + "nead\n", + "deffensive\n", + "nowing\n", + "ParentVUE\n", + "cydona\n", + "Knoledge\n", + "gerastically\n", + "centain\n", + "otherstake\n", + "serverly\n", + "intirelly\n", + "perticulate\n", + "Lastedly\n", + "saidI\n", + "SenatorMy\n", + "Elecorts\n", + "Certanity\n", + "Constitision\n", + "promoing\n", + "parentsthey\n", + "boredDalto\n", + "momentyou\n", + "accitents\n", + "determents\n", + "sensatizing\n", + "doneprovide\n", + "abiut\n", + "ewhole\n", + "2000seventeen\n", + "statesIts\n", + "callingtexting\n", + "entertainmet\n", + "degrees3\n", + "desiton\n", + "beingin\n", + "knewand\n", + "Northeastetc\n", + "25ofthe\n", + "paragraghs\n", + "Mathspace\n", + "poribably\n", + "moutainlike\n", + "taraforming\n", + "technolygy\n", + "are1\n", + "hdie\n", + "knowI\n", + "limtied\n", + "boredthe\n", + "novemvber\n", + "viechals\n", + "resenbles\n", + "inpratical\n", + "tenses1p3\n", + "expores\n", + "yearsolds\n", + "301237\n", + "fome\n", + "handfree\n", + "areaits\n", + "httpwww\n", + "lifestykes\n", + "agenst\n", + "impotantntly\n", + "distracionaffected\n", + "awer\n", + "postdegree\n", + "USAWe\n", + "thingds\n", + "prezi\n", + "staits\n", + "somestates\n", + "presdident\n", + "nonhonestly\n", + "porofessional\n", + "assisstance\n", + "throughtfare\n", + "notsogood\n", + "moneyhow\n", + "characterisctic\n", + "insensor\n", + "Egyptbut\n", + "skrikes\n", + "Erope\n", + "toght\n", + "KoreaRussia\n", + "Contitution\n", + "NoIts\n", + "pathe\n", + "hamful\n", + "mouthsreally\n", + "hardley\n", + "thatrasie\n", + "pretisipated\n", + "protectiong\n", + "nowwhere\n", + "Ideastake\n", + "counsoler\n", + "comtorable\n", + "familyand\n", + "commentsthoghts\n", + "frighted\n", + "comun\n", + "undervauled\n", + "chosesing\n", + "phsyco\n", + "transportpara9which\n", + "Afteryour\n", + "Peope\n", + "blankes\n", + "feautures\n", + "malificent\n", + "makingthere\n", + "elestoral\n", + "showned\n", + "coyboy\n", + "expenceive\n", + "GarvinWe\n", + "phonesdriving\n", + "heatvenusian\n", + "ballenced\n", + "characterisitc\n", + "beyonds\n", + "descrides\n", + "electorlal\n", + "therce\n", + "toutilyey\n", + "foreverand\n", + "highely\n", + "corespond\n", + "HorsesCowsand\n", + "connceted\n", + "uncondemed\n", + "exuse\n", + "Sohow\n", + "viewPOV\n", + "16or\n", + "sygomatic\n", + "ideasnow\n", + "1977\n", + "inhabitted\n", + "votr\n", + "coukld\n", + "adwards\n", + "Indenfensible\n", + "outsourse\n", + "carban\n", + "homewark\n", + "superstitous\n", + "incressung\n", + "thedispute\n", + "paragrapgh\n", + "imagic\n", + "electers\n", + "grondola\n", + "clectors\n", + "Council2019\n", + "Semidriverless\n", + "enjoment\n", + "needexperience\n", + "Innitialy\n", + "timea\n", + "thhat\n", + "homebut\n", + "Nixoncould\n", + "inticive\n", + "citizensMy\n", + "ideab\n", + "slecting\n", + "compareit\n", + "yearthat\n", + "greeceand\n", + "prisonshowever\n", + "trainerand\n", + "compres\n", + "exactle\n", + "seacowboy\n", + "theve\n", + "enironment\n", + "167in\n", + "favorbecause\n", + "olUSA\n", + "SOmeone\n", + "thhink\n", + "Onlu\n", + "musicetc\n", + "fityou\n", + "cuurrently\n", + "Sudents\n", + "Technollogy\n", + "aftifact\n", + "Hawwii\n", + "typingwriting\n", + "systemVenus\n", + "SUCKSSSS\n", + "averageand\n", + "Roseenthal\n", + "valuebul\n", + "amendmendments\n", + "agrocey\n", + "cavesmonuments\n", + "regognize\n", + "reletives\n", + "usthe\n", + "disshin\n", + "inconvienence\n", + "deminstration\n", + "outsidebut\n", + "disadvantges\n", + "basistexting\n", + "pularity\n", + "citiznes\n", + "presidetnial\n", + "acalifornia\n", + "selelct\n", + "PlanA\n", + "redundency\n", + "evisioned\n", + "becauseother\n", + "therisks\n", + "theinvention\n", + "conspiracys\n", + "eighteenyear\n", + "assertins\n", + "Kerrry\n", + "demonstractions\n", + "freontailis\n", + "exhausters\n", + "miny\n", + "outbalance\n", + "requirementsare\n", + "caust\n", + "alreadyby\n", + "dicided\n", + "voteing\n", + "moneywill\n", + "disadvatages\n", + "beins\n", + "somyone\n", + "eductation\n", + "groundrocks\n", + "temperatureetc\n", + "sportswritinggamingetc\n", + "lisint\n", + "suptising\n", + "wnated\n", + "330000\n", + "pesidentian\n", + "sholiuld\n", + "com201710616438444trafficfatalitiescrashstatisticsus2016\n", + "quitDo\n", + "descern\n", + "percebt\n", + "botheringinterrupting\n", + "sarts\n", + "varitey\n", + "choiceOne\n", + "tthem\n", + "satisfiying\n", + "nusance\n", + "growththe\n", + "scenrio\n", + "expencive\n", + "ebolish\n", + "themselved\n", + "nuteral\n", + "preteach\n", + "ecspeacillay\n", + "ethere\n", + "succeful\n", + "responsibiity\n", + "presidentWell\n", + "fairsource\n", + "prositive\n", + "campaings\n", + "technolongy\n", + "provies\n", + "favourites\n", + "widthold\n", + "fucus\n", + "victem\n", + "massestalk\n", + "pontenial\n", + "pyspath\n", + "preventful\n", + "ruels\n", + "payinf\n", + "pongtable\n", + "shoulnt\n", + "Rehabilitaion\n", + "insarcasm\n", + "democery\n", + "Vechicles\n", + "electoresThe\n", + "resient\n", + "selfsteem\n", + "wittlingOn\n", + "curius\n", + "ingender\n", + "circumstanes\n", + "tandards\n", + "3960\n", + "tournamentsand\n", + "lornin\n", + "winningThe\n", + "choicebecause\n", + "acomplishing\n", + "faceP4\n", + "effciently\n", + "takened\n", + "nagitve\n", + "19761998\n", + "etcby\n", + "marvoulus\n", + "diferint\n", + "delegaton\n", + "driviers\n", + "untited\n", + "offcalling\n", + "GreeceEuropeChina\n", + "gooig\n", + "summationpeople\n", + "instrctor\n", + "diffeclt\n", + "cuputer\n", + "condiser\n", + "perdict\n", + "astudent\n", + "morethey\n", + "pereson\n", + "researchsample\n", + "rightextracurricular\n", + "wantes\n", + "screensfor\n", + "positvie\n", + "commubity\n", + "communitycountry\n", + "simle\n", + "displaywhen\n", + "presidentBecause\n", + "deviod\n", + "Venusand\n", + "allowedThey\n", + "oppourtinuties\n", + "reions\n", + "minezs\n", + "secoynd\n", + "additionattend\n", + "cahnges\n", + "Convinience\n", + "membersno\n", + "advicei\n", + "housingfoodclothing\n", + "pleassent\n", + "elctrictity\n", + "concetration\n", + "TCOEV\n", + "votng\n", + "emmited\n", + "Vinicis\n", + "mesalandform\n", + "malapportion\n", + "ussally\n", + "evolvution\n", + "DaVincis\n", + "buncg\n", + "arangement\n", + "grateul\n", + "begings\n", + "dissovles\n", + "Vesusian\n", + "atted\n", + "Earth4\n", + "diformaties\n", + "preparate\n", + "algorythms\n", + "preause\n", + "nothinhg\n", + "520\n", + "woked\n", + "schoolor\n", + "defiently\n", + "eighthour\n", + "AdministrationNASA\n", + "3You\n", + "drivewaysgoing\n", + "udnderstand\n", + "dofinallypeople\n", + "evedence\n", + "Whuch\n", + "alsio\n", + "cityparagraphs\n", + "Thurnberg\n", + "pockarface\n", + "benenifical\n", + "Eventuly\n", + "stupitidy\n", + "distrctions\n", + "benfitie\n", + "eleection\n", + "saysMany\n", + "striks\n", + "2000taken\n", + "democratics\n", + "grauated\n", + "notfiy\n", + "summerschiool\n", + "setitngs\n", + "coplianed\n", + "risingwith\n", + "happierand\n", + "disadvatage\n", + "ypur\n", + "temputer\n", + "questionsdont\n", + "sixtyseven\n", + "caseIt\n", + "vfact\n", + "timemanaging\n", + "withnew\n", + "disuss\n", + "didntd\n", + "imagae\n", + "definant\n", + "rectaugular\n", + "occasuion\n", + "justiceThe\n", + "selfassigned\n", + "cuorius\n", + "orbiculris\n", + "prestident\n", + "fesable\n", + "staBsBcs\n", + "imagry\n", + "discriptions\n", + "oppoing\n", + "facail\n", + "abpve\n", + "origanl\n", + "330\n", + "importaint\n", + "rether\n", + "23\n", + "reasarch\n", + "originak\n", + "Obamss\n", + "2232\n", + "outcaused\n", + "elae\n", + "transportationsource\n", + "expierense\n", + "comptabled\n", + "entierly\n", + "desile\n", + "algorithums\n", + "studeent\n", + "deterorating\n", + "liabilties\n", + "schopols\n", + "depenable\n", + "carphone\n", + "responsolities\n", + "staing\n", + "advantgaes\n", + "betterlike\n", + "minerevealed\n", + "seans\n", + "alltheyre\n", + "toofor\n", + "375\n", + "scadual\n", + "decicsion\n", + "noverbal\n", + "1317\n", + "eghat\n", + "knowedge\n", + "salor\n", + "COLLEGEWHY\n", + "discrating\n", + "overexceed\n", + "schoolrelated\n", + "represantitives\n", + "calfsand\n", + "jobwhich\n", + "mandotary\n", + "analized\n", + "acticle\n", + "Electorical\n", + "saddnessAlto\n", + "Venuse\n", + "01\n", + "HoweverFellow\n", + "terrorfying\n", + "FRance\n", + "trueley\n", + "comminication\n", + "unfoced\n", + "malfuctions\n", + "asbergers\n", + "fiftyfifty\n", + "broadsmooth\n", + "ideassomething\n", + "pricesall\n", + "autombile\n", + "pedestr\n", + "problemsituation\n", + "proffessor\n", + "donÃÂt\n", + "Appauled\n", + "hateed\n", + "voteJohn\n", + "lifedont\n", + "unsimiling\n", + "helpling\n", + "absoloutly\n", + "fifthyfive\n", + "Ect\n", + "surrise\n", + "counciol\n", + "restaurantsd\n", + "Gandala\n", + "ExitTest\n", + "particapait\n", + "driveThis\n", + "luve\n", + "innocation\n", + "persute\n", + "selfpropelling\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "contected\n", + "characteritics\n", + "sizedencityand\n", + "joinin\n", + "undestanding\n", + "animalsand\n", + "18Oct2018\n", + "homeso\n", + "allert\n", + "arebecause\n", + "Sience\n", + "reseve\n", + "aurthor\n", + "choicesor\n", + "dreem\n", + "sportclubor\n", + "Puttingna\n", + "liqefy\n", + "dressestalkslooks\n", + "disneys\n", + "extraterrestials\n", + "BuzzM\n", + "GreeceEuropeand\n", + "collaboation\n", + "issuses\n", + "Edgarsnyder\n", + "acclerate\n", + "STUDENT_NAME3\n", + "soloar\n", + "Obvously\n", + "mostvotes\n", + "celcted\n", + "saidNone\n", + "settal\n", + "ddint\n", + "indentift\n", + "picturesclearly\n", + "cuations\n", + "automaticlly\n", + "drieven\n", + "wellsomeoneelseshoulddoit\n", + "1600\n", + "vistied\n", + "Challegne\n", + "sufrace\n", + "2Fs\n", + "complicacate\n", + "faailure\n", + "orgaize\n", + "resposibilities\n", + "feeings\n", + "extaordinary\n", + "respinsible\n", + "Orginazation\n", + "classwhich\n", + "porcent\n", + "comfires\n", + "eggsist\n", + "opinionsit\n", + "reconzation\n", + "colision\n", + "perfictley\n", + "untile\n", + "sutible\n", + "unber\n", + "eyesa\n", + "ecigarette\n", + "reseason\n", + "sturggling\n", + "discoveribg\n", + "ArticleIn\n", + "bikesor\n", + "bethey\n", + "presdiednts\n", + "harzordus\n", + "yearWe\n", + "downmoody\n", + "emotionsahappiness\n", + "utimentaly\n", + "chilles\n", + "idae\n", + "buissneses\n", + "throuhout\n", + "Infering\n", + "UPLets\n", + "croes\n", + "couragoues\n", + "opoised\n", + "couldt\n", + "flordia\n", + "wantneed\n", + "relationsips\n", + "spicificly\n", + "divices\n", + "hwat\n", + "benifial\n", + "underrecorded\n", + "reviewand\n", + "qualties\n", + "preasent\n", + "valubul\n", + "cattlehorsesect\n", + "830am\n", + "Strivng\n", + "isuse\n", + "defenseof\n", + "resion\n", + "exampleWhat\n", + "monumentaly\n", + "Electorswho\n", + "remebled\n", + "diffuicult\n", + "cantinued\n", + "artitcle\n", + "199\n", + "Despiteing\n", + "collsions\n", + "milleniums\n", + "Theose\n", + "emotionswhich\n", + "drowl\n", + "contrustion\n", + "youÃÂve\n", + "355\n", + "certificae\n", + "systerm\n", + "organisation\n", + "18th\n", + "resturuants\n", + "Lastley\n", + "deveopers\n", + "machineseletronics\n", + "unfourtunetly\n", + "intrugues\n", + "pictur\n", + "fasinates\n", + "comblogtextinganddrivingvsdrunkdriving\n", + "conveint\n", + "depedant\n", + "januart\n", + "carFREE\n", + "raidlroads\n", + "godola\n", + "proabky\n", + "voilations\n", + "carno\n", + "offersopportunities\n", + "corce\n", + "fuffill\n", + "2041\n", + "foucused\n", + "gamesmessing\n", + "envirenment\n", + "votesmajority\n", + "distractict\n", + "eversubject\n", + "sohaving\n", + "autonomonus\n", + "DrivingTests\n", + "emotionla\n", + "respectivelyThe\n", + "particiapation\n", + "delevoped\n", + "unemployedment\n", + "saddepress\n", + "Partywe\n", + "thinnk\n", + "fary\n", + "posibale\n", + "descirbe\n", + "seacowboys\n", + "Unitred\n", + "31020\n", + "recievimg\n", + "obuse\n", + "hurn\n", + "digtial\n", + "wellbalanced\n", + "reprisinatives\n", + "automobilestherefore\n", + "recogonition\n", + "cocnlusion\n", + "flucuating\n", + "opptuntiy\n", + "typicaily\n", + "fatalities58\n", + "selfcautious\n", + "viewsideas\n", + "hopfuly\n", + "exmaplestudents\n", + "Vencie\n", + "determinig\n", + "inacurate\n", + "raelly\n", + "mentiioned\n", + "praticial\n", + "apropiate\n", + "devleop\n", + "resposnse\n", + "smartalways\n", + "execption\n", + "evoloution\n", + "conlusion\n", + "gradualy\n", + "probleam\n", + "eletions\n", + "ALLUSION\n", + "landformit\n", + "flowig\n", + "Cooleges\n", + "indefensable\n", + "evennumber\n", + "elecrotal\n", + "sommany\n", + "owm\n", + "possibleand\n", + "descover\n", + "blutooth\n", + "haveI\n", + "inhospitible\n", + "rescide\n", + "conclutioni\n", + "selfautonomous\n", + "nightwatchb\n", + "everyoen\n", + "wantedso\n", + "college301\n", + "Drivered\n", + "incorperate\n", + "footballsoccerbasketballand\n", + "exculding\n", + "prefection\n", + "tited\n", + "fasoline\n", + "swirving\n", + "Selfcreating\n", + "envioremnt\n", + "auhor\n", + "buied\n", + "trechnically\n", + "experances\n", + "boredThen\n", + "penents\n", + "precentas\n", + "Presidentin\n", + "indeustry\n", + "intertainded\n", + "itbut\n", + "puzzeled\n", + "lowcar\n", + "schooland\n", + "vehicle50\n", + "intertail\n", + "miocrograms\n", + "mybad\n", + "avtivities\n", + "increadibly\n", + "knownthere\n", + "decisde\n", + "carbonspewing\n", + "Seegoing\n", + "veunus\n", + "sometines\n", + "otained\n", + "acompromise\n", + "AdministrationActually\n", + "unfortantly\n", + "elctoral\n", + "concluesion\n", + "impedmient\n", + "paintingThis\n", + "yesterdayleaving\n", + "walkinng\n", + "advicefinding\n", + "misuseabuse\n", + "itÂs\n", + "consitioution\n", + "agurment\n", + "canedat\n", + "ssanger\n", + "Bogoto\n", + "blimpplanelike\n", + "ognig\n", + "problen\n", + "352020\n", + "Concideration\n", + "endbut\n", + "counterintuative\n", + "ideait\n", + "statedemocrates\n", + "studt\n", + "smog14\n", + "surafce\n", + "continuse\n", + "recordsIf\n", + "meterscompared\n", + "sevearly\n", + "lerarning\n", + "particapation\n", + "2miles\n", + "obide\n", + "1000\n", + "projeted\n", + "emense\n", + "cetching\n", + "simliller\n", + "collegeswhat\n", + "fundementally\n", + "celular\n", + "anywaySource\n", + "twich\n", + "evidece\n", + "itsel\n", + "factbased\n", + "willtelleveryonetheboatisokay\n", + "diffirent\n", + "coise\n", + "bithplace\n", + "beeten\n", + "sayingIt\n", + "souts\n", + "minimul\n", + "adultperson\n", + "corrispondence\n", + "niebors\n", + "intire\n", + "72017\n", + "compable\n", + "stutdied\n", + "expirement\n", + "sometin\n", + "schoolelementary\n", + "lyable\n", + "phtosynthisis\n", + "idesel\n", + "unconsciencely\n", + "optio\n", + "reakky\n", + "promblems\n", + "differenciate\n", + "vesue\n", + "Googlesdriverless\n", + "bogota\n", + "HaungFacial\n", + "studdied\n", + "2711\n", + "alertaslo\n", + "communicaiton\n", + "cornersof\n", + "goeson\n", + "coplicated\n", + "gudgets\n", + "texasfor\n", + "surprizingly\n", + "casecrossover\n", + "alian\n", + "itothers\n", + "buttemesa\n", + "labtops\n", + "opportunnity\n", + "thieir\n", + "devolped\n", + "doesnt\n", + "testsexams\n", + "goanyway\n", + "restaurantsand\n", + "Collegeaccording\n", + "stamia\n", + "emathize\n", + "intimedating\n", + "desatrouse\n", + "vauble\n", + "deminished\n", + "teacherdesgins\n", + "ilusion\n", + "recognitioon\n", + "exitement\n", + "carbondioxy\n", + "workschool\n", + "learningbut\n", + "VeniceItaly\n", + "necassity\n", + "collegeby\n", + "lwas\n", + "assustomed\n", + "musemes\n", + "extre\n", + "onlinevideo\n", + "perants\n", + "sacescrafts\n", + "1its\n", + "overwieght\n", + "2000source\n", + "weared\n", + "twentythree\n", + "citypara\n", + "Ultimatly\n", + "sekf\n", + "interesant\n", + "rommey\n", + "yourselfmaybe\n", + "beinging\n", + "nget\n", + "reconise\n", + "simultaniously\n", + "speciments\n", + "welldesigned\n", + "Democtratic\n", + "alternativ\n", + "estamation\n", + "growinh\n", + "segregrationists\n", + "RockFord\n", + "Transportationcommuting\n", + "bizarreshaped\n", + "exspressen\n", + "149\n", + "incorpurating\n", + "saidyou\n", + "upearly\n", + "presnt\n", + "friendsand\n", + "ollusion\n", + "22\n", + "topicyou\n", + "averqage\n", + "sastifed\n", + "sayiong\n", + "unconsiously\n", + "experessions\n", + "ranworked\n", + "devinetly\n", + "suted\n", + "fateal\n", + "responsiblilities\n", + "inpounded\n", + "withsand\n", + "reep\n", + "belowaverage\n", + "2020s\n", + "explorion\n", + "disatvantage\n", + "maintnance\n", + "BogataColumbia\n", + "wtith\n", + "levelbase\n", + "Wellwhen\n", + "segregationsists\n", + "evidemce\n", + "appreaciate\n", + "disination\n", + "homeowrk\n", + "aynamous\n", + "Insted\n", + "abues\n", + "617\n", + "qulity\n", + "analysing\n", + "inorested\n", + "sinces\n", + "manty\n", + "suppoting\n", + "informormation\n", + "buyt\n", + "opttion\n", + "highmaintenance\n", + "breack\n", + "disoders\n", + "studdies\n", + "airoxygen\n", + "unnderstand\n", + "2Now\n", + "extratrrestrial\n", + "compatition\n", + "conclusionextracurricular\n", + "deveoloped\n", + "electorr\n", + "discovere\n", + "earlyer\n", + "prve\n", + "affectig\n", + "respondsible\n", + "sistence\n", + "playersstudents\n", + "relectutant\n", + "cardepleted\n", + "revelad\n", + "Aboloshing\n", + "abilitiesand\n", + "promte\n", + "trroubled\n", + "quation\n", + "belioeve\n", + "blommed\n", + "susesful\n", + "oppurtunites\n", + "represnts\n", + "chermindis\n", + "entise\n", + "passageThat\n", + "Unmasing\n", + "ownbut\n", + "dangerspursue\n", + "assosiats\n", + "postitonestimating\n", + "RoyalRoce\n", + "emotionset\n", + "durind\n", + "democratric\n", + "candidatesometimes\n", + "afraind\n", + "emtional\n", + "useles\n", + "planetsnappping\n", + "believesDriveless\n", + "malappotrionment\n", + "countrysand\n", + "traumaBzing\n", + "menatal\n", + "INDENSIBLE\n", + "Kiesbye\n", + "TODE\n", + "onmly\n", + "ratherless\n", + "sometimeas\n", + "revisenoodletools\n", + "tentimes\n", + "foemed\n", + "imporatant\n", + "policmen\n", + "though12\n", + "polititinn\n", + "strikesto\n", + "oddnumber\n", + "concloution\n", + "comfrotable\n", + "varrious\n", + "andand\n", + "sesure\n", + "merterd\n", + "THose\n", + "conntected\n", + "neccary\n", + "moneywhch\n", + "elctors\n", + "diciplin\n", + "rebuidling\n", + "colege\n", + "canadate\n", + "reacte\n", + "scates\n", + "statemet\n", + "dilike\n", + "basenesses\n", + "arrise\n", + "goaldirected\n", + "citziens\n", + "caoable\n", + "individiuals\n", + "HistorySocial\n", + "Represeitatives\n", + "cool20\n", + "915am\n", + "schooldetention\n", + "Manufacters\n", + "codnitions\n", + "NflMlbFifa\n", + "eighteenyearold\n", + "waistes\n", + "conclusionBeing\n", + "needbecause\n", + "messageemailing\n", + "62\n", + "incinive\n", + "Staris\n", + "gonout\n", + "walkThere\n", + "succeptable\n", + "endevear\n", + "canidxent\n", + "245375\n", + "stearing\n", + "Francewhich\n", + "constroversy\n", + "whows\n", + "trsut\n", + "autotrophs\n", + "worldsince\n", + "quickbecause\n", + "collegde\n", + "negavtive\n", + "15000001\n", + "chese\n", + "protentially\n", + "wouldcould\n", + "proffesionalism\n", + "majoprity\n", + "absoulute\n", + "aswome\n", + "dearing\n", + "muscles3\n", + "terrifc\n", + "discombabulated\n", + "spuriousWe\n", + "estblished\n", + "008\n", + "LIDARit\n", + "tornamentsfencingboxingreadingwhittlingand\n", + "beliveved\n", + "whatching\n", + "knowshe\n", + "elactoral\n", + "Adminisrtation\n", + "solvoed\n", + "landscapeing\n", + "anachorsimsnot\n", + "sxpression\n", + "thinds\n", + "cosequences\n", + "smogthe\n", + "highst\n", + "jurrasticaly\n", + "nikname\n", + "exsprenol\n", + "senseand\n", + "learen\n", + "wowo\n", + "consonlors\n", + "throughsome\n", + "unfortable\n", + "acivemen\n", + "therights\n", + "reiably\n", + "classroon\n", + "votes538is\n", + "busybut\n", + "lightign\n", + "oppoion\n", + "reconzie\n", + "seventyone\n", + "isPerhaps\n", + "needfooddrinkspencils\n", + "bikeing\n", + "restablishment\n", + "Cydonnia\n", + "saysbut\n", + "hsould\n", + "beutaful\n", + "ploat\n", + "govconsumersguidesdangerstextingwhiledriving\n", + "unmannedbecause\n", + "nitros\n", + "latitiude\n", + "capitalsLast\n", + "bactireal\n", + "educationl\n", + "weekes\n", + "inviernment\n", + "Firstlyan\n", + "calulations\n", + "qquivalent\n", + "espeacially\n", + "dipicted\n", + "Stuying\n", + "bullyings\n", + "transpotion\n", + "358\n", + "chcking\n", + "studentnothing\n", + "recomed\n", + "hostlie\n", + "futurisitc\n", + "travling\n", + "inaccident\n", + "palnned\n", + "highfive\n", + "opertunities\n", + "caplble\n", + "focas\n", + "insintives\n", + "bankruping\n", + "slso\n", + "playcreate\n", + "citizans\n", + "maintianing\n", + "thatll\n", + "aquantinces\n", + "oustand\n", + "ADDADHD\n", + "breakes\n", + "shaprer\n", + "sprialing\n", + "democratsrepublicans\n", + "absoulte\n", + "offstudents\n", + "scertainment\n", + "natral\n", + "challengies\n", + "Enforement\n", + "ecieved\n", + "identfy\n", + "homeworkfilled\n", + "pluality\n", + "civleization\n", + "horendus\n", + "portrable\n", + "statisitcal\n", + "nedd\n", + "dispised\n", + "121\n", + "accidentparagraph\n", + "distracion\n", + "drivihng\n", + "survuvable\n", + "thisLets\n", + "appointmetns\n", + "emoltional\n", + "plegde\n", + "hadly\n", + "studentrunned\n", + "payibg\n", + "extrasurricular\n", + "apartyment\n", + "ssums\n", + "unveilded\n", + "chechout\n", + "electione\n", + "oversaes\n", + "someuseful\n", + "princples\n", + "AustraliaGermany\n", + "colloege\n", + "mthis\n", + "astablished\n", + "smogrivaled\n", + "consoulor\n", + "intiminating\n", + "08\n", + "creachers\n", + "petherance\n", + "Starbucksmaybe\n", + "woyukd\n", + "acelerating\n", + "alrets\n", + "constituiton\n", + "hasle\n", + "Dispise\n", + "Venus5\n", + "diegosing\n", + "desagree\n", + "Aceable\n", + "pullited\n", + "germafobic\n", + "mounterd\n", + "annything\n", + "percentafter\n", + "LAZYWHEN\n", + "viloence\n", + "agedistance\n", + "enetertainment\n", + "exsisted\n", + "carefluol\n", + "differentes\n", + "malnfunctioned\n", + "presidentional\n", + "stressafter\n", + "teachdesigned\n", + "drveless\n", + "thebalance\n", + "manslughter\n", + "regeardless\n", + "bigining\n", + "youo\n", + "anohter\n", + "soruce\n", + "agene\n", + "757\n", + "CORVID19\n", + "teamdance\n", + "100000\n", + "cenury\n", + "leadeers\n", + "confuced\n", + "bimp\n", + "sometims\n", + "Unmaskin\n", + "minipulated\n", + "saidtyped\n", + "ideadesign\n", + "viedo\n", + "billoner\n", + "Electorlal\n", + "Defesnes\n", + "sometung\n", + "conferencingstudents\n", + "joby\n", + "onlineattendance\n", + "farmes\n", + "suggiested\n", + "personlitly\n", + "consitly\n", + "thihs\n", + "becoimg\n", + "patentially\n", + "I95\n", + "apperars\n", + "planningand\n", + "terchonology\n", + "neighborsfriends\n", + "redudced\n", + "livingh\n", + "elecotor\n", + "themslelves\n", + "aurthour\n", + "dcide\n", + "stuided\n", + "haopens\n", + "weshould\n", + "congressThe\n", + "techknowlegy\n", + "himselfherself\n", + "withwell\n", + "accuarcy\n", + "carnot\n", + "representable\n", + "eightynine\n", + "photots\n", + "situationwhich\n", + "regonizes\n", + "espiecally\n", + "alsothey\n", + "environements\n", + "allotmeant\n", + "endso\n", + "Asronomers\n", + "particapate\n", + "atmaspher\n", + "deoends\n", + "ffew\n", + "kidsadultsstudentsteachers\n", + "exslpore\n", + "rovor\n", + "winnong\n", + "cattleboating\n", + "interseting\n", + "charcteristic\n", + "queestion\n", + "mountianhills\n", + "tectnology\n", + "searve\n", + "perefect\n", + "Respresentives\n", + "caslte\n", + "perrt\n", + "shose\n", + "easist\n", + "worksbetter\n", + "actullay\n", + "otherity\n", + "SystemFACS\n", + "posiablity\n", + "CELLULAUR\n", + "marsi\n", + "reasonyou\n", + "irrantional\n", + "colassal\n", + "Huag\n", + "Lasty\n", + "determan\n", + "waytotally\n", + "industrialiaztion\n", + "priceses\n", + "tremendousally\n", + "exscuse\n", + "barreries\n", + "personially\n", + "condidtions\n", + "illusoin\n", + "similiarites\n", + "unintrested\n", + "sadnesseven\n", + "decisionbetter\n", + "thme\n", + "pelote\n", + "BEABLE\n", + "elecctors\n", + "imagey\n", + "liike\n", + "advancments\n", + "fromFreedom\n", + "emotionel\n", + "Vanus\n", + "citezens\n", + "thinkt\n", + "gussing\n", + "termenously\n", + "TEXTED\n", + "carsand\n", + "conseqeunces\n", + "allthey\n", + "develeoped\n", + "simmilar\n", + "conclsion\n", + "vedeo\n", + "expeacially\n", + "legilature\n", + "Ascertainmentwhich\n", + "Heidun\n", + "recuire\n", + "refuring\n", + "Regiser\n", + "awayon\n", + "VicePresidents\n", + "forvever\n", + "eyesparagraph8Im\n", + "treapist\n", + "garanteed\n", + "asssumption\n", + "incentivised\n", + "examplepublic\n", + "indiffernt\n", + "cietzen\n", + "lacidazicle\n", + "carWhen\n", + "listenconnect\n", + "skeptis\n", + "domw\n", + "Aluthough\n", + "smiplified\n", + "theachers\n", + "anteanas\n", + "nonreliable\n", + "impacient\n", + "examles\n", + "entertan\n", + "copuld\n", + "prospetive\n", + "illegle\n", + "consit\n", + "authorAndrew\n", + "70yearold\n", + "adultsteachers\n", + "agurging\n", + "succors\n", + "huffpost\n", + "fehreheit\n", + "ciltures\n", + "excellectual\n", + "closetight\n", + "automotavies\n", + "coudnt\n", + "instutude\n", + "slowlybut\n", + "madwhich\n", + "Earthit\n", + "charator\n", + "entiltled\n", + "reimmerse\n", + "SYSETM\n", + "animathed\n", + "driveDriverless\n", + "deasead\n", + "apperence\n", + "peresidential\n", + "15sec\n", + "alsome\n", + "afride\n", + "conceptand\n", + "furel\n", + "phonemusicand\n", + "persents\n", + "carbideparagraph\n", + "deveploed\n", + "reexplained\n", + "fineS2P11\n", + "eggspanacakesbaconsausage\n", + "surrent\n", + "emmit\n", + "affeects\n", + "abought\n", + "Buisnessman\n", + "beforeand\n", + "progressreport\n", + "aventage\n", + "requiresparagraph\n", + "againwe\n", + "pesesion\n", + "falts\n", + "excavtion\n", + "ntural\n", + "emmisons\n", + "pressuare\n", + "licesnced\n", + "ofhow\n", + "projectsand\n", + "2005\n", + "77\n", + "berucratt\n", + "crouded\n", + "obviestly\n", + "Colleseum\n", + "lewts\n", + "centery\n", + "hereand\n", + "outofbuilding\n", + "online7\n", + "defintley\n", + "compations\n", + "monumeant\n", + "choosuing\n", + "contitution\n", + "myand\n", + "falacy\n", + "guarnteed\n", + "440000\n", + "defrentiate\n", + "conspiarcy\n", + "finaces\n", + "privatetherefore\n", + "enfoced\n", + "httpssciaga\n", + "jemp\n", + "Bogotathe\n", + "MIght\n", + "waisitng\n", + "Finallykids\n", + "canidacy\n", + "perfers\n", + "soandso\n", + "Califorlina\n", + "treeWere\n", + "mnot\n", + "prepaired\n", + "Californiatexaswyomingect\n", + "Finallty\n", + "imopact\n", + "oppoturnity\n", + "foundor\n", + "tuesdaythursday\n", + "historys\n", + "Commuication\n", + "daanger\n", + "posiable\n", + "prejuice\n", + "cartain\n", + "crusie\n", + "pleaseit\n", + "mucles\n", + "irtrational\n", + "reveue\n", + "rescing\n", + "enufe\n", + "optionsif\n", + "reasom\n", + "prieod\n", + "polluated\n", + "understandingnot\n", + "Twentyseven\n", + "fencinggames\n", + "birthpalce\n", + "moutheyes\n", + "prizewhereas\n", + "gasemissions\n", + "projectdesign\n", + "wayin\n", + "strongerbecause\n", + "butsmart\n", + "Cernainty\n", + "happyangry\n", + "agrithomes\n", + "phonetaking\n", + "Finallywe\n", + "marveld\n", + "Shortof\n", + "Rehababilitation\n", + "countung\n", + "lifeand\n", + "appresions\n", + "hepls\n", + "sevenforty\n", + "jogrunYou\n", + "permmitted\n", + "openingv\n", + "peronally\n", + "orgroadsafetysafetytopicsdistracteddrivingcellphonedistracteddriving\n", + "134in\n", + "kide\n", + "shodows\n", + "weaknessess\n", + "statted\n", + "3640\n", + "considerer\n", + "Indifensible\n", + "testworkprogetor\n", + "traviled\n", + "tomplaces\n", + "Mondays2p18\n", + "distanceNASA\n", + "cinfused\n", + "solv\n", + "Exsactly\n", + "hassels\n", + "Conlusion\n", + "catergorizing\n", + "classesWhere\n", + "caost\n", + "friendsassociates\n", + "telivision\n", + "percetnt\n", + "compliacted\n", + "speake\n", + "poler\n", + "totall\n", + "numorouds\n", + "Explorering\n", + "plung\n", + "fechers\n", + "bben\n", + "aspeed\n", + "unconstutional\n", + "couser\n", + "aprehensive\n", + "LastlyI\n", + "Electotal\n", + "pooible\n", + "multile\n", + "gufted\n", + "presentadditional\n", + "boredthen\n", + "Sourse\n", + "unrepputable\n", + "telecommunting\n", + "placeOn\n", + "facialexpression\n", + "porposterous\n", + "enertainment\n", + "muving\n", + "actiivation\n", + "Qithout\n", + "polited\n", + "shoouldnt\n", + "activite\n", + "Manily\n", + "Teengers\n", + "couldnet\n", + "tecnoligy\n", + "misenterpret\n", + "invaribly\n", + "immaging\n", + "comminuty\n", + "dnagerous\n", + "situatuons\n", + "drivingThat\n", + "beilefs\n", + "tracka\n", + "USAThere\n", + "sizehe\n", + "sothey\n", + "nobobody\n", + "telecommunities\n", + "time10\n", + "sperit\n", + "benifishal\n", + "nosiey\n", + "reconigize\n", + "edgnyder\n", + "twothousand\n", + "confusin\n", + "storemarket\n", + "pollutionh\n", + "Oribiter\n", + "somobodys\n", + "BMWThis\n", + "outcomeavoiding\n", + "muscules\n", + "supposedlly\n", + "postivies\n", + "brins\n", + "notgetting\n", + "comuntiy\n", + "selfwritten\n", + "Pharaoah\n", + "vothing\n", + "deagrees\n", + "dunbst\n", + "swiffer\n", + "slect\n", + "mateirals\n", + "morre\n", + "startpoint\n", + "clostes\n", + "canidant\n", + "seeeing\n", + "Electroral\n", + "elcetorla\n", + "probbaly\n", + "insuranceand\n", + "projectsbecause\n", + "problemsand\n", + "valuablebecause\n", + "misserible\n", + "fututre\n", + "suceade\n", + "LOCATION_NAME\n", + "beacus\n", + "411\n", + "helpfuly\n", + "hobnestly\n", + "privace\n", + "horsessheep\n", + "comunite\n", + "similsr\n", + "highlyalert\n", + "dioxied\n", + "lisense\n", + "knowlageable\n", + "Suburds\n", + "outbeats\n", + "majorety\n", + "inHow\n", + "flahing\n", + "sterssed\n", + "disoveries\n", + "forspecific\n", + "carzy\n", + "togethor\n", + "httpssettlementfunding\n", + "arounfd\n", + "mysteryes\n", + "techonagly\n", + "selfled\n", + "problemit\n", + "schoolinvolved\n", + "volcans\n", + "councilsports\n", + "razear\n", + "jepordize\n", + "pleaseBasically\n", + "pasific\n", + "embarssed\n", + "larrgest\n", + "comminties\n", + "listning\n", + "idia\n", + "lifefor\n", + "diversed\n", + "adernarry\n", + "fals\n", + "cownboys\n", + "wellthis\n", + "unhabital\n", + "BURGEONING\n", + "wayMajority\n", + "disputeover\n", + "homeThese\n", + "aruments\n", + "voiting\n", + "acsiddebts\n", + "felxiblity\n", + "CONSISTS\n", + "maininence\n", + "partail\n", + "columbians\n", + "popularbased\n", + "astrounauts\n", + "harzardous\n", + "Dineys\n", + "talkk\n", + "Parisresidents\n", + "verbale\n", + "sutend\n", + "illserved\n", + "monny\n", + "constitutionthis\n", + "equptment\n", + "usBTS\n", + "MONTH_DAY_YEAR\n", + "Grocerey\n", + "navigationg\n", + "sirmam\n", + "Drivelesscars\n", + "baot\n", + "catastraphe\n", + "Camers\n", + "eleminatedivers\n", + "aurthors\n", + "phonestextingetc\n", + "doingitÃÂll\n", + "hevicle\n", + "ReLearning\n", + "accidentfree\n", + "atomaticaly\n", + "prabablem\n", + "peoblems\n", + "opportunitues\n", + "engineallowing\n", + "ttraffic\n", + "muics\n", + "handthe\n", + "throhtout\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "kows\n", + "Generic_Namehis\n", + "hoemwork\n", + "selfie\n", + "reasions\n", + "quickMIne\n", + "suriviable\n", + "variaties\n", + "jpl\n", + "2315\n", + "votersas\n", + "intier\n", + "atvancing\n", + "inhosbitable\n", + "itJonathan\n", + "unedrstand\n", + "ecltoral\n", + "carlessness\n", + "tranpertation\n", + "optionsmartcars\n", + "disgustedfearfuland\n", + "jerrseys\n", + "activitesforstudents\n", + "effforts\n", + "traffiic\n", + "cunstruction\n", + "tcomunity\n", + "Vuaban\n", + "enmormous\n", + "elct\n", + "studiyng\n", + "16000000\n", + "casn\n", + "moneyetc\n", + "likeand\n", + "headface\n", + "ultimalty\n", + "stragazer\n", + "callifornia\n", + "focuding\n", + "wronghence\n", + "esatblished\n", + "BecauseEckman\n", + "cvollege\n", + "decates\n", + "freemind\n", + "ascertainments\n", + "carswe\n", + "2011\n", + "Evennumbered\n", + "ealer\n", + "tossstates\n", + "exausting\n", + "iniciative\n", + "ellection\n", + "influenceif\n", + "Russina\n", + "consition\n", + "essientially\n", + "helpng\n", + "elderl\n", + "exspretion\n", + "psps\n", + "Independince\n", + "complany\n", + "admitions\n", + "lastley\n", + "risksas\n", + "votingthey\n", + "theelectoral\n", + "makigng\n", + "peoplecommunicating\n", + "comaprison\n", + "redesighing\n", + "expeirimental\n", + "lines78\n", + "550\n", + "Priuss\n", + "assignmentsprojects\n", + "behaf\n", + "rearending\n", + "construcks\n", + "ehat\n", + "natuarl\n", + "hikedbiked\n", + "200000\n", + "decieded\n", + "embetter\n", + "somebut\n", + "snapchatting\n", + "duodecimo\n", + "suceeddin\n", + "privaleges\n", + "articlke\n", + "infestructure\n", + "courty\n", + "OrleansGreeceEuropeChinaVeniceand\n", + "conputers\n", + "perident\n", + "proprobly\n", + "dicover\n", + "advocateessentially\n", + "planetthe\n", + "Amajority\n", + "stinck\n", + "unrelateable\n", + "citiy\n", + "conspiracieshaving\n", + "thirdI\n", + "extracurricclar\n", + "forwn\n", + "sittting\n", + "workintensive\n", + "MrMs\n", + "tknow\n", + "consluion\n", + "informatom\n", + "downn\n", + "humansStriving\n", + "ARturo\n", + "Curosity\n", + "activitybecause\n", + "innventions\n", + "numbersource\n", + "misgendered\n", + "vbalid\n", + "arugment\n", + "indisputable4\n", + "helthy\n", + "comnewslocal_newsdistracteddrivingfatalitiesstillhi\n", + "watersunjust\n", + "transportatons\n", + "statesToday\n", + "Conspericy\n", + "corrert\n", + "assinations\n", + "betweencitizen\n", + "Unpleasantly\n", + "potenialy\n", + "clouddraped\n", + "ofEvening\n", + "otherwho\n", + "phoe\n", + "caulculate\n", + "wuith\n", + "mouthand\n", + "controversials\n", + "streefree\n", + "operaBng\n", + "Initiallythese\n", + "bestBradford\n", + "driverkess\n", + "cityuneven\n", + "rounes\n", + "sharperthan\n", + "shudents\n", + "Inclass\n", + "noticeble\n", + "isWho\n", + "adavanced\n", + "thinkyes\n", + "implament\n", + "quiztest\n", + "estudent\n", + "expirces\n", + "gideness\n", + "REPERSENITIVES\n", + "appers\n", + "democrastic\n", + "Welll\n", + "Cognitiveremoving\n", + "happensthe\n", + "bosts\n", + "qualitys\n", + "authomosphere\n", + "2mile\n", + "probabably\n", + "croppingfixing\n", + "benifilcail\n", + "freesdom\n", + "inpower\n", + "tournamentsfencingboxingreading\n", + "appleal\n", + "bogotoa\n", + "kindes\n", + "skatesbusses\n", + "chollege\n", + "croppedsource3\n", + "largeley\n", + "statesbig\n", + "speakYesThe\n", + "unproffesional\n", + "aoficlas\n", + "bullids\n", + "opportunuties\n", + "poplare\n", + "Pumer\n", + "wihle\n", + "tieas\n", + "Goolgle\n", + "moviesBooks\n", + "hanicapped\n", + "volleyballbaseballand\n", + "drivea\n", + "diectly\n", + "Bomburger\n", + "wrog\n", + "Monaysource\n", + "liscens\n", + "speficc\n", + "descrepence\n", + "eperson\n", + "comcaraccidentcauseofaccidentcellphonecellphonestatis\n", + "ordes\n", + "limets\n", + "thoose\n", + "stronlgy\n", + "technlology\n", + "Plaaza\n", + "cosists\n", + "2030\n", + "actiond\n", + "noncar\n", + "kidteenager\n", + "posiblites\n", + "eveny\n", + "placesfor\n", + "dopends\n", + "expent\n", + "couldvery\n", + "senitor\n", + "inculeded\n", + "conuntythe\n", + "redice\n", + "frineds\n", + "12715\n", + "appealeveryones\n", + "studentbased\n", + "Nixo\n", + "orgtopicsfactsabouttextingdriving\n", + "statesOf\n", + "polpular\n", + "modifiy\n", + "milisecond\n", + "distaper\n", + "mentle\n", + "absalutely\n", + "Senete\n", + "secrity\n", + "madE\n", + "againg\n", + "ligislators\n", + "vantege\n", + "750\n", + "pertunity\n", + "feauture\n", + "mandaotry\n", + "riped\n", + "facialc\n", + "GreeceVeniceand\n", + "caputred\n", + "alliviate\n", + "challage\n", + "dessides\n", + "carslicenses\n", + "UnfairOutdatedAnd\n", + "tuduring\n", + "thinkingbut\n", + "futurethey\n", + "probibley\n", + "creaturs\n", + "mamimum\n", + "Cowboywas\n", + "war11\n", + "ejoyable\n", + "swuare\n", + "peopleAnyone\n", + "nethertheless\n", + "Wyomingwould\n", + "presidentIf\n", + "obiously\n", + "cobnditions\n", + "unusaul\n", + "huendred\n", + "townsstates\n", + "exterme\n", + "manufactureThat\n", + "constucts\n", + "successsfuly\n", + "softerware\n", + "consand\n", + "reqally\n", + "studentorganized\n", + "stedily\n", + "WEEEWOOWEEHWOO\n", + "reduct\n", + "pollutin\n", + "felds\n", + "secondally\n", + "exaust\n", + "turrain\n", + "21\n", + "saidBesides\n", + "obay\n", + "Conjestion\n", + "nany\n", + "selectiong\n", + "persuite\n", + "26\n", + "willtouch\n", + "studyand\n", + "optionsyou\n", + "wehter\n", + "somg\n", + "emissionssource\n", + "Eeveryone\n", + "clsssroom\n", + "diffrentlly\n", + "gassample\n", + "hiden\n", + "meybe\n", + "talktotext\n", + "wounld\n", + "thenone\n", + "sivakparagraph33If\n", + "leadingit\n", + "nonideal\n", + "extracrrcular\n", + "Nixan\n", + "elecions\n", + "summaryThe\n", + "hassleeven\n", + "npeople\n", + "articale\n", + "statesCalifornia\n", + "solutionschoices\n", + "peopleincluding\n", + "traterous\n", + "gamesor\n", + "pringles\n", + "smag\n", + "carolinia\n", + "ymxb\n", + "appoinments\n", + "overcompilcated\n", + "gaurntee\n", + "resmebled\n", + "technologybased\n", + "succied\n", + "girlboyfriend\n", + "reconization\n", + "disabilityso\n", + "genertaion\n", + "disguet\n", + "bogata\n", + "insocure\n", + "conditionsparagraph\n", + "ocurr\n", + "predigree\n", + "Sientists\n", + "phototgraph\n", + "habving\n", + "landfprm\n", + "elctection\n", + "possibley\n", + "thagt\n", + "particuar\n", + "extracirriculars\n", + "drematiclly\n", + "decisionon\n", + "3039\n", + "desil\n", + "atheast\n", + "storerestaurant\n", + "extracucilar\n", + "madsadhappy\n", + "nonscholastic\n", + "appealDoes\n", + "concpericy\n", + "missout\n", + "world14\n", + "campaingn\n", + "presurre\n", + "incorparating\n", + "erraticated\n", + "FranceDuffer\n", + "complant\n", + "reckage\n", + "espensive\n", + "Vnci\n", + "talkingand\n", + "juuls\n", + "citise\n", + "potientionally\n", + "135\n", + "LastlyLimiting\n", + "orginised\n", + "exsict\n", + "Beautyful\n", + "hardI\n", + "unisom\n", + "saybecause\n", + "racomened\n", + "vanage\n", + "predident\n", + "atteneion\n", + "ourr\n", + "phonesCell\n", + "servived\n", + "oppontes\n", + "tecniques\n", + "technonlgy\n", + "Professers\n", + "humnas\n", + "garrented\n", + "scienctist\n", + "liforns\n", + "parentswill\n", + "statelevel\n", + "ickinees\n", + "opinio\n", + "embrasse\n", + "farthur\n", + "Teenlife\n", + "humas\n", + "stranced\n", + "centrrey\n", + "covor\n", + "factorbutwhat\n", + "unlown\n", + "studyits\n", + "spacerocks\n", + "8Scientist\n", + "OTHER_NAME\n", + "govmotorvehiclesafetydistracted_drivingindex\n", + "RIVALED\n", + "FirstName\n", + "smalle\n", + "drivve\n", + "anopporortunity\n", + "acommunity\n", + "authornmakes\n", + "tranquillity\n", + "ÃÂoh\n", + "lifefamily\n", + "toclean\n", + "helpping\n", + "passsage\n", + "alltheir\n", + "somethinh\n", + "popoltaion\n", + "oarticularly\n", + "Explorinng\n", + "coellge\n", + "effcts\n", + "prgrams\n", + "DriversEd\n", + "Conferderate\n", + "possitives\n", + "innovatied\n", + "caars\n", + "chnging\n", + "adhance\n", + "illnesss\n", + "Scincerly\n", + "Europe50\n", + "campainto\n", + "MarsBut\n", + "animalswater\n", + "futureistic\n", + "experinceice\n", + "polutes\n", + "AlsoLuke\n", + "60000000\n", + "extracaricular\n", + "atmousephere\n", + "happness\n", + "promotting\n", + "themselvesthen\n", + "promgran\n", + "erorr\n", + "cellphonerelated\n", + "informationgiving\n", + "storyhe\n", + "Huanfs\n", + "develepment\n", + "citytown\n", + "producion\n", + "morethe\n", + "workzone\n", + "responsiblit\n", + "harmul\n", + "moreremembering\n", + "difrently\n", + "pepares\n", + "homeworkthey\n", + "ocens\n", + "expressivefor\n", + "runied\n", + "statesPut\n", + "dangreous\n", + "mske\n", + "drees\n", + "10pm\n", + "improveand\n", + "involded\n", + "ablel\n", + "Espically\n", + "prefre\n", + "rpoves\n", + "reasherched\n", + "amhe\n", + "healthto\n", + "Evn\n", + "numberbut\n", + "glamour\n", + "ChampsElysees\n", + "cenery\n", + "lqrgest\n", + "youngbrightopenmindedintelligent\n", + "Sixtyseven\n", + "bigsmall\n", + "genrally\n", + "apprpiation\n", + "tweking\n", + "bleave\n", + "anarchronism\n", + "particulated\n", + "justing\n", + "monment\n", + "spinningn\n", + "groing\n", + "bhis\n", + "1they\n", + "recognising\n", + "outthen\n", + "Scienstists\n", + "teacherbase\n", + "detake\n", + "seets\n", + "safeless\n", + "everyclass\n", + "biasedand\n", + "fenominal\n", + "strongbut\n", + "wellfair\n", + "nowI\n", + "homeshooling\n", + "possibole\n", + "drivers9\n", + "imeag\n", + "quizzezs\n", + "explainsA\n", + "htink\n", + "winssome\n", + "humanuity\n", + "evedince\n", + "hazardess\n", + "civalization\n", + "pretain\n", + "voterssource\n", + "defineitly\n", + "walkbikeskate\n", + "shouldshouldnt\n", + "opinionized\n", + "438\n", + "dothen\n", + "evidencce\n", + "builled\n", + "ploral\n", + "syudent\n", + "reugular\n", + "lifejust\n", + "Fahreheit\n", + "probebly\n", + "joeIts\n", + "seroius\n", + "callenge\n", + "detial\n", + "Heidran\n", + "mashen\n", + "creativeresponsible\n", + "goalssome\n", + "alain\n", + "momlove\n", + "progems\n", + "Sincirerly\n", + "carefulbecause\n", + "sameas\n", + "acction\n", + "personalreativestraightforwardsimple\n", + "recongnize\n", + "landscapeit\n", + "vacaction\n", + "envoking\n", + "reasonsstudent\n", + "studentdesigning\n", + "dolphines\n", + "peoplebecause\n", + "nutural\n", + "smogS2P14\n", + "illnutritious\n", + "Safewise\n", + "moajoity\n", + "crisism\n", + "carwhen\n", + "unforrgetable\n", + "enaught\n", + "oppritunities\n", + "knon\n", + "skybut\n", + "attendece\n", + "articleUnder\n", + "vechial\n", + "interstesting\n", + "wrtten\n", + "blaimed\n", + "soontobesportplayingstudent\n", + "infenitfing\n", + "uruly\n", + "schooleh\n", + "humanityThe\n", + "exmple\n", + "teacahers\n", + "cellphoneshoweverall\n", + "hoursThe\n", + "obrit\n", + "sayTeenagers\n", + "siuations\n", + "succeede\n", + "diasbled\n", + "trlls\n", + "clothees\n", + "participae\n", + "cpmparing\n", + "swingstates\n", + "kidÃÂs\n", + "organisations\n", + "Otherpeoples\n", + "frequwntly\n", + "permmtted\n", + "1300000\n", + "bycicles\n", + "faimly\n", + "Abolsih\n", + "DUIS\n", + "alternativesbecause\n", + "availibilty\n", + "arcodaring\n", + "horable\n", + "antitexting\n", + "cattlerides\n", + "approiations\n", + "decraese\n", + "Venuss\n", + "grocerys\n", + "colonery\n", + "lovible\n", + "Prsonally\n", + "calulates\n", + "despte\n", + "riskincluding\n", + "everevolving\n", + "Admiting\n", + "degees\n", + "collaeg\n", + "lightining\n", + "6ooo\n", + "acustomed\n", + "schoolbecasue\n", + "Thust\n", + "selfteach\n", + "pscyhologists\n", + "22ero\n", + "eroupe\n", + "sprawlng\n", + "exausted\n", + "candited\n", + "useofaccidenticel1phonece\n", + "requiered\n", + "35000000\n", + "narural\n", + "explianshow\n", + "1624\n", + "disablties\n", + "execeeds\n", + "towhere\n", + "blameIm\n", + "presemted\n", + "neraly\n", + "conselers\n", + "comfuterble\n", + "mues\n", + "interrut\n", + "environent\n", + "resacecher\n", + "stessful\n", + "tGeneric_Name\n", + "deffrint\n", + "reorganising\n", + "technolodgy\n", + "eveviorments\n", + "Automoblies\n", + "activitiesa\n", + "polotitions\n", + "collectivly\n", + "peopleshould\n", + "ELECTIION\n", + "poplluted\n", + "400000\n", + "unvalueable\n", + "voteEven\n", + "ptoential\n", + "nonstressful\n", + "acctivities\n", + "resrving\n", + "incontroll\n", + "votesWe\n", + "admistrator\n", + "opinionsother\n", + "dicidcides\n", + "willfuly\n", + "responsble\n", + "examplesource\n", + "caculations\n", + "obsticles\n", + "agein\n", + "consaquences\n", + "thouth\n", + "yuou\n", + "friendsclassmates\n", + "tramendiously\n", + "Accorting\n", + "unvaluable\n", + "atronmoers\n", + "acivity\n", + "gasmoney\n", + "cuased\n", + "comaparison\n", + "Generic_NameGeneric_NameandGeneric_Name\n", + "ninetyone\n", + "Constituton\n", + "computeranimated\n", + "elctronics\n", + "convvey\n", + "cange\n", + "ccident\n", + "thoughbut\n", + "subatage\n", + "vauban\n", + "soution\n", + "minner\n", + "sneseit\n", + "favortised\n", + "uptated\n", + "aboutl\n", + "intirety\n", + "upcomign\n", + "perspectivealso\n", + "PresidentIts\n", + "sutdents\n", + "peoson\n", + "Responibility\n", + "suicdue\n", + "innovativeand\n", + "extracurricurricular\n", + "wourl\n", + "brerak\n", + "electorsthe\n", + "lacted\n", + "phonewhen\n", + "enouncement\n", + "polotics\n", + "Sometims\n", + "conspiricies\n", + "proberly\n", + "problams\n", + "nonfun\n", + "douwnsides\n", + "accidet\n", + "seeplaces\n", + "consiparcy\n", + "inscurate\n", + "electorers\n", + "citixens\n", + "emjoying\n", + "resoureces\n", + "44\n", + "responabilty\n", + "touran\n", + "churche\n", + "smogsmog\n", + "ellect\n", + "riorius\n", + "believesknows\n", + "depenent\n", + "ewy\n", + "pruduction\n", + "strongley\n", + "unhealthyor\n", + "onbce\n", + "habit36\n", + "poisning\n", + "abilily\n", + "casesIn\n", + "heavinly\n", + "acounted\n", + "Teacherassigned\n", + "athat\n", + "theroists\n", + "Earthss\n", + "statesEckman\n", + "Cowbody\n", + "opperatonuty\n", + "liky\n", + "Fanally\n", + "flipphones\n", + "talkling\n", + "paintingPicture\n", + "polutions\n", + "windowbut\n", + "oonly\n", + "farthers\n", + "teslas\n", + "emotionfeelings\n", + "charechter\n", + "runa\n", + "diasbilites\n", + "capible\n", + "Studentsteachersand\n", + "wantif\n", + "101000\n", + "spiratic\n", + "peacebut\n", + "Obams\n", + "funsunny\n", + "Firstdisabilities\n", + "opssion\n", + "ourseleves\n", + "conumect\n", + "whoevers\n", + "redunency\n", + "teatchers\n", + "Propponents\n", + "repersntives\n", + "baning\n", + "resilution\n", + "responisbilities\n", + "privetly\n", + "cappible\n", + "yess\n", + "apacolypse\n", + "numorous\n", + "advemture\n", + "contemplaiting\n", + "Occuping\n", + "opwn\n", + "increasde\n", + "geneuinly\n", + "facetype\n", + "travelesls\n", + "licaens\n", + "minuteand\n", + "dristracted\n", + "dissabled\n", + "ChinaJapanMexicoAustralia\n", + "instaled\n", + "activitys\n", + "responsibilate\n", + "atmosphee\n", + "panny\n", + "78\n", + "1998\n", + "talkingasking\n", + "fortifiying\n", + "resultes\n", + "Asumption\n", + "eauality\n", + "huamns\n", + "Bradsord\n", + "feeeling\n", + "classroomn\n", + "dsiplay\n", + "remeinds\n", + "passagers\n", + "opioun\n", + "takek\n", + "spowhen\n", + "theuir\n", + "pausible\n", + "athur\n", + "leand\n", + "Yourve\n", + "parnoid\n", + "sceintific\n", + "aqquires\n", + "24th\n", + "degres\n", + "dection\n", + "sidwalks\n", + "compures\n", + "kidsteens\n", + "hadycapped\n", + "anxios\n", + "eclaimed\n", + "messure\n", + "reoplaced\n", + "cololect\n", + "irrelavant\n", + "swingstatesS2\n", + "endoured\n", + "inhospitablewhy\n", + "Reserchers\n", + "candidatesas\n", + "haviong\n", + "extracurciuar\n", + "Honestley\n", + "Huangss\n", + "presidentaial\n", + "ridejust\n", + "devstates\n", + "larning\n", + "Ccllege\n", + "Prgram\n", + "contrastpublic\n", + "diabeties\n", + "legistors\n", + "ENVIROMENT\n", + "intemidating\n", + "coosing\n", + "lanuched\n", + "carfreeexcept\n", + "imagray\n", + "appearded\n", + "enjoied\n", + "riskspara6\n", + "ListerLandman\n", + "alusion\n", + "syaytem\n", + "lifeyou\n", + "StudentDesigned\n", + "computerlop\n", + "37th\n", + "evre\n", + "nessesary\n", + "benafit\n", + "everyoune\n", + "situationseeing\n", + "presidentialelections\n", + "Claming\n", + "havening\n", + "meDid\n", + "nesecities\n", + "conclusionnobody\n", + "wantng\n", + "thinkign\n", + "Proctection\n", + "tecnogly\n", + "acedmic\n", + "verdent\n", + "oppertune\n", + "volcaneos\n", + "saiys\n", + "consitered\n", + "BestLaid\n", + "childrenteenagers\n", + "ideathey\n", + "attendwork\n", + "Happieness\n", + "affer\n", + "progrsm\n", + "magazinesw\n", + "dangerousbecause\n", + "accidentsetc\n", + "numours\n", + "ALFCIO\n", + "presurs\n", + "willigness\n", + "singnal\n", + "8090\n", + "rardr\n", + "episodemovie\n", + "atompheric\n", + "priotity\n", + "legislatores\n", + "selcts\n", + "oddnumberd\n", + "memerable\n", + "happinessupriseangerdisgustfearand\n", + "collics\n", + "anymore19\n", + "beetwen\n", + "faceall\n", + "beneficts\n", + "accquire\n", + "techinologies\n", + "I75\n", + "vidio\n", + "guinine\n", + "pollutionSource\n", + "Plesiasours\n", + "a\n", + "vancansy\n", + "communictaion\n", + "actical\n", + "decite\n", + "benfiting\n", + "eithre\n", + "amercans\n", + "questinos\n", + "qestions\n", + "successfui\n", + "pobably\n", + "roomonly\n", + "flawer\n", + "itfor\n", + "testiments\n", + "wwwwikepediacom\n", + "stressreducing\n", + "eclection\n", + "checkut\n", + "succeseful\n", + "technoollogy\n", + "vidoechat\n", + "selfdisciplines\n", + "Vaubanhome\n", + "strugglung\n", + "needit\n", + "sarting\n", + "EarthLike\n", + "themselvesbeing\n", + "activityor\n", + "cornerthey\n", + "astronut\n", + "workschools\n", + "currosive\n", + "scientsts\n", + "goingattending\n", + "dpnt\n", + "paticiapting\n", + "Bradord\n", + "themhowever\n", + "canser\n", + "Secondlyeveryone\n", + "boredum\n", + "uninhabitability\n", + "andThree\n", + "designingstudent\n", + "appealif\n", + "footballform\n", + "intereted\n", + "arter\n", + "carfs\n", + "projectbuilding\n", + "immidily\n", + "haedded\n", + "worldinternet\n", + "unconterfull\n", + "incooperated\n", + "promps\n", + "Relif\n", + "joine\n", + "dissaster\n", + "NoRedInk\n", + "caedon\n", + "percennt\n", + "1200s\n", + "terriots\n", + "sustane\n", + "rugees\n", + "alsleep\n", + "problumes\n", + "NoThe\n", + "hoilds\n", + "forceing\n", + "JPLweb\n", + "LatinAmerican\n", + "visiual\n", + "segergationists\n", + "winningfocusing\n", + "defenitley\n", + "declatring\n", + "itonce\n", + "aboce\n", + "collegeand\n", + "snopes\n", + "supposibly\n", + "Irac\n", + "themselces\n", + "inidcate\n", + "undernethe\n", + "overides\n", + "sunhe\n", + "studyies\n", + "reliablitly\n", + "helpteachers\n", + "projectbut\n", + "Earthis\n", + "theorisits\n", + "Fisrtin\n", + "snapchat3\n", + "humman\n", + "themaerial\n", + "understable\n", + "crisist\n", + "3Swing\n", + "havecar\n", + "feamily\n", + "shopes\n", + "cheel\n", + "alienwould\n", + "capibilties\n", + "possitively\n", + "NIxon\n", + "promsie\n", + "ancers\n", + "dayselsky\n", + "educationand\n", + "tradgic\n", + "selfrespect\n", + "depretion\n", + "enivorment\n", + "homethere\n", + "exseeds\n", + "alal\n", + "mutlitask\n", + "instructionws\n", + "reilved\n", + "jamssmog\n", + "ninedy\n", + "interfeared\n", + "seventythree\n", + "Sydtem\n", + "represeted\n", + "onthego\n", + "trpis\n", + "simpified\n", + "lathargic\n", + "disabiltiy\n", + "therory\n", + "shownIn\n", + "CommerseThe\n", + "reamber\n", + "1912\n", + "Generic_Namemy\n", + "ParaG\n", + "represtent\n", + "campians\n", + "noval\n", + "alreddy\n", + "advicebut\n", + "Theyd\n", + "wifiinternet\n", + "comdangersusingcellphonesdriving1253\n", + "eithing\n", + "moost\n", + "evean\n", + "spotify\n", + "closedoff\n", + "Suburn\n", + "exapmle\n", + "39929\n", + "usasge\n", + "handsonlearning\n", + "headsupgeorgia\n", + "deggrees\n", + "orgusfacts11factsaboutteendriving\n", + "practicallity\n", + "herebut\n", + "pollutioncountrys\n", + "statedemocrats\n", + "tripps\n", + "Wavesthis\n", + "Standhill\n", + "unbelivible\n", + "drining\n", + "havt\n", + "choiceand\n", + "producucing\n", + "CAUTIOUSLY\n", + "skillls\n", + "controland\n", + "movementsin\n", + "cardide\n", + "driverlesssmart\n", + "Electtoral\n", + "oceanwell\n", + "eaasily\n", + "benefiticial\n", + "outofplace\n", + "technonly\n", + "axtraorinary\n", + "destny\n", + "saegoing\n", + "extracurriclar\n", + "gaurenteed\n", + "similiarties\n", + "electorsAnd\n", + "paceyou\n", + "instanses\n", + "autonomus\n", + "gwt\n", + "readhear\n", + "sportsafter\n", + "transtoprtation\n", + "freiburg\n", + "naturl\n", + "Panamal\n", + "assitment\n", + "edgarsnyd\n", + "friendsfamilyloved\n", + "Faciak\n", + "unmotivate\n", + "intstructor\n", + "descrepensy\n", + "copetition\n", + "neatclean\n", + "descrbes\n", + "atlest\n", + "incorprated\n", + "unitelligent\n", + "producess\n", + "demanditory\n", + "OddNumbered\n", + "acccurate\n", + "cofide\n", + "commmunic\n", + "communite\n", + "amazingthe\n", + "riswe\n", + "amarica\n", + "antiinfantry\n", + "20By\n", + "decidebut\n", + "wellthought\n", + "vido\n", + "crash2\n", + "feelng\n", + "pollutio\n", + "tiyp\n", + "mijority\n", + "peraces\n", + "vegeteran\n", + "withc\n", + "seeeven\n", + "cuccsin\n", + "Ph10\n", + "Venusthese\n", + "begoing\n", + "conrtol\n", + "presonally\n", + "12000\n", + "idal\n", + "musicrapsing\n", + "yourselfthatll\n", + "autopilet\n", + "sisutations\n", + "futurenew\n", + "reashered\n", + "exspecially\n", + "irration\n", + "thingsbut\n", + "unfairoutdatedand\n", + "situationsand\n", + "rewatchreread\n", + "cooperationsocial\n", + "devolping\n", + "nminee\n", + "partygets\n", + "booost\n", + "studyVenus\n", + "rebellons\n", + "obsoliet\n", + "Wyonming\n", + "detct\n", + "percistence\n", + "repercution\n", + "oncomming\n", + "axcident\n", + "alernative\n", + "Alsofootball\n", + "fivehundred\n", + "happyiness\n", + "dicide\n", + "propblems\n", + "asidents\n", + "manufacutrers\n", + "parentsfriends\n", + "Edpuzzle\n", + "especcially\n", + "Reuters16\n", + "lesscompatible\n", + "phenomonon\n", + "keeppeople\n", + "Fatalaties\n", + "countinues\n", + "Creteand\n", + "personpeople\n", + "whhy\n", + "uther\n", + "freash\n", + "smogalso\n", + "inmagine\n", + "minizie\n", + "votesthe\n", + "ritbeside\n", + "pltes\n", + "Symstem\n", + "coincedense\n", + "Sencerily\n", + "vaulable\n", + "necessitiesas\n", + "lisening\n", + "heaad\n", + "StatesFor\n", + "thirdworld\n", + "Furthurmore\n", + "citties\n", + "eviromentharming\n", + "endeavorsParagraph\n", + "secerty\n", + "Tboned\n", + "opportunitty\n", + "participatedDay\n", + "movent\n", + "unessecary\n", + "puit\n", + "statessince\n", + "areso\n", + "studyed\n", + "diffcults\n", + "challengesetc\n", + "builted\n", + "effiecient\n", + "deam\n", + "sommethinng\n", + "87\n", + "_But\n", + "oubout\n", + "Hicu\n", + "pricicy\n", + "wayThe\n", + "neatand\n", + "parcial\n", + "somesome\n", + "gerenal\n", + "blimpcar\n", + "driverand\n", + "compurters\n", + "malapporionment\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "exporling\n", + "becanuse\n", + "thatevery\n", + "shos\n", + "coputres\n", + "eckmanfor\n", + "oftencalled\n", + "excpeclly\n", + "principalss\n", + "polluction\n", + "Constintution\n", + "automobilse\n", + "Acopolis\n", + "thinkthinkthink\n", + "porblem\n", + "desineror\n", + "ProblemBased\n", + "expericence\n", + "explanins\n", + "gamesread\n", + "saything\n", + "preformace\n", + "rememberreview\n", + "croweded\n", + "filde\n", + "nyou\n", + "failuers\n", + "drivingCell\n", + "facsinating\n", + "dergrees\n", + "thereBut\n", + "bnd\n", + "fowardly\n", + "counfused\n", + "nowadaysbut\n", + "sinary\n", + "chambler\n", + "generstion\n", + "aThen\n", + "1970s\n", + "istics\n", + "amercians\n", + "likeyl\n", + "siginficient\n", + "20022014\n", + "stduent\n", + "agrivation\n", + "sllate\n", + "acountable\n", + "Sept1997\n", + "ellector\n", + "represntivies\n", + "exprienceing\n", + "approiate\n", + "AYING\n", + "Incontestably\n", + "vatlidated\n", + "relxing\n", + "lisiting\n", + "chocalte\n", + "fullon\n", + "Accidnets\n", + "Advanatages\n", + "receiverand\n", + "togete\n", + "outruled\n", + "AmericaP7\n", + "arcross\n", + "valiable\n", + "3122020\n", + "constrcutios\n", + "encouragebelieve\n", + "decerations\n", + "adnd\n", + "peapers\n", + "advabtages\n", + "behicle\n", + "crumbleing\n", + "aareness\n", + "itws\n", + "Monsa\n", + "Woosterand\n", + "playn\n", + "accademic\n", + "phonedevice\n", + "witessing\n", + "insinght\n", + "stau\n", + "citystate\n", + "studentsbut\n", + "Imontopoftheworld\n", + "relaxbut\n", + "commted\n", + "drivingAp\n", + "emontional\n", + "selfthoughtof\n", + "rotatin\n", + "Zologist\n", + "boardersThe\n", + "Statesis\n", + "10th\n", + "babysittinggasclothes\n", + "manufacterure\n", + "envorement\n", + "sadnessand\n", + "beinificail\n", + "President1\n", + "teameates\n", + "classroomsand\n", + "camreas\n", + "eriodication\n", + "differnent\n", + "evenmumbered\n", + "Codig\n", + "problemes\n", + "gamesdo\n", + "considerationand\n", + "habbitats\n", + "iJdri\n", + "probrobaly\n", + "elligble\n", + "2000\n", + "electorssource\n", + "quantites\n", + "articalThe\n", + "curn\n", + "enjoyedable\n", + "ademic\n", + "evadence\n", + "Drivingtests\n", + "whright\n", + "segregationnists\n", + "hpvering\n", + "passoinate\n", + "canadidate\n", + "corperations\n", + "therd\n", + "rocksgases\n", + "unperdicpiable\n", + "Systerm\n", + "nesety\n", + "211\n", + "implys\n", + "youand\n", + "articlo\n", + "ingoring\n", + "lisitened\n", + "butthis\n", + "especiallyif\n", + "I70\n", + "ancidents\n", + "9When\n", + "exerices\n", + "lawakers\n", + "indacties\n", + "collageand\n", + "consirened\n", + "stationwagins\n", + "everymorning\n", + "diveloped\n", + "nsure\n", + "1030\n", + "Reublicans\n", + "SecondThe\n", + "Whaqt\n", + "interesthobby\n", + "pesidency\n", + "thwey\n", + "riceved\n", + "Pavlovs\n", + "lessbiased\n", + "unapreciative\n", + "judgementally\n", + "professiosnals\n", + "1945World\n", + "politicalor\n", + "ekection\n", + "endagering\n", + "worshipping\n", + "Eollege\n", + "worh\n", + "archifact\n", + "thind\n", + "Sincerly\n", + "feeel\n", + "chosses\n", + "naturlly\n", + "fulfil\n", + "procupate\n", + "conmfirmable\n", + "untuched\n", + "normthey\n", + "smartglasses\n", + "39yearolds\n", + "expressive__\n", + "vistiors\n", + "colonbianss\n", + "grreenhouse\n", + "wordNo\n", + "evenutly\n", + "awefull\n", + "friendshipsMaking\n", + "understandableIt\n", + "depest\n", + "polluton\n", + "contributting\n", + "reasurrence\n", + "InstanceAnother\n", + "Egyptianstylepymarids\n", + "adviceI\n", + "theSnake\n", + "1960\n", + "interdouce\n", + "938My\n", + "bogot\n", + "paricipate\n", + "Studys\n", + "Anotherproject\n", + "animalfriendly\n", + "informationÃÂ\n", + "plnetry\n", + "rosenthal\n", + "presidentcelebrityand\n", + "comperter\n", + "schooloriented\n", + "bestonly\n", + "LITTERING\n", + "sonthing\n", + "whloe\n", + "emotionsensing\n", + "peopke\n", + "emegergencies\n", + "groundyou\n", + "saddepressedmadetc\n", + "speacil\n", + "volancoes\n", + "Butunforgelaly\n", + "baceuse\n", + "teachingstudying\n", + "guygirl\n", + "priortiy\n", + "differentlly\n", + "Lastlyand\n", + "opinionsperceptions\n", + "luxery\n", + "Collegeare\n", + "decion\n", + "seventenn\n", + "offalert\n", + "alerat\n", + "instnace\n", + "feums\n", + "wife24\n", + "lifestyleeveryday\n", + "classneither\n", + "waliking\n", + "253\n", + "staffstudent\n", + "ligel\n", + "1200pm\n", + "cancelling\n", + "ingured\n", + "sizeSo\n", + "managmentby\n", + "sonfuse\n", + "expiditons\n", + "shrive\n", + "discorver\n", + "crahes\n", + "gamesTabletennis\n", + "improvents\n", + "colage\n", + "persauding\n", + "5870\n", + "mirrorfour\n", + "bettersafer\n", + "martain\n", + "workor\n", + "thety\n", + "guidelnes\n", + "commuinities\n", + "mathscienceEnglish\n", + "themselvesbut\n", + "poulr\n", + "schange\n", + "VenusMars\n", + "ectreme\n", + "mororists\n", + "feelingsemotions\n", + "devlopement\n", + "savour\n", + "limitiation\n", + "UNRRAFor\n", + "unbelieable\n", + "piza\n", + "TINGS\n", + "conspiray\n", + "ThursdayFridaySaturday\n", + "popuar\n", + "carfull\n", + "afect\n", + "indefined\n", + "Ringgggg\n", + "acidbin\n", + "Propulision\n", + "issuessuch\n", + "segretationists\n", + "marvle\n", + "perspertive\n", + "ÃÂthis\n", + "psycologist\n", + "pctures\n", + "majoritiy\n", + "catostropic\n", + "recogonize\n", + "paniting\n", + "electorsm\n", + "candianate\n", + "guarintee\n", + "campeign\n", + "decisionsbut\n", + "justufy\n", + "diffuclt\n", + "pursute\n", + "twentith\n", + "divergant\n", + "scoocer\n", + "Nextwhen\n", + "twentynine\n", + "atributes\n", + "orgAACAPFamilies_and_YouthFacts_for_FamiliesFFFGuideH\n", + "advantanges\n", + "candates\n", + "worthly\n", + "telliing\n", + "cconneted\n", + "elecoral\n", + "abolute\n", + "pricture\n", + "legistlatures\n", + "reasoruces\n", + "parragraghs\n", + "lamborghini\n", + "prisent\n", + "exsit\n", + "technoglyour\n", + "Althoug\n", + "specifally\n", + "9billionayear\n", + "derectly\n", + "compomise\n", + "facfors\n", + "wwhy\n", + "amosphere\n", + "fastinated\n", + "uncomon\n", + "rivalled\n", + "recievable\n", + "worhty\n", + "typcally\n", + "techniacally\n", + "scientic\n", + "concluion\n", + "preIB\n", + "32\n", + "likelyness\n", + "percenet\n", + "isntt\n", + "opportuinuties\n", + "SIsToyota\n", + "injuired\n", + "theirselve\n", + "Comunicating\n", + "practiceing\n", + "enagage\n", + "mothes\n", + "busiinessman\n", + "teachergiven\n", + "youeself\n", + "abilitys\n", + "nuce\n", + "orignated\n", + "alol\n", + "oneonone\n", + "cratersparagraph\n", + "maufactored\n", + "meIm\n", + "carinitentisive\n", + "Arcertainment\n", + "itsef\n", + "unbeleivably\n", + "obatianing\n", + "institutude\n", + "sociebty\n", + "pubilicly\n", + "extreemley\n", + "evdience\n", + "Cowboysto\n", + "teacherassigned\n", + "dereased\n", + "itimagen\n", + "Statisics\n", + "issuethat\n", + "misleaded\n", + "nittygritty\n", + "mamothian\n", + "evidens\n", + "retiered\n", + "lunchlinear\n", + "schoolcollage\n", + "electionposner\n", + "disregaurding\n", + "computere\n", + "foroddnumbered\n", + "demogratic\n", + "activityclasses\n", + "protonselectronsneutronsand\n", + "homeshooled\n", + "secondclosest\n", + "attualy\n", + "smilling\n", + "challegeing\n", + "fasination\n", + "cloers\n", + "outif\n", + "answeryou\n", + "acidemically\n", + "thebthetudeents\n", + "formationWhich\n", + "nightlook\n", + "orbitting\n", + "unawarness\n", + "in2000\n", + "lmprove\n", + "yesterdayAndrew\n", + "craders\n", + "cindidates\n", + "magiziens\n", + "AApr2017\n", + "impedimentes\n", + "Coulmbia\n", + "Finnally\n", + "decsribes\n", + "peanutbutter\n", + "geneally\n", + "victums\n", + "baic\n", + "expresss\n", + "httpslink\n", + "hazirodes\n", + "erosionrocksand\n", + "northwestgeorgianews\n", + "reginal\n", + "Exploreing\n", + "theywish\n", + "Constitutation\n", + "attentin\n", + "qauntity\n", + "theromSo\n", + "playerquarter\n", + "PLEASEEE\n", + "audences\n", + "rlook\n", + "absoulet\n", + "accesiblity\n", + "unatural\n", + "dangorously\n", + "decreesing\n", + "wavesfloods\n", + "safeteys\n", + "addi5on\n", + "blackets\n", + "improvenments\n", + "natuion\n", + "1113\n", + "cangestion\n", + "thour\n", + "thimes\n", + "llphonestatistics\n", + "tighting\n", + "genereal\n", + "thaughts\n", + "noBce\n", + "presidet\n", + "eyeborws\n", + "fathersits\n", + "Obvisouly\n", + "isthese\n", + "hityave\n", + "survivethe\n", + "drivingsource\n", + "estory\n", + "100People\n", + "happeningand\n", + "respectivelyThere\n", + "rearangments\n", + "Patagonny\n", + "Marss\n", + "creatd\n", + "studyschool\n", + "sociaty\n", + "greateer\n", + "torwn\n", + "AThey\n", + "armhair\n", + "ausciencearticles201110063333955\n", + "decereased\n", + "evective\n", + "senseors\n", + "reasume\n", + "condion\n", + "closedminded\n", + "supoorted\n", + "trgenGeneric_Name\n", + "cnditions\n", + "accidentif\n", + "18\n", + "shiould\n", + "presodential\n", + "purusued\n", + "Firstcomputer\n", + "aleans\n", + "winnertakeallbasis\n", + "Challeging\n", + "hovvering\n", + "Anothe\n", + "opininioun\n", + "tookin\n", + "ColumbiaIn\n", + "unconvient\n", + "dangeras\n", + "abiliy\n", + "serfave\n", + "sdhow\n", + "Acyion\n", + "Cogress\n", + "friendGeneric_Namewhat\n", + "advantageof\n", + "dngerous\n", + "classbut\n", + "priorize\n", + "apurious\n", + "electionIn\n", + "unbelieavable\n", + "midJuly\n", + "Firstlyyou\n", + "effectifly\n", + "plasces\n", + "standrad\n", + "inoccent\n", + "whatwe\n", + "skining\n", + "statred\n", + "showws\n", + "elctorlal\n", + "theyres\n", + "netween\n", + "opportuninty\n", + "repsoniblities\n", + "paragrqaph\n", + "bedt\n", + "technologoies\n", + "trines\n", + "detormen\n", + "studieed\n", + "Abgout\n", + "somethingsomeone\n", + "75\n", + "presentage\n", + "survied\n", + "expresseion\n", + "arBcle\n", + "rfforts\n", + "dangoues\n", + "converstations\n", + "sendind\n", + "resarching\n", + "sitituation\n", + "Representavtives\n", + "horific\n", + "upgardes\n", + "unvoluntary\n", + "espessialy\n", + "57Million\n", + "impressice\n", + "thingit\n", + "exampal\n", + "Meeaning\n", + "morningwhen\n", + "districtVaubans\n", + "divisioned\n", + "imge\n", + "projectfundraiser\n", + "adss\n", + "jusr\n", + "benaficial\n", + "extordinary\n", + "Electers\n", + "orgnews201208whycellphonebansdontwork\n", + "peertopeer\n", + "difrrent\n", + "autonimous\n", + "blamedDuffer\n", + "pecentige\n", + "srr\n", + "capsuring\n", + "Ecploring\n", + "polictions\n", + "conciter\n", + "ablities\n", + "usly\n", + "manyu\n", + "chagne\n", + "participe\n", + "happysadmaddisturbedanxiousfrustrationangrydownworried\n", + "collegs\n", + "reasen\n", + "ecodimey\n", + "dirasticly\n", + "sinceresly\n", + "suitble\n", + "communicatonnotes\n", + "wellplanned\n", + "olanet\n", + "resorces\n", + "curcumstsance\n", + "upsethow\n", + "plantet\n", + "physiciatry\n", + "infonite\n", + "eyesraised\n", + "speent\n", + "exercisedecreases\n", + "obstacules\n", + "ChoosingThe\n", + "magenets\n", + "relasionship\n", + "schoolhowever\n", + "difrent\n", + "retospec\n", + "commonfolk\n", + "famousbut\n", + "amater\n", + "almostbroken\n", + "schooldesigned\n", + "lemits\n", + "allmy\n", + "appearant\n", + "lipeye\n", + "threedimentional\n", + "compleating\n", + "comunnity\n", + "invaison\n", + "challenginhg\n", + "thate\n", + "315\n", + "extraness\n", + "dieciding\n", + "notfeeling\n", + "invition\n", + "sentnce\n", + "lunchs\n", + "retaiing\n", + "volly\n", + "coulb\n", + "openroad\n", + "presidentg\n", + "wactching\n", + "Ablolished\n", + "pryority\n", + "effectove\n", + "insterting\n", + "MOst\n", + "outofstate\n", + "nomineehowever\n", + "enivironment\n", + "oppurtunitys\n", + "phisicans\n", + "adotped\n", + "benenfit\n", + "limiation\n", + "parsonal\n", + "addaptive\n", + "aslepp\n", + "onetoone\n", + "studentsall\n", + "obout\n", + "Freibury\n", + "sesa\n", + "requird\n", + "enviornmentaly\n", + "friendsteammates\n", + "hopistal\n", + "devoluped\n", + "becausze\n", + "wouldbeusers\n", + "grest\n", + "Concequently\n", + "dicetion\n", + "termaperatures\n", + "storu\n", + "executuve\n", + "monia\n", + "passionating\n", + "howd\n", + "pepal\n", + "530am\n", + "Sourse3\n", + "examplea\n", + "recieverandan\n", + "familey\n", + "promosion\n", + "supposeably\n", + "KIll\n", + "survuved\n", + "everones\n", + "polaticion\n", + "MyAjah\n", + "beyone\n", + "plagerisim\n", + "streeing\n", + "betrayels\n", + "nearmishaps\n", + "51998when\n", + "voing\n", + "infrormation\n", + "relatioships\n", + "artlicle\n", + "funcation\n", + "prexisting\n", + "cowshorses\n", + "Carsdo\n", + "conserise\n", + "thereit\n", + "885kmh\n", + "likemaybe\n", + "proffesionals\n", + "campiagns\n", + "famaly\n", + "residants\n", + "undersstand\n", + "selfadvocacy\n", + "tecnonly\n", + "adveture\n", + "notifiy\n", + "BOTOGA\n", + "demogaphic\n", + "froent\n", + "woulod\n", + "ahould\n", + "ecxplore\n", + "patys\n", + "certicate\n", + "chartcher\n", + "clleagus\n", + "sutable\n", + "goten\n", + "overat\n", + "147\n", + "enocourage\n", + "everythingespecially\n", + "comands\n", + "âe\n", + "trck\n", + "timeHis\n", + "videpresident\n", + "oldfashion\n", + "europrean\n", + "celiax\n", + "variates\n", + "2009\n", + "radioalso\n", + "votig\n", + "projectsthe\n", + "learnng\n", + "additionthe\n", + "temporarilly\n", + "throough\n", + "Ciding\n", + "nautral\n", + "helpfulStated\n", + "enoemous\n", + "bargined\n", + "ferenheit\n", + "thirtyfour\n", + "canmistake\n", + "perosns\n", + "servey\n", + "escept\n", + "treding\n", + "wiithin\n", + "centive\n", + "maveled\n", + "surrond\n", + "opptions\n", + "technologydoesn\n", + "delelopment\n", + "disguste\n", + "Elelctors\n", + "Reasonfellow\n", + "affored\n", + "angainst\n", + "systemit\n", + "thoughhome\n", + "altert\n", + "qote\n", + "inaporapit\n", + "prectage\n", + "desreve\n", + "PiedPiper\n", + "complling\n", + "luckes\n", + "passge\n", + "broas\n", + "inmaturism\n", + "Miuddle\n", + "passagesome\n", + "votw\n", + "raceand\n", + "themm\n", + "day11\n", + "Mulltitasking\n", + "whowever\n", + "netcellphonesanddriving\n", + "Overusage\n", + "thriy\n", + "wiselyand\n", + "proubly\n", + "hhave\n", + "beilive\n", + "asspects\n", + "Electiral\n", + "discoery\n", + "phoneor\n", + "surfaceAstronomers\n", + "ahev\n", + "isbut\n", + "todaythe\n", + "contriverse\n", + "mailfunction\n", + "Ronsenthalfrom\n", + "relationshipsand\n", + "contral\n", + "Strivinng\n", + "SourceWeb\n", + "phome\n", + "egimpment\n", + "transportationg\n", + "realilistic\n", + "imployment\n", + "mockeduntil\n", + "Manufatures\n", + "do9iing\n", + "lifebut\n", + "confidentmore\n", + "serface\n", + "aproprited\n", + "balens\n", + "pluarity\n", + "statesNASA\n", + "aucaradvicewhyyoureallyshouldntuseyourmobilephonewhile\n", + "termperature\n", + "scheduale\n", + "sreets\n", + "Spinnning\n", + "shelding\n", + "Driverles\n", + "solae\n", + "formationwhihc\n", + "waySource\n", + "votePosner\n", + "Buisnesses\n", + "becume\n", + "inconsistencecy\n", + "syestem\n", + "univesalsaid\n", + "enumeral\n", + "therir\n", + "nintey\n", + "behavioralscientist\n", + "Rehabitation\n", + "choicesmake\n", + "simpole\n", + "Aspectd\n", + "convinving\n", + "parituclar\n", + "promation\n", + "tressfull\n", + "carbid\n", + "beautifle\n", + "hasnt\n", + "golobal\n", + "ehich\n", + "vihcle\n", + "Expoit\n", + "disrespetful\n", + "phsychlogy\n", + "beforeso\n", + "simaller\n", + "schould\n", + "respnd\n", + "pleny\n", + "sentators\n", + "Parargraph\n", + "sixtytwo\n", + "suburn\n", + "Addictionally\n", + "ppular\n", + "MockusSelsky\n", + "possibilies\n", + "sinseraly\n", + "inlisted\n", + "techlology\n", + "annoyedsadmad\n", + "automotavie\n", + "norml\n", + "desiging\n", + "californa\n", + "ddecreed\n", + "officeConsider\n", + "workbut\n", + "ufortuanetly\n", + "desater\n", + "expore\n", + "sandard\n", + "computar\n", + "consecative\n", + "Rosenthalit\n", + "faceRosenthal\n", + "buils\n", + "leanred\n", + "closey\n", + "coart\n", + "nowpoliticsand\n", + "exhaustingbut\n", + "counsellors\n", + "dador\n", + "allsome\n", + "SincerelyPROPER_NAME\n", + "colloge\n", + "ewsembles\n", + "Jhanae\n", + "PPresident\n", + "invetntion\n", + "minmized\n", + "magicly\n", + "deffence\n", + "recieveing\n", + "atmospheare\n", + "substainable\n", + "jupitor\n", + "presidencyover\n", + "elimates\n", + "ppresident\n", + "governmtent\n", + "fiind\n", + "progamed\n", + "Electoial\n", + "afthe\n", + "Threfore\n", + "elcet\n", + "everbudding\n", + "trememdous\n", + "desgusted\n", + "hazzards\n", + "administractor\n", + "unresourceful\n", + "custemers\n", + "littlle\n", + "ligth\n", + "persiut\n", + "learningI\n", + "gponna\n", + "sportactivity\n", + "freetimeFor\n", + "peopleFor\n", + "valubale\n", + "inclsuive\n", + "Althoughusing\n", + "wnich\n", + "textmessaging\n", + "classroonm\n", + "deatlis\n", + "orgresearchtransportationcellularphoneuseandtextingwhiledrivinglaws\n", + "inallow\n", + "educantional\n", + "partionally\n", + "2020\n", + "230\n", + "responsiable\n", + "uncomforable\n", + "fullyautonomous\n", + "protestingnot\n", + "evience\n", + "scientits\n", + "constistnantly\n", + "Conding\n", + "privite\n", + "adverage\n", + "aere\n", + "diffrerent\n", + "Porf\n", + "Porof\n", + "easilyapplicable\n", + "sussceful\n", + "flasing\n", + "encourgaing\n", + "inndividuals\n", + "prefecting\n", + "undertested\n", + "breakfest\n", + "addedthat\n", + "avoidableand\n", + "creativeboldand\n", + "Constanin\n", + "readiculous\n", + "onWhat\n", + "Earthhow\n", + "theyn\n", + "becausesome\n", + "Oichan\n", + "CHNACE\n", + "guote\n", + "frightning\n", + "Lsatly\n", + "817\n", + "1769s\n", + "emotoins\n", + "lisecense\n", + "susposed\n", + "edeavors\n", + "ambicous\n", + "healp\n", + "dreadfull\n", + "Gprethanks\n", + "spaceraft\n", + "sittig\n", + "daystudents\n", + "amedments\n", + "anxiey\n", + "Terriost\n", + "wouldt\n", + "countedright\n", + "266many\n", + "traites\n", + "operrated\n", + "Controversey\n", + "stoborn\n", + "dolphine\n", + "Surprsingly\n", + "timeWhile\n", + "gerneral\n", + "indepentdently\n", + "cirriculums\n", + "expiriencing\n", + "fundsworkers\n", + "extreame\n", + "phsycally\n", + "phyiscs\n", + "somer\n", + "councilOr\n", + "Internetbased\n", + "civilizationmeanwhiledefenders\n", + "reagen\n", + "shappiness\n", + "riskreward\n", + "commity\n", + "minery\n", + "interestshobbies\n", + "elas\n", + "acceleerate\n", + "ehtier\n", + "toyA\n", + "computerssystem\n", + "81\n", + "gasees\n", + "scietnists\n", + "couyld\n", + "imvolved\n", + "serching\n", + "jods\n", + "timately\n", + "plumer\n", + "counditions\n", + "overules\n", + "whiplashstlouis\n", + "streesed\n", + "expressionslike\n", + "unmotivation\n", + "grey\n", + "morrid\n", + "acieved\n", + "eclectors\n", + "restirct\n", + "tooking\n", + "onlone\n", + "ttry\n", + "perpostourous\n", + "simplied\n", + "URRA\n", + "myay\n", + "thenm\n", + "communiting\n", + "sensorsit\n", + "waterbut\n", + "landgoers\n", + "existand\n", + "residetns\n", + "bild\n", + "sacientists\n", + "coferincing\n", + "manul\n", + "invarious\n", + "unconcontious\n", + "harmuful\n", + "reviever\n", + "1984ed\n", + "evver\n", + "thirtyplus\n", + "ChickFilA\n", + "voterscanidates\n", + "imadination\n", + "carIts\n", + "ehy\n", + "gettogethers\n", + "seseas\n", + "ÃÂfake\n", + "buissness\n", + "themselveswhat\n", + "votining\n", + "statses\n", + "becauseyou\n", + "drgon\n", + "expierences\n", + "tripssportsafter\n", + "worlseach\n", + "selfdrivng\n", + "L12\n", + "prodiced\n", + "acticve\n", + "poetential\n", + "Unfourtunatley\n", + "preactices\n", + "transregianl\n", + "leanguch\n", + "incompotent\n", + "Richars\n", + "innvoatote\n", + "funstions\n", + "tarvel\n", + "tyrent\n", + "someyears\n", + "somoeone\n", + "talnet\n", + "distantce\n", + "scienitistis\n", + "legistature\n", + "acd\n", + "outlookson\n", + "deciede\n", + "whittier\n", + "journeysand\n", + "benitficial\n", + "comforatbe\n", + "Aruguments\n", + "MondayFriday\n", + "sidebut\n", + "phragraph\n", + "nonindependent\n", + "Electore\n", + "PresidentOffice\n", + "insturstions\n", + "thingss\n", + "twothousandone\n", + "projectthey\n", + "wantTake\n", + "catle\n", + "delagations\n", + "technologyall\n", + "choicespieces\n", + "soething\n", + "comuunicate\n", + "iour\n", + "fancinated\n", + "nationaly\n", + "cxars\n", + "greenhous\n", + "macimum\n", + "unfotunately\n", + "onlu\n", + "pediagree\n", + "moutainscratersvalleys\n", + "computurs\n", + "truebut\n", + "Scientoss\n", + "fastmoving\n", + "Ecspically\n", + "enviromen\n", + "socialice\n", + "amitious\n", + "priceIf\n", + "cleanerstreets\n", + "vauliable\n", + "cassroom\n", + "exprassions\n", + "discoverance\n", + "Everyoness\n", + "likean\n", + "freeresponse\n", + "constructionmatinance\n", + "sulferic\n", + "recate\n", + "themsels\n", + "saysThe\n", + "1619\n", + "emmision\n", + "serios\n", + "houseof\n", + "orcastration\n", + "elementery\n", + "50150\n", + "impoetant\n", + "transpass\n", + "dworf\n", + "boredDr\n", + "blanced\n", + "traxis\n", + "beigns\n", + "suburband\n", + "becausen\n", + "automobilist\n", + "manufacturer9\n", + "rescerachers\n", + "friendsbeing\n", + "requiresp7\n", + "conclud\n", + "messalandforms\n", + "liljegrenlaw\n", + "concidering\n", + "helpes\n", + "delate\n", + "coiuld\n", + "YerkesDodson\n", + "simmular\n", + "peopleor\n", + "votersSource\n", + "ideasyou\n", + "mesa0landforms\n", + "booksmagazinseradio\n", + "honoroll\n", + "varyingcoming\n", + "istn\n", + "expereance\n", + "inapropriat\n", + "texascaliforniaand\n", + "possiblely\n", + "explainging\n", + "resembul\n", + "abstcle\n", + "clenleness\n", + "selfmanagement\n", + "tpreventi\n", + "sensorsa\n", + "intelligenece\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "soultions\n", + "timeI\n", + "towm\n", + "remindes\n", + "everydays\n", + "auctually\n", + "seegoing\n", + "nessicity\n", + "cathhing\n", + "manufacures\n", + "reasone\n", + "impouded\n", + "presidend\n", + "socratic\n", + "engaring\n", + "haze8\n", + "demorcrate\n", + "neighboer\n", + "halfed\n", + "orbitor\n", + "pictuer\n", + "1700s\n", + "campaignDoes\n", + "reveiled\n", + "huver\n", + "unneed\n", + "boundaires\n", + "besomething\n", + "Faical\n", + "alwas\n", + "fencingboxingreadingand\n", + "fromand\n", + "electorsIn\n", + "prevasily\n", + "unrealisticly\n", + "islolated\n", + "Incunclution\n", + "saysShes\n", + "830pm\n", + "sciencetists\n", + "inbalenced\n", + "Precidency\n", + "instinse\n", + "disision\n", + "poilcy\n", + "makebecause\n", + "thewse\n", + "ensurens\n", + "3Carfree\n", + "saftyness\n", + "unsafeness\n", + "wroteCarfree\n", + "methonds\n", + "contintue\n", + "votethe\n", + "carryig\n", + "opinios\n", + "Vanban\n", + "wjhen\n", + "posees\n", + "furtue\n", + "fouding\n", + "Germas\n", + "68\n", + "therebut\n", + "yougurt\n", + "unfortanatly\n", + "threehundred\n", + "strectched\n", + "transportations2\n", + "Kenneddy\n", + "Gremany\n", + "depens\n", + "Swiming\n", + "upSelsky\n", + "savedmore\n", + "deterimed\n", + "sholud\n", + "collehe\n", + "frined\n", + "werehe\n", + "epual\n", + "naviation\n", + "Callasbases\n", + "comclution\n", + "semieffecive\n", + "scientes\n", + "faceand\n", + "tireding\n", + "fueland\n", + "elecotrs\n", + "enuogh\n", + "paragraph4\n", + "FinallyDriveless\n", + "unnesscary\n", + "huose\n", + "becomeing\n", + "homeworklosing\n", + "obundant\n", + "itwasnt\n", + "notacable\n", + "assential\n", + "Nietchze\n", + "possnle\n", + "hardies\n", + "Bacuse\n", + "actuale\n", + "immensse\n", + "counsin\n", + "represinting\n", + "thanhi\n", + "ddrove\n", + "incasing\n", + "artfact\n", + "cobsists\n", + "pleople\n", + "privers\n", + "Unfortanatly\n", + "shoking\n", + "relevied\n", + "illusison\n", + "5lines\n", + "fromed\n", + "sgas\n", + "fivedays\n", + "moure\n", + "homeits\n", + "recignize\n", + "inhabitents\n", + "timpers\n", + "couldcouldnt\n", + "segrigationists\n", + "asssuming\n", + "asssiments\n", + "distictive\n", + "coverin\n", + "mantainance\n", + "expressioin\n", + "conpiracy\n", + "kenndey\n", + "veinfaithless\n", + "smokingeating\n", + "pressaure\n", + "nonpressuring\n", + "setiment\n", + "experienceof\n", + "clousion\n", + "bringout\n", + "inreality\n", + "fugured\n", + "thinkind\n", + "egar\n", + "ajusting\n", + "trustis\n", + "orbitcircle\n", + "simplyfloat\n", + "herNext\n", + "mostky\n", + "rotationg\n", + "imagrey\n", + "celibration\n", + "despretley\n", + "aggonizing\n", + "wioll\n", + "esated\n", + "Deisels\n", + "whoping\n", + "bycles\n", + "widspread\n", + "sabaotage\n", + "examplessome\n", + "quarified\n", + "projectbased\n", + "BOGOTAColombiaIt\n", + "pyrmaids\n", + "outways\n", + "incooperating\n", + "anticell\n", + "hazordous\n", + "friendsfamilyemployeesand\n", + "ecceed\n", + "differelntly\n", + "diffivult\n", + "advantcing\n", + "alreadyplanned\n", + "USRosenthal\n", + "Collede\n", + "purcks\n", + "mueseums\n", + "us2\n", + "Bombriger\n", + "doees\n", + "atmospher\n", + "regionds\n", + "oppertundity\n", + "incerance\n", + "opportunning\n", + "outdatede\n", + "cutry\n", + "teendriverresource\n", + "allnighters\n", + "deglations\n", + "partywhen\n", + "718\n", + "cancant\n", + "methodis\n", + "statesMost\n", + "electorstrusted\n", + "ECBeing\n", + "realx\n", + "level2\n", + "elaberate\n", + "consitante\n", + "countinuing\n", + "accelerateand\n", + "clubsdoing\n", + "thoughouly\n", + "classesAnother\n", + "TexBng\n", + "Reposetion\n", + "emmerged\n", + "presidentthis\n", + "Stiudents\n", + "passionweather\n", + "featers\n", + "engeinering\n", + "stormswhich\n", + "oppoutunties\n", + "leasta\n", + "Someif\n", + "accidentrs\n", + "Represintativeor\n", + "camarea\n", + "crminal\n", + "fadeding\n", + "equipmentthere\n", + "smartes\n", + "behow\n", + "nabigating\n", + "bestiaid\n", + "makess\n", + "missons\n", + "impiticular\n", + "senater\n", + "expressionWhich\n", + "yearCenter\n", + "focusingonly\n", + "buildingscitiesstructuresand\n", + "vehacle\n", + "traveleing\n", + "medicen\n", + "Plumer2\n", + "hundrends\n", + "cerrtain\n", + "healthrisk\n", + "aluable\n", + "raedsVenus\n", + "safebee\n", + "vitual\n", + "mauel\n", + "speachless\n", + "delecasies\n", + "resprent\n", + "univerisal\n", + "pasige\n", + "Reciving\n", + "eection\n", + "exsersize\n", + "becauser\n", + "272013\n", + "volienters\n", + "croushall\n", + "Indefesnsible\n", + "stateDelivery\n", + "anyboby\n", + "veichals\n", + "hughly\n", + "strudent\n", + "chooes\n", + "studente\n", + "compromiseprocess\n", + "1055\n", + "Cashstapped\n", + "USAHistory\n", + "positionare\n", + "gental\n", + "techlogy\n", + "electo5ral\n", + "spaceshipsyou\n", + "reprodus\n", + "combusinessautoslafihyihsautomotiveaverageagecar20140609story\n", + "malaportioment\n", + "respnsibility\n", + "usnot\n", + "thde\n", + "styales\n", + "theyv\n", + "basketballsoccerbaseball\n", + "COllege\n", + "venses\n", + "Poluted\n", + "privillaged\n", + "bothring\n", + "defree\n", + "autodrive\n", + "speculaiton\n", + "toacidents\n", + "scintest\n", + "preexsisting\n", + "accoriding\n", + "schoolgiven\n", + "Smilethe\n", + "precausions\n", + "passangerscar\n", + "adminastraion\n", + "presedintial\n", + "atricle\n", + "helpbut\n", + "ElectorsI\n", + "ddepression\n", + "significantley\n", + "Keenedy\n", + "decievingly\n", + "intendid\n", + "Overallyou\n", + "choicesbecause\n", + "intantly\n", + "Acorrding\n", + "33\n", + "votoes\n", + "spacecraftspaceships\n", + "bikeall\n", + "conclusionthis\n", + "willand\n", + "collabration\n", + "coountry\n", + "innstead\n", + "bestcase\n", + "precised\n", + "vihicle\n", + "elinimated\n", + "articleWhat\n", + "evryday\n", + "topric\n", + "pesron\n", + "Collegeonly\n", + "veryvery\n", + "knowleged\n", + "contune\n", + "PavonBaker\n", + "imtimidating\n", + "satrting\n", + "yeld\n", + "CountryMost\n", + "officail\n", + "soemones\n", + "exampleShould\n", + "suberban\n", + "jelouse\n", + "caluclate\n", + "ligths\n", + "ehshe\n", + "flecibiloty\n", + "fashionedbut\n", + "instructorthis\n", + "prblem\n", + "seightseeing\n", + "componet\n", + "Praticality\n", + "skiping\n", + "benefcial\n", + "acis\n", + "disscuse\n", + "Rebulican\n", + "equallty\n", + "gamesthe\n", + "contray\n", + "authrs\n", + "dioxiod\n", + "106\n", + "whating\n", + "Ascertanaiment\n", + "faec\n", + "pllace\n", + "countyside\n", + "oneanother\n", + "unbenownst\n", + "astates\n", + "usde\n", + "Basicallythis\n", + "pacessuch\n", + "Drverless\n", + "ElectoralCollage\n", + "upoun\n", + "nonsesne\n", + "passenegers\n", + "expolring\n", + "apsects\n", + "helpfulsafe\n", + "cannidate\n", + "acurratly\n", + "Advanatges\n", + "developmetn\n", + "struglling\n", + "isloted\n", + "defalcate\n", + "liquefyed\n", + "stituations\n", + "privellege\n", + "Howeverin\n", + "heplp\n", + "comfortableespecially\n", + "DIstraction\n", + "expessualy\n", + "runer\n", + "hearig\n", + "stresstful\n", + "musclues\n", + "aboundant\n", + "blamned\n", + "dissappers\n", + "electronce\n", + "outdatedif\n", + "hidner\n", + "adivice\n", + "inovators\n", + "pullution\n", + "possibality\n", + "quallified\n", + "untired\n", + "suftware\n", + "euorpe\n", + "platn\n", + "avabilable\n", + "instigtht\n", + "twoton\n", + "perpersuring\n", + "gentlnow\n", + "parkiing\n", + "thatIt\n", + "oppernunity\n", + "188\n", + "oneoneon\n", + "everythimg\n", + "distranged\n", + "lessson\n", + "inputoutput\n", + "enouph\n", + "Popolar\n", + "ATCHUAL\n", + "exersize\n", + "coummunity\n", + "surprisinly\n", + "upsetbut\n", + "insttructions\n", + "fantisiesed\n", + "memberis\n", + "amerin\n", + "notesquizzes\n", + "shis\n", + "scincetist\n", + "machinge\n", + "decisionmakings\n", + "preseident\n", + "countiesstates\n", + "paragrah\n", + "semiautonoues\n", + "exstreamly\n", + "wako\n", + "Cowboyyou\n", + "anmassive\n", + "statesvoters\n", + "fightfix\n", + "techanical\n", + "lifelessons\n", + "Californiawhen\n", + "Procastination\n", + "generc\n", + "themdo\n", + "gholding\n", + "amger\n", + "supporing\n", + "themselvesso\n", + "smog21\n", + "potrites\n", + "availadle\n", + "Cutcome\n", + "privicy\n", + "Technoloy\n", + "misloyalty\n", + "statetypically\n", + "lllinoisSome\n", + "Limitiing\n", + "3electors\n", + "reexplore\n", + "senseif\n", + "thna\n", + "presdintal\n", + "coleagues\n", + "wirte\n", + "unharmless\n", + "imform\n", + "liscenses\n", + "grennhouse\n", + "dicovering\n", + "stressreduced\n", + "principalsstaff\n", + "thanthey\n", + "rulls\n", + "knowlendge\n", + "nessecarally\n", + "senions\n", + "represatives\n", + "stareded\n", + "nessesity\n", + "tryranny\n", + "siterevealing\n", + "voilators\n", + "resteruants\n", + "cang\n", + "becauise\n", + "planningRosenthal\n", + "frusterated\n", + "sicknees\n", + "puclic\n", + "thoughtprocess\n", + "accicent\n", + "distracing\n", + "Channelging\n", + "DApr2018\n", + "draveling\n", + "disinterests\n", + "priesedent\n", + "Convenients1l6\n", + "moodA\n", + "ducment\n", + "thelp\n", + "evidience\n", + "activty\n", + "presemts\n", + "Itd\n", + "infermations\n", + "lightforces\n", + "symstems\n", + "dificultys\n", + "dayis\n", + "espacially\n", + "Voteres\n", + "iif\n", + "computertype\n", + "worrys\n", + "intimadating\n", + "responcibale\n", + "Inputing\n", + "mouthtighten\n", + "opportnity\n", + "pyraminds\n", + "answear\n", + "himselfyeah\n", + "driverseat\n", + "orgprevalenceandtimingofdriverlicensingamongyoungadultsunited\n", + "extream\n", + "envison\n", + "derect\n", + "cupcakeglittersunshine\n", + "snese\n", + "extracuriculars\n", + "contrabuting\n", + "allowig\n", + "orgtherealreasonyoushouldnttextwhiledriving\n", + "eloctors\n", + "obld\n", + "WellI\n", + "Ponser\n", + "establising\n", + "unwated\n", + "displaysdriverless\n", + "oblect\n", + "unskandian\n", + "mertiaral\n", + "Centificate\n", + "simplicitic\n", + "1space\n", + "sybols\n", + "overwhleming\n", + "oppinoin\n", + "haptpy\n", + "pervies\n", + "expentancy\n", + "opportuinty\n", + "teacheers\n", + "freeexcept\n", + "desison\n", + "trendto\n", + "unfairand\n", + "emothins\n", + "coulnt\n", + "TRUSTFUL\n", + "prouduct\n", + "sincce\n", + "thightens\n", + "air2\n", + "consequental\n", + "asuncion\n", + "dicusions\n", + "websiteit\n", + "Thoery\n", + "canidtes\n", + "llegalised\n", + "resaoning\n", + "ealot\n", + "choreshomeworkand\n", + "390000injuries\n", + "upscape\n", + "arguementative\n", + "Sicenatis\n", + "Iphonessamsungslgs\n", + "expeience\n", + "inccident\n", + "emottions\n", + "butyou\n", + "smuthering\n", + "passsion\n", + "unknownits\n", + "poppular\n", + "Ameica\n", + "skyclouds\n", + "ridgid\n", + "bettere\n", + "dangerousstrange\n", + "harted\n", + "recievced\n", + "Theoty\n", + "skillsDriverless\n", + "reasearchers\n", + "creapy\n", + "resourcful\n", + "crsis\n", + "Generic_Namee\n", + "inplomentedit\n", + "outcomesRopeik3\n", + "insatead\n", + "elbrates\n", + "humansthe\n", + "intriging\n", + "pickig\n", + "oppurtonity\n", + "disscusses\n", + "motify\n", + "unfortuntley\n", + "allBig\n", + "twelveWhat\n", + "competeting\n", + "aportunity\n", + "tripthey\n", + "themwe\n", + "plsu\n", + "beacasue\n", + "schoolYoure\n", + "pecuiliar\n", + "imnotgonnaregretthis\n", + "Posnerhowever\n", + "exstinted\n", + "atend\n", + "schoolclassroom\n", + "staraight\n", + "occuer\n", + "threefourths\n", + "palts\n", + "unreasnable\n", + "fortythousand\n", + "itb\n", + "ThIng\n", + "catogories\n", + "habitably\n", + "prioritiesRosenthal\n", + "staffteachers\n", + "summr\n", + "carkit\n", + "435\n", + "steanthen\n", + "accidentsand\n", + "Bendz\n", + "effiecent\n", + "adviceand\n", + "teachersdesigns\n", + "butifule\n", + "liquidfy\n", + "adaults\n", + "enturupted\n", + "kayotic\n", + "911\n", + "townand\n", + "monety\n", + "texasand\n", + "celebritys\n", + "emmotion\n", + "thinkl\n", + "winmning\n", + "desperatley\n", + "percautions\n", + "30\n", + "friendsFor\n", + "wellversed\n", + "communicte\n", + "confuss\n", + "trammua\n", + "volcanes\n", + "transregianal\n", + "Pharaohparagraph\n", + "aamount\n", + "joband\n", + "NextThe\n", + "iswhat\n", + "thare\n", + "droke\n", + "condicones\n", + "convieniently\n", + "aloow\n", + "popluatin\n", + "flexabilty\n", + "02232011\n", + "Ameicas\n", + "allinall\n", + "toat\n", + "explration\n", + "canidatesSource\n", + "interestpassions\n", + "pollutionparagraph\n", + "basix\n", + "outsidegoing\n", + "Surburb\n", + "peopleI\n", + "56\n", + "technologyFACS\n", + "Understaning\n", + "quickier\n", + "surroindings\n", + "uerar\n", + "DEARSENATOR\n", + "redicouls\n", + "deficult\n", + "friendssource\n", + "Drtiverless\n", + "perade\n", + "insignifigant\n", + "politicail\n", + "golable\n", + "excperience\n", + "familiesschool\n", + "Emotionsmoving\n", + "nonarguable\n", + "collegethe\n", + "lanadform\n", + "recouver\n", + "hiow\n", + "moviesmagazinesradio\n", + "Enland\n", + "Limting\n", + "prinsess\n", + "sayswhich\n", + "onetouch\n", + "writte\n", + "104\n", + "onley\n", + "restruants\n", + "studyig\n", + "divice\n", + "proficiant\n", + "youwould\n", + "elsections\n", + "constrate\n", + "funtionings\n", + "concludtion\n", + "gretaer\n", + "otherÃÂs\n", + "correclty\n", + "doJoin\n", + "MarsNASA\n", + "ecidence\n", + "whell\n", + "drivingassisting\n", + "senatorKeeping\n", + "persistsand\n", + "servince\n", + "Sincerially\n", + "moument\n", + "oothers\n", + "stranges\n", + "humongus\n", + "indivaully\n", + "andBMW\n", + "indecicive\n", + "musclesthat\n", + "Bandwagons\n", + "nuimber\n", + "Itoldyouso\n", + "tyes\n", + "MarlinsNasas\n", + "syetem\n", + "Oceanbut\n", + "funespecially\n", + "persuide\n", + "piredict\n", + "prates\n", + "Astromomers\n", + "praticality\n", + "transposrtation\n", + "illousions\n", + "cencerly\n", + "majstic\n", + "25years\n", + "techlongly\n", + "foris\n", + "hobies\n", + "incoclusion\n", + "roofa\n", + "interestign\n", + "palabraeus\n", + "torned\n", + "simeple\n", + "sabout\n", + "boddy\n", + "wedsites\n", + "gasguzzling\n", + "temperetures\n", + "sercet\n", + "condifitons\n", + "Electeral\n", + "expercence\n", + "questioningasking\n", + "carfeul\n", + "disablites\n", + "futhermore\n", + "ccompany\n", + "omputer\n", + "timeHowever\n", + "candidatess\n", + "lifebefore\n", + "noit\n", + "awont\n", + "scools\n", + "mechine\n", + "Stastes\n", + "microgramsof\n", + "temerture\n", + "facical\n", + "studdying\n", + "illeminate\n", + "aldready\n", + "holesin\n", + "LisaShes\n", + "plublic\n", + "netowork\n", + "suregy\n", + "fluenctal\n", + "discrase\n", + "carsbecause\n", + "Earthparagraph\n", + "voyte\n", + "advicetheyll\n", + "realality\n", + "inpending\n", + "19762001\n", + "submarin\n", + "sicerly\n", + "conveniant\n", + "advanteges\n", + "comprhend\n", + "piese\n", + "epoint\n", + "CollegeSource\n", + "fesiblely\n", + "preposturous\n", + "apperead\n", + "fonish\n", + "07persent\n", + "Pasris\n", + "discver\n", + "hereing\n", + "differectsis\n", + "intoxicted\n", + "Makeing\n", + "skepticizing\n", + "regarder\n", + "buswalkskatebikeor\n", + "saysMeanwhile\n", + "surviable\n", + "transportsjobsmoving\n", + "Wellnow\n", + "vehicule\n", + "22euros31\n", + "Frnce\n", + "papper\n", + "conficting\n", + "fisaco\n", + "motaion\n", + "busya\n", + "freedomes\n", + "optionsince\n", + "clled\n", + "functioanlly\n", + "PEactivities\n", + "choris\n", + "acieneit\n", + "bakestballcheergolf\n", + "inherintley\n", + "whpole\n", + "opinionor\n", + "alowd\n", + "activitiesif\n", + "opinionsthere\n", + "schoollearned\n", + "makesomething\n", + "Saddly\n", + "WWooster\n", + "fixii\n", + "peoplevisiting\n", + "Programparagraph\n", + "dungis\n", + "joiniingg\n", + "poit\n", + "oppond\n", + "syuff\n", + "unveiledthat\n", + "univesal\n", + "responsiible\n", + "convenent\n", + "tipe\n", + "2306\n", + "inportan\n", + "esmog\n", + "prefernece\n", + "channelging\n", + "wanttherefore\n", + "Surveyer\n", + "posative\n", + "emberresed\n", + "testaurants\n", + "desrible\n", + "spacecfaft\n", + "mystories\n", + "tempeture\n", + "genNahyou\n", + "techological\n", + "overruledby\n", + "antartica\n", + "ebolished\n", + "positivies\n", + "noneffective\n", + "graduaduation\n", + "Howeverbeing\n", + "yourt\n", + "anythingbut\n", + "collegesuniversities\n", + "opportunitys\n", + "magnetude\n", + "complecations\n", + "studethints\n", + "beepy\n", + "outcomeand\n", + "venuscause\n", + "ÃÂif\n", + "asiments\n", + "the10\n", + "teletracnavman\n", + "uage\n", + "instience\n", + "pointwe\n", + "goodand\n", + "tectnolonly\n", + "puopular\n", + "muleshorsesand\n", + "polltion\n", + "winnertakes_all\n", + "teacherdesiged\n", + "Greace\n", + "giantic\n", + "wayPlumer\n", + "republinacs\n", + "nonregrettable\n", + "thinkingwhy\n", + "830a\n", + "exouhusting\n", + "paragaph\n", + "recongnizes\n", + "hiddin\n", + "stuent\n", + "skepical\n", + "billionsand\n", + "civilataion\n", + "HandsOff\n", + "studentskids\n", + "3there\n", + "Abolsi\n", + "saftier\n", + "statessurface\n", + "conspiract\n", + "Admmitedely\n", + "desisons\n", + "trrends\n", + "spouce\n", + "tireing\n", + "Astronots\n", + "usaually\n", + "Repunblicans\n", + "trit\n", + "circiling\n", + "acion\n", + "thig\n", + "safetynewsalert\n", + "algorthms\n", + "exames\n", + "takeallmethod\n", + "transreginal\n", + "popualr\n", + "conputer\n", + "eny\n", + "Serger\n", + "abitious\n", + "whorthy\n", + "realmsof\n", + "2009New\n", + "polcy\n", + "5Paris\n", + "alotof\n", + "addiotional\n", + "enojy\n", + "astroid\n", + "cominitate\n", + "Zendrive\n", + "simlified\n", + "activitiesonline\n", + "moneyif\n", + "heroetic\n", + "assumtpion\n", + "sportand\n", + "stsate\n", + "expensis\n", + "nondemocraic\n", + "VIsions\n", + "pciture\n", + "radiatio\n", + "druning\n", + "endeavorsThe\n", + "Theripist\n", + "gatherd\n", + "dositions\n", + "autorepair\n", + "battiling\n", + "calualtion\n", + "statecanidates\n", + "availe\n", + "cityies\n", + "certifacation\n", + "deveop\n", + "campiaign\n", + "nonverbale\n", + "sureal\n", + "dissagreements\n", + "ExtraTerrestrial\n", + "anywhereanytime\n", + "exerics\n", + "reducedcommuntuntiesand\n", + "Presentlytraffic\n", + "fce\n", + "preWy\n", + "severley\n", + "froup\n", + "paymentsfor\n", + "truency\n", + "responibity\n", + "nessecary\n", + "atol\n", + "expresstion\n", + "rioght\n", + "oppent\n", + "Howeverif\n", + "understsand\n", + "hunded\n", + "peerreviewed\n", + "simurlar\n", + "unlikeble\n", + "yoursso\n", + "agean\n", + "excisted\n", + "sadDAlto\n", + "dued\n", + "furtune\n", + "completetely\n", + "marvoulous\n", + "affar\n", + "conculsion\n", + "fascinatiing\n", + "Represinitives\n", + "tracffic\n", + "excacated\n", + "studentled\n", + "teamworkit\n", + "resumemore\n", + "abourd\n", + "psycholoists\n", + "exploer\n", + "adventrous\n", + "malappointment\n", + "likeÃÂ\n", + "hasent\n", + "inanclass\n", + "cCongress\n", + "montagesphoto\n", + "amizing\n", + "descovery\n", + "comappsdocEJ3010795205OVICulawr16325sidOVICxidb66\n", + "proveded\n", + "gpo\n", + "031220\n", + "uncomfortability\n", + "somethuing\n", + "ineracting\n", + "exampleimagine\n", + "aginsit\n", + "resorce\n", + "unpollute\n", + "CaliforniaNevadaFloridaand\n", + "funcitonable\n", + "plantery\n", + "comupter\n", + "votersaccording\n", + "googal\n", + "tranaportation\n", + "Earhlike\n", + "Secoondly\n", + "speacially\n", + "Earthparagragh\n", + "stores5\n", + "driverspassangers\n", + "quizs\n", + "musscles\n", + "faceshaped\n", + "studentdesigned\n", + "conquences\n", + "redendency\n", + "especting\n", + "radomly\n", + "valubles\n", + "FurthermoreAnother\n", + "sleepThe\n", + "reasourse\n", + "therenis\n", + "oportuniete\n", + "planents\n", + "aggreed\n", + "purchesed\n", + "couriosity\n", + "songirl\n", + "SUBURB\n", + "SenatorsThat\n", + "maily\n", + "macke\n", + "emerce\n", + "conclusionstudents\n", + "silicom\n", + "unpon\n", + "Statesbut\n", + "electoaral\n", + "tbus\n", + "druver\n", + "organised\n", + "curriculars\n", + "guarante\n", + "Specificly\n", + "morw\n", + "bicylcle\n", + "secludes\n", + "hundredseventy\n", + "marsthe\n", + "Studentbased\n", + "passinger\n", + "equivlent\n", + "expessions\n", + "differense\n", + "refuesd\n", + "laeve\n", + "energyfuel\n", + "Bogotabut\n", + "helpe\n", + "cauded\n", + "basketballsoccerand\n", + "studentsthe\n", + "apperently\n", + "baout\n", + "ofg\n", + "didtracted\n", + "smoot\n", + "Benfit\n", + "afects\n", + "mechanincs\n", + "outragously\n", + "alloowed\n", + "saysBecause\n", + "votesbut\n", + "prisident\n", + "possibble\n", + "vellays\n", + "mindnow\n", + "basketballHey\n", + "funand\n", + "6065\n", + "honering\n", + "canidiant\n", + "systemare\n", + "benefitshome\n", + "volenteers\n", + "Amendmant\n", + "cirling\n", + "aale\n", + "Assistint\n", + "Passanger\n", + "Howeverstudents\n", + "alieans\n", + "doferrent\n", + "protrays\n", + "resourcefull\n", + "secorit\n", + "romneyI\n", + "fromalso\n", + "fhrenheit\n", + "modernaccurate\n", + "particularry\n", + "exmine\n", + "durrastically\n", + "Drecel\n", + "outweighted\n", + "humanemotionrecognizing\n", + "Eifle\n", + "DearMr\n", + "headformed\n", + "learnbut\n", + "eyesnoseand\n", + "learnbecause\n", + "slotuion\n", + "notroius\n", + "wisthe\n", + "finlly\n", + "SmileThe\n", + "evennumberd\n", + "tehnologies\n", + "897\n", + "thorughfare\n", + "becausetheir\n", + "competiters\n", + "rreading\n", + "inccorectly\n", + "exspenses\n", + "presidincial\n", + "mesurements\n", + "becausemost\n", + "gatorbait\n", + "Diferent\n", + "disabilitie\n", + "peoeple\n", + "Includingthe\n", + "letteing\n", + "gainedon\n", + "footballresultingbasketballbaseballsoccerand\n", + "visaulize\n", + "statesbut\n", + "aall\n", + "erruptng\n", + "lialbility\n", + "squirral\n", + "sicussing\n", + "opinionteacherdesigned\n", + "selflearn\n", + "twolegged\n", + "nvote\n", + "temparary\n", + "adviceviews\n", + "responseble\n", + "artivle\n", + "216\n", + "disgareed\n", + "crushial\n", + "abollishing\n", + "arrands\n", + "softwar\n", + "gallore\n", + "humansAmericans\n", + "riduculos\n", + "embarrssed\n", + "malfunions\n", + "estabolished\n", + "peoplep12\n", + "Declartion\n", + "cartruckect\n", + "sotfware\n", + "Matain\n", + "deiesel\n", + "arguemnts\n", + "2243\n", + "comprehand\n", + "50s\n", + "Winnertakesall\n", + "wawnt\n", + "theirelves\n", + "humancontrolled\n", + "saysBut\n", + "dicipliny\n", + "frayparagraph\n", + "continuelisten\n", + "Cydonia2\n", + "todayhow\n", + "branchs\n", + "footballbaseballsoccertracketc\n", + "nagative\n", + "Thereforesomeone\n", + "emtion\n", + "itreally\n", + "consistes\n", + "necassory\n", + "58\n", + "countting\n", + "helpingthis\n", + "Finkilstein\n", + "unesessary\n", + "polllutionthat\n", + "brilent\n", + "handif\n", + "improvemenet\n", + "emisionsa\n", + "quialty\n", + "earthParagraph\n", + "saidIts\n", + "converence\n", + "Schoology\n", + "placeshelp\n", + "didt\n", + "charatcteristic\n", + "slipperyand\n", + "artivcle\n", + "consumors\n", + "whst\n", + "Alarge\n", + "pernts\n", + "presentvening\n", + "confering\n", + "disgress\n", + "wayt\n", + "carintencive\n", + "interesring\n", + "learder\n", + "timesspeeds\n", + "candidatesknow\n", + "someoneindroducion\n", + "stirp\n", + "driwn\n", + "googlel\n", + "Marsor\n", + "safier\n", + "likeIs\n", + "itstillworks\n", + "garunteed\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "tempuratures\n", + "plaed\n", + "legislaters\n", + "vistiting\n", + "lastd\n", + "densigy\n", + "obsevations\n", + "pluss\n", + "reaf\n", + "enviropnment\n", + "timeenergy\n", + "Ectoral\n", + "HelloI\n", + "dictracted\n", + "tightraces\n", + "ninetytwo\n", + "deprestion\n", + "photgraph\n", + "1770s\n", + "hanign\n", + "unitedstatesthe\n", + "mistirious\n", + "officean\n", + "asediment\n", + "accuires\n", + "Inattentional\n", + "evidents\n", + "outhers\n", + "Cydoniascholars\n", + "collegeits\n", + "continused\n", + "seomthing\n", + "waiste\n", + "defferent\n", + "StudentAssigned\n", + "acivities\n", + "presidnt\n", + "pollutionbut\n", + "positvely\n", + "vanus\n", + "electorswhich\n", + "perfict\n", + "uneduceted\n", + "valcanic\n", + "manifracture\n", + "enfact\n", + "edcpressions\n", + "percont\n", + "danagerous\n", + "pragraph\n", + "Carsthe\n", + "nausious\n", + "intagram\n", + "inventioina\n", + "democraticthe\n", + "85\n", + "makig\n", + "tecnonology\n", + "specialVenus\n", + "peoiple\n", + "tennise\n", + "egucation\n", + "repsonisble\n", + "innvited\n", + "rudeuce\n", + "advoid\n", + "enplaced\n", + "dangruss\n", + "workschoolfriendsparentschildren\n", + "indefinetly\n", + "equivanlent\n", + "comuincating\n", + "experits\n", + "partand\n", + "Certifacte\n", + "Baising\n", + "acidemic\n", + "surlly\n", + "sronger\n", + "overusuage\n", + "corriculm\n", + "impedimants\n", + "incouraged\n", + "survivle\n", + "depeneds\n", + "congressmenwomen\n", + "instensts\n", + "553\n", + "DÃÂs\n", + "14Wow\n", + "collgae\n", + "everytimebeing\n", + "oceas\n", + "instructorstudent\n", + "sucure\n", + "scholarstudents\n", + "checkot\n", + "incerence\n", + "planningis\n", + "audomation\n", + "methothed\n", + "Resonsilbilty\n", + "upcerd\n", + "teahers\n", + "passagengers\n", + "acedemics\n", + "envolving\n", + "sightreach\n", + "cneters\n", + "solled\n", + "comhealthsafetypreparednesstextwhiledriving\n", + "advancementnot\n", + "issuse\n", + "Respresentatives\n", + "unbiases\n", + "canadiate\n", + "eunoff\n", + "haddle\n", + "saidSoif\n", + "assigmenst\n", + "exploreing\n", + "upMaybe\n", + "greenhosue\n", + "lightrunning\n", + "reliterated\n", + "Echman\n", + "resones\n", + "bikescarges\n", + "youjust\n", + "aWenBon\n", + "coulud\n", + "disager\n", + "lifeElisabeth\n", + "devlops\n", + "Thoughthe\n", + "chanceor\n", + "advencures\n", + "admendments\n", + "phoneMany\n", + "machies\n", + "beutifal\n", + "considere\n", + "disadvanges\n", + "heafty\n", + "satudents\n", + "guving\n", + "bacically\n", + "anchorism\n", + "manepulates\n", + "89\n", + "structe\n", + "communityworld\n", + "mesacommon\n", + "educationwhich\n", + "culturers\n", + "stateDemocrats\n", + "exmane\n", + "VeniceItalyLuke\n", + "captials\n", + "evidene\n", + "ps4\n", + "Vaubanwhen\n", + "perharps\n", + "phonesthe\n", + "secont\n", + "leadcreated\n", + "condiions\n", + "recogize\n", + "efficantly\n", + "repersenatives\n", + "prospct\n", + "failng\n", + "ripidly\n", + "expertion\n", + "PresidentSource\n", + "disagreeI\n", + "planetParagraph\n", + "mativation\n", + "getermining\n", + "answersoptions\n", + "instutudes\n", + "conition\n", + "bothhaving\n", + "upbring\n", + "votersswing\n", + "edgucation\n", + "aplied\n", + "Nextconspiricy\n", + "machanical\n", + "compony\n", + "independece\n", + "anillusion\n", + "definetally\n", + "structuresbuildings\n", + "communiacte\n", + "disrelief\n", + "decscrive\n", + "consstructed\n", + "Excersisng\n", + "citizan\n", + "emostions\n", + "Khalyl\n", + "becausebthey\n", + "awknowledged\n", + "stregth\n", + "idenitiy\n", + "singlesided\n", + "technalogy\n", + "uncessary\n", + "approprations\n", + "emissiom\n", + "carterbob\n", + "shaddows\n", + "experienece\n", + "lessonshe\n", + "wrold\n", + "parentguardian\n", + "strang\n", + "canhope\n", + "probely\n", + "torards\n", + "Somestimes\n", + "exucess\n", + "prevnt\n", + "sime\n", + "icebike\n", + "Framce\n", + "simplifeid\n", + "ishighly\n", + "stateshas\n", + "saysOften\n", + "technogolies\n", + "skillssuch\n", + "stresssource\n", + "boxingfencing\n", + "sciemtist\n", + "cheke\n", + "dirvers\n", + "certifited\n", + "monumemts\n", + "relationsip\n", + "schoolrelationships\n", + "mations\n", + "softwareDr\n", + "LIEK\n", + "34She\n", + "whaeshe\n", + "sprinning\n", + "capturehuman\n", + "obiasly\n", + "shouald\n", + "yonger\n", + "unnesessary\n", + "aine\n", + "orgteencrashriskspreven\n", + "fairand\n", + "Semitrucks\n", + "classroomcheck\n", + "articleTips\n", + "manorable\n", + "fourtueFor\n", + "keepng\n", + "defeates\n", + "threelegged\n", + "issueseither\n", + "milesabove\n", + "pannign\n", + "passaenger\n", + "liforms\n", + "canididate\n", + "exspert\n", + "EIGTHER\n", + "dimented\n", + "kids16\n", + "NonStudent\n", + "coneshaped\n", + "agaisnst\n", + "positivly\n", + "andmuch\n", + "papersaves\n", + "beneifiting\n", + "classroooms\n", + "didnÃÂt\n", + "interpit\n", + "Complate\n", + "futurisic\n", + "overrelying\n", + "twentyseven\n", + "CRACKIs\n", + "optionsmove\n", + "studyings\n", + "resame\n", + "thoroughfarewhere\n", + "retiries\n", + "learninglistening\n", + "treesbuildingshomesetc\n", + "distracBon\n", + "specialAnother\n", + "beseball\n", + "Citezens\n", + "grenhouse\n", + "fwer\n", + "technolagy\n", + "misstaking\n", + "attmosphere\n", + "diagree\n", + "photogaphy\n", + "electionwhich\n", + "adolescenttoadolescent\n", + "selfguided\n", + "Modays\n", + "yourr\n", + "dallors\n", + "opperation\n", + "proojected\n", + "constitutuion\n", + "unbalaned\n", + "feeloing\n", + "contriversy\n", + "selfinterests\n", + "authro\n", + "sklls\n", + "studentswhich\n", + "surgy\n", + "revelotionary\n", + "deides\n", + "stratogies\n", + "atrract\n", + "munmasking\n", + "everywherebut\n", + "topoftheline\n", + "6Venus\n", + "perpectives\n", + "liecense\n", + "informationthere\n", + "drivingrecent\n", + "partyd\n", + "choiceThe\n", + "priorly\n", + "28th\n", + "elecetors\n", + "schoolworkfree\n", + "Vauman\n", + "exploaring\n", + "teacheing\n", + "placeslike\n", + "callage\n", + "hourhand\n", + "understoood\n", + "independendtly\n", + "degess\n", + "Finallystudents\n", + "problm\n", + "plaes\n", + "speices\n", + "starst\n", + "mussles\n", + "22636\n", + "iage\n", + "diserably\n", + "cirizens\n", + "knowldge\n", + "porven\n", + "concencous\n", + "difficuties\n", + "lonf\n", + "inicent\n", + "semes\n", + "semistranger\n", + "beccome\n", + "hapend\n", + "caculating\n", + "volacnos\n", + "effectave\n", + "aspbergers\n", + "exactaly\n", + "haveuse\n", + "Especailly\n", + "unnessasary\n", + "peoplemight\n", + "herad\n", + "Bratayley\n", + "nonrelient\n", + "Augest\n", + "thell\n", + "usaul\n", + "classor\n", + "cellsmart\n", + "oce\n", + "bexcause\n", + "misinterpruts\n", + "exampleGeneric_Name\n", + "circumluem\n", + "knoglage\n", + "consitiution\n", + "plaetary\n", + "wit5h\n", + "porfusly\n", + "highays\n", + "outbrakes\n", + "smartraods\n", + "byBrad\n", + "geogoly\n", + "brdge\n", + "thingsand\n", + "onesself\n", + "likness\n", + "showen\n", + "Convetions\n", + "Pluse\n", + "itbis\n", + "appereance\n", + "nesscery\n", + "hybirds\n", + "persented\n", + "electors270\n", + "Earh\n", + "taxeing\n", + "Althoght\n", + "systemanything\n", + "worriedsadetc\n", + "unactive\n", + "orgthefactsaboutdistracteddriving\n", + "grrenhouse\n", + "sombodys\n", + "couls\n", + "vote18\n", + "tecnolgyn\n", + "worryed\n", + "papar\n", + "missplaced\n", + "confidentand\n", + "tangable\n", + "doughts\n", + "worksource\n", + "AHHHHHH\n", + "alret\n", + "staraightforward\n", + "betteror\n", + "popultion\n", + "rinigng\n", + "inhancements\n", + "contrabuted\n", + "arugement\n", + "optioon\n", + "gelp\n", + "alturnitives\n", + "danders\n", + "circleing\n", + "Tremator\n", + "issuesor\n", + "promble\n", + "contions\n", + "problenm\n", + "articleCarfree\n", + "assingment\n", + "govnerment\n", + "lovedones\n", + "coustmers\n", + "cnadidates\n", + "drivercars\n", + "enrolment\n", + "gaind\n", + "babyand\n", + "indelpendencs\n", + "benitfit\n", + "craminals\n", + "electionwith\n", + "interresting\n", + "conclusionparents\n", + "adviceoptions\n", + "muiltiple\n", + "grovery\n", + "walkride\n", + "inshurance\n", + "phisicly\n", + "yearso\n", + "distracBona\n", + "haaving\n", + "sprots\n", + "Mathhistoryenglish\n", + "simullar\n", + "undisierable\n", + "trasportate\n", + "ragular\n", + "ityou\n", + "2015\n", + "shiping\n", + "isif\n", + "nonpolluted\n", + "carsI\n", + "stateslower\n", + "aggread\n", + "26960\n", + "1900\n", + "unnecassary\n", + "easierStudents\n", + "homeworkI\n", + "atronomers\n", + "Edcationally\n", + "saysome\n", + "aoftware\n", + "Sencond\n", + "inplementing\n", + "candiadate\n", + "Thirdlyboth\n", + "catogries\n", + "friendsbecome\n", + "Whicn\n", + "FamilyPay\n", + "compitive\n", + "thingslive\n", + "phots\n", + "Eelectoral\n", + "hoilday\n", + "physicla\n", + "attendince\n", + "POVreason\n", + "govering\n", + "presidentsource\n", + "permmited\n", + "incluces\n", + "adavance\n", + "advicegivers\n", + "10yearolds\n", + "20thousands\n", + "potentiol\n", + "averageover\n", + "emmisson\n", + "bp3\n", + "smogand\n", + "17001800\n", + "optionsfor\n", + "atmoahere\n", + "GenericName\n", + "coummincation\n", + "farenheight\n", + "orglegalarticlestextingwhiledriving\n", + "dieselsl\n", + "cklean\n", + "partyou\n", + "tectnolony\n", + "natrural\n", + "giding\n", + "summerproject\n", + "youtuber\n", + "factorPeople\n", + "happyworried\n", + "presidentresidents\n", + "studiesactivities\n", + "feildtrip\n", + "passae\n", + "revole\n", + "reconcider\n", + "briving\n", + "elecronica\n", + "driveer\n", + "felow\n", + "redndering\n", + "troubleand\n", + "methons\n", + "inplament\n", + "saysAnother\n", + "nongraded\n", + "routinenobody\n", + "misleadinng\n", + "notteble\n", + "tounlike\n", + "signlas\n", + "eveidnce\n", + "orgteencrashriskspreventiondistracteddrivingcellphones\n", + "friends2\n", + "Citings\n", + "abiity\n", + "withought\n", + "untask\n", + "eneter\n", + "3ÃâÂ5\n", + "teachersstudents\n", + "fivethirtyeight\n", + "shutins\n", + "sourcespeople\n", + "livible\n", + "resoucers\n", + "Sicentests\n", + "1976a\n", + "pludges\n", + "beneificial\n", + "supliesanimalsand\n", + "coudve\n", + "Vaubanthe\n", + "onvented\n", + "Eckaman\n", + "adminitrator\n", + "peirs\n", + "emotons\n", + "perisely\n", + "occour\n", + "reaserchers\n", + "canident\n", + "motionshapiness\n", + "necasarily\n", + "unresponisble\n", + "llitle\n", + "possibal\n", + "slitest\n", + "acidplanets\n", + "Nasabudget\n", + "embarising\n", + "knowledegable\n", + "Irobot\n", + "Colmbia\n", + "electros\n", + "expectatives\n", + "tecahers\n", + "BeginEach\n", + "disctrations\n", + "bejing\n", + "nondemoctratic\n", + "desicision\n", + "incovencies\n", + "dontwont\n", + "Exporing\n", + "touror\n", + "adavantges\n", + "graeful\n", + "invicibility\n", + "exsposed\n", + "givs\n", + "acttually\n", + "tempatres\n", + "Goofle\n", + "gimmance\n", + "representiveswhere\n", + "friendor\n", + "constantin\n", + "onon\n", + "Italk\n", + "horrinle\n", + "discared\n", + "friendsfind\n", + "neigboorhood\n", + "redy\n", + "contruste\n", + "kidsteenagers\n", + "devics\n", + "puniy\n", + "responsilibilty\n", + "7944\n", + "comaparing\n", + "smartcars\n", + "inpired\n", + "armyI\n", + "damags\n", + "rebilons\n", + "workwhen\n", + "dount\n", + "Evrey\n", + "expcerpt\n", + "citypitted\n", + "privillage\n", + "conditionsand\n", + "homebecause\n", + "snsor\n", + "pravite\n", + "vehichles\n", + "talkng\n", + "sprt\n", + "controllinghand\n", + "taachers\n", + "Qouted\n", + "jobso\n", + "techhnology\n", + "vrrrrooommmeeeddd\n", + "aidea\n", + "frquent\n", + "geenhouse\n", + "selecing\n", + "shouled\n", + "nuetrual\n", + "morining\n", + "tremedously\n", + "retricans\n", + "ideasthoughts\n", + "percentpf\n", + "acciednts\n", + "Counterclains\n", + "opinin\n", + "respesent\n", + "exicuted\n", + "dectects\n", + "melat\n", + "drivelss\n", + "disscus\n", + "rockthey\n", + "eemotional\n", + "angerdisgustfear\n", + "gasstations\n", + "limityed\n", + "handvoting\n", + "accidentstraffic\n", + "passengar\n", + "becming\n", + "teacherdesignedallows\n", + "whgole\n", + "scate\n", + "thirtysix\n", + "flowingstep\n", + "surfacde\n", + "wifehusban\n", + "disguest\n", + "angryand\n", + "nsc\n", + "carsin\n", + "8250\n", + "fasinating\n", + "encorger\n", + "caant\n", + "free70\n", + "chalang\n", + "COMPLETLY\n", + "sollution\n", + "captin\n", + "Egyptain\n", + "isent\n", + "pychologists\n", + "manfuctions\n", + "elecltors\n", + "relashonship\n", + "busestaxis\n", + "edure\n", + "concider\n", + "coolig\n", + "sater\n", + "ddriving\n", + "importantand\n", + "magizine\n", + "cultres\n", + "wouldnd\n", + "gormay\n", + "paranting\n", + "trafficwork\n", + "loooks\n", + "brighht\n", + "ignoreor\n", + "raeson\n", + "L912\n", + "yoou\n", + "roatating\n", + "TAILPIPES\n", + "importantlyteachers\n", + "eightyseven\n", + "simily\n", + "statesby\n", + "probroly\n", + "authers\n", + "unessarcy\n", + "beingdistance\n", + "accros\n", + "survieved\n", + "dependson\n", + "adventeur\n", + "desgin\n", + "compuer\n", + "presidentits\n", + "REGRETT\n", + "calute\n", + "mankindss\n", + "remorce\n", + "driversless\n", + "instancewhen\n", + "relenquishes\n", + "panet\n", + "elactions\n", + "clouse\n", + "avrage\n", + "ExampleGeneric_Name\n", + "yearshas\n", + "abloish\n", + "unsafey\n", + "Pananama\n", + "Hwaii\n", + "theyb\n", + "catigories\n", + "spaccrafts\n", + "sofeware\n", + "mutipule\n", + "sace\n", + "efffectively\n", + "15You\n", + "yoears\n", + "regreat\n", + "Freshmans\n", + "addedSo\n", + "selfcontrol\n", + "colombians\n", + "Parrel\n", + "Opperating\n", + "Pugng\n", + "hean\n", + "fansor\n", + "hangging\n", + "siads\n", + "Hitandruns\n", + "bestor\n", + "aritifact\n", + "solor\n", + "fearfull\n", + "promiss\n", + "planstrainsor\n", + "participationg\n", + "lazyand\n", + "usueless\n", + "uscan\n", + "Republicians\n", + "closely1\n", + "becausw\n", + "snapchattng\n", + "lightblue\n", + "disenfrabchished\n", + "youngadult\n", + "tourest\n", + "jamsSource\n", + "articke\n", + "havign\n", + "compracticeareascaraccidentsdistracteddrivingaccidentsdangersofusingyourcellphonewhiledriving\n", + "400pm\n", + "studyinfg\n", + "wadeI\n", + "Veniceexcavaded\n", + "happysadsmile\n", + "distnace\n", + "everymintue\n", + "1997\n", + "incouraging\n", + "shakingfelt\n", + "thatone\n", + "Perspectivesan\n", + "dinnerclean\n", + "900\n", + "artiffact\n", + "ofpoint\n", + "followingbaseballvollyballtabletenisfencingboxingreadingwhittling\n", + "Somepeople\n", + "benifets\n", + "Violattors\n", + "tranier\n", + "College1\n", + "telled\n", + "activiespradesplaces\n", + "Fcae\n", + "scepience\n", + "pongfencingboxingreadingand\n", + "ridd\n", + "unapporite\n", + "maufactors\n", + "actiivity\n", + "Lastely\n", + "magizenes\n", + "intviolence_injury_preventionroad_trafficen\n", + "landspace\n", + "inoportune\n", + "thingbut\n", + "creamand\n", + "teacherbased\n", + "Selskey\n", + "unimagianable\n", + "speack\n", + "4555\n", + "beconning\n", + "onky\n", + "ADDRESS_NAME\n", + "inly\n", + "cowshorsesand\n", + "souldnt\n", + "volunteerwork\n", + "satillite\n", + "poduce\n", + "hobbiespassionsand\n", + "rearvier\n", + "Nopeno\n", + "noramally\n", + "potiential\n", + "benefically\n", + "argumants\n", + "worldsource\n", + "relationshipand\n", + "345360\n", + "waveriding\n", + "145\n", + "oneGoogle\n", + "oppain\n", + "winnertakeallmethod\n", + "sidethen\n", + "sercure\n", + "Emooion\n", + "whieel\n", + "capapble\n", + "Youtubeother\n", + "wellCan\n", + "singnels\n", + "RepublicansSource\n", + "oppurtinty\n", + "sppeds\n", + "congestiondown\n", + "expierienced\n", + "devoided\n", + "presdients\n", + "defetly\n", + "edgarsnyder\n", + "instancesome\n", + "Tecnologhy\n", + "awasy\n", + "stateCalifornia\n", + "attentionto\n", + "Largers\n", + "evedience\n", + "cirty\n", + "selecte\n", + "Anuther\n", + "earthnature\n", + "dontÃÂt\n", + "anrgy\n", + "55mph\n", + "presnts\n", + "venusfor\n", + "acheve\n", + "popoulution\n", + "reaally\n", + "choiceit\n", + "segragationists\n", + "highwaystreet\n", + "heSergey\n", + "technolgoly\n", + "adultlike\n", + "peoplevenus\n", + "delevpoment\n", + "succeedeed\n", + "longshort\n", + "miled\n", + "candidants\n", + "purpusoses\n", + "simalarities\n", + "makebut\n", + "campared\n", + "tyoe\n", + "EdgarSnyder\n", + "traportation\n", + "reducung\n", + "Selsy\n", + "schoolclass\n", + "theoriesthat\n", + "automobilies\n", + "grece\n", + "dudies\n", + "dvelopments\n", + "stateregion\n", + "234\n", + "reasion\n", + "baseballsoftballbasketballtrack\n", + "peepole\n", + "Indiada\n", + "strenths\n", + "1831\n", + "effiecently\n", + "nottoodistant\n", + "emotinaly\n", + "37\n", + "alwoud\n", + "delicated\n", + "licesend\n", + "sentace\n", + "resultI\n", + "edgarsynder\n", + "polisys\n", + "havey\n", + "oppurtunitive\n", + "evem\n", + "beauitful\n", + "papersfor\n", + "Toliets\n", + "missunderstood\n", + "electionit\n", + "obivisly\n", + "alony\n", + "friendshipsand\n", + "sportsyearbook\n", + "wherre\n", + "insety\n", + "landforns\n", + "lessonsquizzestests\n", + "Federeal\n", + "inclass\n", + "83happyfe\n", + "Thses\n", + "MINDBLOWING\n", + "Fathrenheit\n", + "schoolwhen\n", + "hoviering\n", + "culturea\n", + "timesDriverless\n", + "sustainbility\n", + "fulad\n", + "64\n", + "abovethe\n", + "forchen\n", + "anymoe\n", + "requierd\n", + "thught\n", + "lowerage\n", + "approachessimplified\n", + "decives\n", + "Archoves\n", + "Institiute\n", + "clearified\n", + "Futeristic\n", + "cousine\n", + "11pm\n", + "convincedbut\n", + "motovate\n", + "compuuter\n", + "countrywe\n", + "cean\n", + "COVAD19\n", + "whitling\n", + "vicepresidentBecause\n", + "sanate\n", + "reowned\n", + "magazinesradio\n", + "exilerating\n", + "approachaes\n", + "thjan\n", + "elcetors\n", + "Somthing\n", + "oceansor\n", + "bordcought\n", + "Rehabilations\n", + "advangtages\n", + "gaurdian\n", + "modernera\n", + "certianlty\n", + "intelligencesuch\n", + "beggignig\n", + "increaced\n", + "funtioning\n", + "debatingthat\n", + "healthygetting\n", + "capitla\n", + "iIdidnt\n", + "popual\n", + "happne\n", + "exprcted\n", + "reffers\n", + "erition\n", + "samles\n", + "optiion\n", + "vehiclals\n", + "unalert\n", + "threten\n", + "youtr\n", + "schedual\n", + "startthe\n", + "Facts101\n", + "atac\n", + "coordinationcommunicationcollaboration\n", + "opose\n", + "Taths\n", + "havings\n", + "driverl\n", + "inattentional\n", + "electoros\n", + "pullying\n", + "soconsequentlyhe\n", + "cloudess\n", + "doI\n", + "eghteen\n", + "taalk\n", + "resumÃÂs\n", + "navigting\n", + "astromistes\n", + "harde\n", + "Enstein\n", + "constitustion\n", + "determand\n", + "iney\n", + "invied\n", + "recors\n", + "ablilities\n", + "prepose\n", + "eare\n", + "textng\n", + "readwhittlingand\n", + "thiscomes\n", + "Nextthis\n", + "ridicoulus\n", + "lookk\n", + "mecalical\n", + "Tiktok\n", + "lookWhat\n", + "itssafe\n", + "softwared\n", + "coummnication\n", + "217\n", + "ithink\n", + "throughshe\n", + "diffeculty\n", + "opiones\n", + "fascinted\n", + "becauseaccording\n", + "deffects\n", + "articleA\n", + "orgroadsafetysafetytopicsdistracteddrivingresearch\n", + "consequents\n", + "itsWe\n", + "charcteristics\n", + "disecting\n", + "Sensoring\n", + "explainedThats\n", + "placearea\n", + "thatchanging\n", + "Dareand\n", + "positivley\n", + "devolpement\n", + "strategySource\n", + "16th\n", + "mentaliy\n", + "eclections\n", + "Emoton\n", + "suitiable\n", + "beleivesthat\n", + "contriversey\n", + "frirst\n", + "catasrophe\n", + "dowell\n", + "amonunt\n", + "mojority\n", + "mechanial\n", + "traving\n", + "depresssed\n", + "Subconstantquintly\n", + "ownselfs\n", + "handsonexperience\n", + "amedement\n", + "devicers\n", + "malfucntion\n", + "cartlige\n", + "Alsowe\n", + "RepresentativesDont\n", + "procedded\n", + "drivelerless\n", + "desirved\n", + "fhor\n", + "reaease\n", + "Repots\n", + "selfindepence\n", + "jorney\n", + "accelertae\n", + "amouhnt\n", + "ariticle\n", + "picturre\n", + "181991\n", + "leveal\n", + "astronuts\n", + "occasionaily\n", + "Theorys\n", + "balets\n", + "acheieve\n", + "onesbut\n", + "dramashehe\n", + "august14\n", + "TDSP\n", + "proposterous\n", + "resumesand\n", + "idead\n", + "easyer\n", + "gravecanal\n", + "upKobe\n", + "represetning\n", + "24hrs\n", + "jobshomesend\n", + "oppenenet\n", + "disinct\n", + "enplane\n", + "420000\n", + "populartity\n", + "projectsthey\n", + "mysteres\n", + "AMerica\n", + "reduntant\n", + "aboilish\n", + "rembered\n", + "stallsfeed\n", + "mayham\n", + "statates\n", + "casues\n", + "AlsoJail\n", + "manufacterers\n", + "fixerupper\n", + "cutures\n", + "envierment\n", + "abal\n", + "thisPeople\n", + "earthfriendly\n", + "comperhend\n", + "statista\n", + "Bradfrod\n", + "ninche\n", + "driverlesscars\n", + "doesnnt\n", + "legistaure\n", + "yotu\n", + "ferar\n", + "RehabilitionAdministration\n", + "anxietyand\n", + "happysadangry\n", + "pictrures\n", + "traviling\n", + "brodly\n", + "stafety\n", + "skillsconfidence\n", + "detal\n", + "plastes\n", + "extracurricual\n", + "handlycapp\n", + "perpose\n", + "delvoped\n", + "wallkwaystores\n", + "inatance\n", + "cponundrum\n", + "exampleteachers\n", + "imrove\n", + "unconfertable\n", + "sudi\n", + "becan\n", + "paragrasph\n", + "2k20\n", + "yuor\n", + "universalobserves\n", + "illuion\n", + "CAUTIOSLY\n", + "Ordownload\n", + "spectical\n", + "Pensilvanniawill\n", + "ConclusionAlthough\n", + "peopleThank\n", + "home2\n", + "soiety\n", + "programu\n", + "dby\n", + "realies\n", + "biologoyhealth\n", + "valueble\n", + "shpuld\n", + "emotonal\n", + "helpped\n", + "topicsallows\n", + "themselvesthe\n", + "orriented\n", + "skillled\n", + "deverity\n", + "relivant\n", + "incurages\n", + "adventuresbut\n", + "3620\n", + "havesurveyed\n", + "plae\n", + "spacecarfts\n", + "citesCali\n", + "argrument\n", + "Benusin\n", + "neccisarily\n", + "homebuild\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "workproject\n", + "phonesmobile\n", + "benifitial\n", + "considerabley\n", + "epoples\n", + "entsive\n", + "WinnerTake\n", + "candidates0\n", + "improvemnt\n", + "schoolshostipals\n", + "happeneds\n", + "automaticallyinstead\n", + "amergai\n", + "StudentVUE\n", + "baecause\n", + "Posner21\n", + "poineers\n", + "cousinbrother\n", + "fearand\n", + "AirBnBs\n", + "hardc\n", + "Valledupars\n", + "theswing\n", + "diffrently\n", + "Teachersas\n", + "Enivromental\n", + "inovention\n", + "econoimcally\n", + "procieved\n", + "3331\n", + "runits\n", + "conclution\n", + "electorsA\n", + "TheZebra\n", + "manking\n", + "sportsjobsfamily\n", + "frustrasting\n", + "threy\n", + "designsheadlinesand\n", + "opinionand\n", + "necesitiates\n", + "vater\n", + "researchfind\n", + "bvest\n", + "environmet\n", + "behide\n", + "itandor\n", + "fobidden\n", + "discovert\n", + "enything\n", + "Unrealted\n", + "readingand\n", + "noneducated\n", + "5000000\n", + "inperson\n", + "emotionsPar\n", + "analigous\n", + "asertions\n", + "VeniceItalywhich\n", + "bcandiadates\n", + "wouldntt\n", + "fafe\n", + "stateNobody\n", + "pearsons\n", + "fouset\n", + "acheievment\n", + "traitsproblems\n", + "exprssion\n", + "stgart\n", + "courseaccording\n", + "divorcedwont\n", + "diesal\n", + "tthree\n", + "customizible\n", + "canindates\n", + "incovience\n", + "centeralized\n", + "Colomia\n", + "peopleanimals\n", + "missread\n", + "wishdream\n", + "FutureÃÂ\n", + "conspirists\n", + "stuudent\n", + "adventful\n", + "turnmoil\n", + "reserchers\n", + "informationthe\n", + "Manveuring\n", + "gonebut\n", + "eyesnose\n", + "campaigh\n", + "absolutlly\n", + "Resive\n", + "aficient\n", + "tuored\n", + "importantSeagoing\n", + "licence\n", + "summerdesigned\n", + "electorsl\n", + "democraticPlumerParagraph9\n", + "metersand\n", + "astroughnaughts\n", + "occaisional\n", + "detentionsaturday\n", + "invaled\n", + "descissons\n", + "disturbites\n", + "offifce\n", + "drempt\n", + "automakewrs\n", + "comblogteendistracteddriving\n", + "immensily\n", + "tacher\n", + "NEEDA\n", + "systums\n", + "therell\n", + "justifyed\n", + "objacts\n", + "supisously\n", + "voying\n", + "foodHey\n", + "perosnal\n", + "placeTaking\n", + "liscene\n", + "perment\n", + "smogor\n", + "deamed\n", + "exploids\n", + "scood\n", + "reasonthey\n", + "consiswts\n", + "rarerly\n", + "perticapate\n", + "camrer\n", + "secterts\n", + "expains\n", + "revealved\n", + "nigitives\n", + "brcause\n", + "accdient\n", + "mimicated\n", + "becaise\n", + "sidiment\n", + "improvent\n", + "pulmonar\n", + "adviseand\n", + "innocations\n", + "thatabout\n", + "trasnportation\n", + "bestfriends\n", + "Vus\n", + "amospheric\n", + "classbecause\n", + "unlikelu\n", + "electons\n", + "lattest\n", + "somothing\n", + "ailens\n", + "compremise\n", + "globaly\n", + "capabities\n", + "1150\n", + "goingon\n", + "saysIs\n", + "allit\n", + "peogram\n", + "stufying\n", + "cattletravel\n", + "accient\n", + "EarthVenus\n", + "frienddhips\n", + "blnkets\n", + "Aritcle\n", + "proveing\n", + "asvwell\n", + "Pargraph\n", + "htings\n", + "dramaic\n", + "emations\n", + "EightyThree\n", + "biffrents\n", + "esier\n", + "Kennedyopposing\n", + "shootss\n", + "technologycalled\n", + "HOTEL_NAMEThey\n", + "posslbe\n", + "idenfied\n", + "onyourself\n", + "navagate\n", + "riera\n", + "docomplete\n", + "UNRRAthe\n", + "educationStudents\n", + "extravogant\n", + "eceeds\n", + "respersatition\n", + "conspiricy\n", + "historcal\n", + "freguent\n", + "Completeing\n", + "legislatorsnare\n", + "surrondings\n", + "daliy\n", + "usaly\n", + "naking\n", + "dowithout\n", + "conclusionpeople\n", + "Sportsstudent\n", + "teacherdeigned\n", + "benefices\n", + "abstacle\n", + "nondriven\n", + "acknolaged\n", + "causeing\n", + "Eletororal\n", + "teachersprofessor\n", + "challeging\n", + "securitylike\n", + "Desriable\n", + "suceesed\n", + "mehod\n", + "buckinghem\n", + "sieastem\n", + "3not\n", + "UIm\n", + "themand\n", + "mayority\n", + "michigans\n", + "eown\n", + "assiged\n", + "sayinglook\n", + "mabby\n", + "hasHoweverthe\n", + "delclares\n", + "trype\n", + "claaified\n", + "elcotors\n", + "com3220cellphonesbanneddriving\n", + "SEMIself\n", + "voleyball\n", + "wnating\n", + "evere\n", + "desoite\n", + "expain\n", + "TextingDrive\n", + "228000\n", + "gadet\n", + "classmatesbut\n", + "weeknesses\n", + "dualtask\n", + "Bogste\n", + "accuerate\n", + "certianty\n", + "fuelsaving\n", + "majoritymost\n", + "rockgasor\n", + "possabilty\n", + "intamated\n", + "wrinking\n", + "multiplechoice\n", + "sespecilly\n", + "osculate\n", + "nonrequired\n", + "wiled\n", + "1960segregationists\n", + "1885\n", + "800F\n", + "utilziled\n", + "matural\n", + "easeir\n", + "manducatures\n", + "fuctions\n", + "crurcial\n", + "exerciseactivity\n", + "activitie\n", + "storngly\n", + "alothough\n", + "things3\n", + "nearrecord\n", + "Venusparagraoh\n", + "themselvesMost\n", + "mearures\n", + "walkrode\n", + "imcoming\n", + "accsessability\n", + "II7\n", + "surfce\n", + "desgning\n", + "beaucse\n", + "orbircularis\n", + "compaies\n", + "feelingsopinions\n", + "softwat\n", + "univerce\n", + "nauseousbegan\n", + "PLUGIN\n", + "timealso\n", + "elecetoral\n", + "endofsemester\n", + "viriuses\n", + "Huangeven\n", + "regaurds\n", + "sientiste\n", + "surprice\n", + "chouse\n", + "segregtions\n", + "countuine\n", + "unfairto\n", + "nationwidebut\n", + "drivermanufactorer\n", + "accidentsdebates\n", + "writhen\n", + "alliens\n", + "awaste\n", + "shehe\n", + "resourcesand\n", + "beasy\n", + "ailen\n", + "culpret\n", + "finking\n", + "yetto\n", + "comfront\n", + "pontiental\n", + "sadbecause\n", + "Secound\n", + "concequences\n", + "prosepct\n", + "allwhile\n", + "Collumist\n", + "eyesThats\n", + "destressers\n", + "678\n", + "Disigning\n", + "suprieor\n", + "communicateand\n", + "decovered\n", + "712\n", + "threemile\n", + "partialautonomous\n", + "manipulationand\n", + "hassal\n", + "runningcatchingthrowing\n", + "argumint\n", + "presely\n", + "changeing\n", + "pleace\n", + "prerequasite\n", + "votedirectly\n", + "adviceopinions\n", + "technilogically\n", + "teacherdesigned\n", + "undoubtingly\n", + "tranporstion\n", + "spilt\n", + "monthsdiscover\n", + "shoudve\n", + "pursit\n", + "morer\n", + "disires\n", + "Advanvced\n", + "apadted\n", + "1620\n", + "badthen\n", + "envokes\n", + "polpuar\n", + "scientificresearch\n", + "meterors\n", + "tremoendously\n", + "130in\n", + "Generic_Nameand\n", + "healthyand\n", + "deathbyvehicle\n", + "Fiftyseven\n", + "prepered\n", + "insurrence\n", + "stresssed\n", + "acshuly\n", + "anatomty\n", + "votedue\n", + "sayingOur\n", + "unaccurate\n", + "shorly\n", + "comparad\n", + "presendential\n", + "candidarte\n", + "makingforcing\n", + "diffrenf\n", + "camerasgames\n", + "1pound\n", + "prodominently\n", + "ConclusionI\n", + "votewhich\n", + "27peoplehad\n", + "scaters\n", + "bluried\n", + "candidt\n", + "sustsain\n", + "talland\n", + "appricate\n", + "reapir\n", + "onFrom\n", + "maake\n", + "Vaubanss\n", + "fatalites\n", + "ChampsElysees13\n", + "Thousans\n", + "obeserved\n", + "gamephone\n", + "Vehichles\n", + "Witout\n", + "shoice\n", + "easeier\n", + "comfortabe\n", + "fromyou\n", + "increadable\n", + "unorderly\n", + "techanically\n", + "homein\n", + "exepted\n", + "freqeunt\n", + "granpa\n", + "years80\n", + "image7\n", + "preshere\n", + "ThoughI\n", + "safewise\n", + "econany\n", + "conclusioin\n", + "18The\n", + "belimited\n", + "faceit\n", + "poltiacl\n", + "Haungs\n", + "114\n", + "destinguish\n", + "intteract\n", + "labelled\n", + "thatsome\n", + "undersatnds\n", + "divinging\n", + "583\n", + "Opinoins\n", + "275\n", + "driveto\n", + "polutin\n", + "voteers\n", + "adaft\n", + "amagine\n", + "plantsRosenthal\n", + "annother\n", + "97percent\n", + "wwwthezebracom\n", + "forgein\n", + "earlierabout\n", + "nowaday\n", + "purposly\n", + "anciet\n", + "nowGeneric_Name\n", + "actial\n", + "chooseAccording\n", + "willthe\n", + "lagest\n", + "specialThis\n", + "polyical\n", + "phtos\n", + "peoplewhich\n", + "envirnmentand\n", + "funneist\n", + "selfefficient\n", + "liabillty\n", + "clubsactivities\n", + "viliage\n", + "Anybodyvoted\n", + "spacraft\n", + "oainting\n", + "201\n", + "partticularly\n", + "anothert\n", + "goalstouchdownseven\n", + "camppaign\n", + "403pm\n", + "votewas\n", + "twinthat\n", + "calculas\n", + "relpacing\n", + "Ascertainmet\n", + "bullingno\n", + "idividuals\n", + "manday\n", + "manequally\n", + "whywe\n", + "USThere\n", + "341\n", + "dadsurely\n", + "realtiy\n", + "ultimatelly\n", + "theorpy\n", + "articlecalled\n", + "pharo\n", + "nondemocractic\n", + "exsmoker\n", + "Anthore\n", + "266\n", + "30006000\n", + "200\n", + "hipocrytical\n", + "winSo\n", + "systembefore\n", + "inetersting\n", + "nondemocratix\n", + "Presidentbut\n", + "Becaus\n", + "cirtan\n", + "cerntain\n", + "experiecs\n", + "conservaative\n", + "Altought\n", + "displats\n", + "thatsegregationist\n", + "recives\n", + "knowlodge\n", + "enviorments\n", + "intirely\n", + "activityÃÂs\n", + "notsaying\n", + "Especally\n", + "electorsin\n", + "144\n", + "learningnot\n", + "studentswho\n", + "highwaysource\n", + "trush\n", + "popele\n", + "stressanger\n", + "atyou\n", + "movey\n", + "vevus\n", + "passioniate\n", + "1360\n", + "Reular\n", + "eloctoral\n", + "numberone\n", + "knwoledge\n", + "studentdirected\n", + "goies\n", + "Reasearchers\n", + "OutcomeEveryones\n", + "sayes\n", + "deveopments\n", + "pluerality\n", + "trew\n", + "avendture\n", + "stres\n", + "pollot\n", + "shorttime\n", + "disgussed\n", + "anuimals\n", + "imagesthe\n", + "thirs\n", + "wontt\n", + "aboslute\n", + "cityDuffer\n", + "prisendent\n", + "remperature\n", + "crowdsexpands\n", + "studentsdesigns\n", + "dictraction\n", + "natioal\n", + "disicions\n", + "oppertunitities\n", + "everydayto\n", + "beaucsue\n", + "ocnditions\n", + "gradutate\n", + "viache\n", + "Accorrding\n", + "oppinons\n", + "beganning\n", + "thatbecause\n", + "witer\n", + "comentrytextingredlight_n_3915817\n", + "Coboy\n", + "debrie\n", + "famililys\n", + "Useing\n", + "Parthonon\n", + "vehicl\n", + "rexceeded\n", + "helpand\n", + "chaleng\n", + "Determie\n", + "unvalid\n", + "comromise\n", + "comuting\n", + "perceptative\n", + "leadershipindependence\n", + "proplably\n", + "languageThat\n", + "Rivaled\n", + "dangercan\n", + "probaley\n", + "fealing\n", + "Havong\n", + "anythingWrong\n", + "responsabillities\n", + "featurebut\n", + "metters\n", + "countris\n", + "rushmore\n", + "sportbecause\n", + "nosmart\n", + "acrynoms\n", + "Schlolars\n", + "woukd\n", + "finecongestion\n", + "clombians\n", + "westThe\n", + "presidentisl\n", + "chhose\n", + "amaking\n", + "distantParagraph\n", + "Ifwe\n", + "unavaliable\n", + "modifty\n", + "chmaber\n", + "woluld\n", + "recogniton\n", + "entireiety\n", + "persontoperson\n", + "senatoris\n", + "Plazaselsky\n", + "technicaly\n", + "similliar\n", + "prons\n", + "Chosing\n", + "candidater\n", + "responblitiltes\n", + "inocense\n", + "citiies\n", + "interset\n", + "prombles\n", + "convinsing\n", + "mythicalwas\n", + "ÃÅf\n", + "veyr\n", + "speicies\n", + "declaired\n", + "expenssive\n", + "youwhere\n", + "propposed\n", + "indiviually\n", + "decadaes\n", + "schoolsbusinesses\n", + "330pm\n", + "camapigning\n", + "furtherer\n", + "venuses\n", + "movmentsin\n", + "reubtes\n", + "percieves\n", + "studebts\n", + "limitting\n", + "genearal\n", + "drousy\n", + "truning\n", + "expenive\n", + "79\n", + "resoucesknowledge\n", + "toneTo\n", + "occurane\n", + "manufactuerer\n", + "satisfided\n", + "activityfor\n", + "fancing\n", + "carfreeday\n", + "controlers\n", + "oportuinite\n", + "hospidible\n", + "heavely\n", + "80s\n", + "beingt\n", + "rocksgas\n", + "populariity\n", + "metter\n", + "Representativese\n", + "sge\n", + "Eart\n", + "producethem\n", + "nerver\n", + "happy9\n", + "traportations\n", + "manufacteror\n", + "omly\n", + "riverBUT\n", + "pursuasive\n", + "com100distracteddrivingfactsstatisticsfor2018\n", + "demoractic\n", + "articlesthe\n", + "acticles\n", + "personbut\n", + "studdy\n", + "videagraphy\n", + "occumpany\n", + "lears\n", + "pollutionParis\n", + "paprgraph\n", + "DriveLess\n", + "projectsassignments\n", + "GBwhich\n", + "matterial\n", + "imprinited\n", + "Whn\n", + "problemsissues\n", + "discovred\n", + "vbest\n", + "conserns\n", + "ewill\n", + "skillbased\n", + "pursui\n", + "Italty\n", + "aswesome\n", + "limitdating\n", + "unfortinit\n", + "candate\n", + "140\n", + "hepl\n", + "eligle\n", + "payoh\n", + "frefer\n", + "govriskydrivingdistracteddriving\n", + "personhit\n", + "fifityfive\n", + "prohibeded\n", + "Veniceitaly\n", + "prasident\n", + "hasslefree\n", + "troubl\n", + "ypure\n", + "lifealtering\n", + "destorys\n", + "mayorsand\n", + "surposed\n", + "areayou\n", + "couold\n", + "destricted\n", + "particutate\n", + "condutions\n", + "probibly\n", + "scapecraft\n", + "presdidents\n", + "nned\n", + "onethousand\n", + "Venussuch\n", + "huamn\n", + "Bushand\n", + "wonderingthe\n", + "legestlature\n", + "ConstitutionThe\n", + "displyas\n", + "Wellno\n", + "esays\n", + "taugh\n", + "countryarea\n", + "chnce\n", + "occursstarts\n", + "winng\n", + "stopandgo\n", + "cominfocartextinganddriving\n", + "govoner\n", + "MexicanAmerican\n", + "Getiing\n", + "excersizing\n", + "leftr\n", + "companiesor\n", + "learnerwhich\n", + "algorrithmms\n", + "friendsAnother\n", + "limired\n", + "textingor\n", + "overwhelmeed\n", + "extroadinary\n", + "votesmeaning\n", + "tounfair\n", + "rarley\n", + "earthsolar\n", + "jan28\n", + "portraied\n", + "specailize\n", + "werid\n", + "drinving\n", + "Thenthe\n", + "emprove\n", + "secondsdo\n", + "throuroughly\n", + "balme\n", + "someparts\n", + "sighswhats\n", + "Exerice\n", + "studehts\n", + "regulaters\n", + "Litilarcery\n", + "achool\n", + "voteElectoral\n", + "Aruto\n", + "phoneetc\n", + "couciling\n", + "thatthat\n", + "hunman\n", + "Vinvis\n", + "weigth\n", + "103\n", + "activitly\n", + "elecotors\n", + "Itcanwait\n", + "companysaid\n", + "Loisiana\n", + "incerases\n", + "explaine\n", + "rwal\n", + "dangeris\n", + "Hauang\n", + "coupld\n", + "765\n", + "historicalit\n", + "DisorderADHD\n", + "thinig\n", + "belivable\n", + "pictyures\n", + "enormousy\n", + "mediabutat\n", + "Butso\n", + "delegationwhich\n", + "sall\n", + "heavly\n", + "oppertunitys\n", + "valleies\n", + "electrecity\n", + "balace\n", + "remerkable\n", + "cellphonesinternet\n", + "verious\n", + "Nextly\n", + "argree\n", + "misfunction\n", + "negtive\n", + "uncompletely\n", + "negatuve\n", + "homeI\n", + "21yearold\n", + "invesigations\n", + "surtain\n", + "procrasitnation\n", + "subburban\n", + "peoplae\n", + "electorsalthough\n", + "votesSo\n", + "populer\n", + "requier\n", + "collaborationteam\n", + "seventyseven\n", + "transregionally\n", + "eay\n", + "ecosystemcommunity\n", + "technolopgy\n", + "fascrinated\n", + "statesWe\n", + "guidless\n", + "importantlike\n", + "dreppesion\n", + "veicle\n", + "massesand\n", + "somethingI\n", + "mmake\n", + "sbout\n", + "overvoard\n", + "togeathere\n", + "orgglobal20190205inemergingeconomiessmartphoneadoptionhasgrownmorequicklyamongyoungergenerations\n", + "simalerates\n", + "bennifit\n", + "aclock\n", + "supportedforms\n", + "462\n", + "optionperspective\n", + "Secondlysometimes\n", + "nonmorning\n", + "amental\n", + "guidingbut\n", + "paine\n", + "stanger\n", + "youwhich\n", + "fortyseven\n", + "helpfulmore\n", + "reserached\n", + "Stalles\n", + "1896\n", + "emetions\n", + "gardean\n", + "regretpassion\n", + "summerized\n", + "accunization\n", + "tecgnology\n", + "tallk\n", + "segregationalists\n", + "schoolwe\n", + "activitiesopportunities\n", + "atmosphereVenus\n", + "2013New\n", + "fullfiling\n", + "construcetive\n", + "unssesry\n", + "accountible\n", + "syntem\n", + "achevied\n", + "efficentaly\n", + "basketballand\n", + "opportiunity\n", + "Statesand\n", + "570\n", + "bumpscracks\n", + "treansitions\n", + "esprecially\n", + "quickily\n", + "wrinkiling\n", + "selfmade\n", + "TeenSafe\n", + "Indefennsible\n", + "stangers\n", + "cummunication\n", + "interneta\n", + "oppion\n", + "C02\n", + "Commerece\n", + "challangeing\n", + "worksso\n", + "Initialy\n", + "wrried\n", + "collegen\n", + "encdoing\n", + "THese\n", + "differet\n", + "coultures\n", + "percentSource\n", + "anvinted\n", + "theirnwill\n", + "3carfree\n", + "horribale\n", + "fdrive\n", + "definenly\n", + "collabrate\n", + "returnung\n", + "expeirment\n", + "Regisiter\n", + "2014\n", + "Neerthe\n", + "disabilitiescan\n", + "Driverlesss\n", + "anxioius\n", + "imaginaiton\n", + "ansewer\n", + "suidcides\n", + "proseger\n", + "parcisepte\n", + "patenually\n", + "refelct\n", + "carinsurance\n", + "edupressreleasesarchives2000releasespress07242000\n", + "actived\n", + "pollutionwe\n", + "accsadentaly\n", + "descripes\n", + "wasste\n", + "presised\n", + "supposably\n", + "descions\n", + "becaude\n", + "Lastlythey\n", + "Besidesits\n", + "saidWhen\n", + "drivway\n", + "weelGM\n", + "1940s\n", + "Coldnights\n", + "exploning\n", + "presidenrt\n", + "roadnot\n", + "knowow\n", + "stes\n", + "guidenscounsler\n", + "paragraphes\n", + "smlie\n", + "Oppontens\n", + "rotatiing\n", + "onlinebased\n", + "complt\n", + "eaier\n", + "exoressive\n", + "4See\n", + "fiiting\n", + "eartha\n", + "TwentyFive\n", + "versource\n", + "actullally\n", + "fuals\n", + "effection\n", + "emoyion\n", + "nowlike\n", + "dobt\n", + "thereOkay\n", + "aboiut\n", + "begaN\n", + "exstensive\n", + "likeOne\n", + "onor\n", + "advcentures\n", + "desition\n", + "breathilizer\n", + "manufactuerers\n", + "eman\n", + "Columbua\n", + "mahawk\n", + "7051215\n", + "ownfullymay\n", + "incounclution\n", + "percice\n", + "districtS1P2\n", + "particepate\n", + "decaring\n", + "branlawfirm\n", + "assignmentas\n", + "andpositve\n", + "boerd\n", + "40minutes\n", + "27\n", + "1In\n", + "Comercials\n", + "dtarred\n", + "campianes\n", + "aresome\n", + "dobut\n", + "muesems\n", + "coursenot\n", + "indicident\n", + "wieghed\n", + "wachtman\n", + "buyiinh\n", + "genarations\n", + "regualrs\n", + "AlsoI\n", + "wanr\n", + "nuon\n", + "elecrtecity\n", + "eletcronic\n", + "porvide\n", + "sciencestis\n", + "earthquakaker\n", + "drivencars\n", + "comepletely\n", + "reqquired\n", + "hapens\n", + "faroff\n", + "ourselvesbut\n", + "madefor\n", + "coomunication\n", + "similing\n", + "teacherget\n", + "whyone\n", + "earDo\n", + "mentalphysical\n", + "soppose\n", + "mustake\n", + "Thereforetheyll\n", + "happysadangrysurpriseshockdisgust\n", + "majoity\n", + "citationticket\n", + "acticities\n", + "correcthy\n", + "counrtries\n", + "emmissons\n", + "curuption\n", + "homeworkesports\n", + "100in\n", + "desenics\n", + "youc\n", + "foused\n", + "cashsrapped\n", + "siteseeingyou\n", + "sewd\n", + "changesaid\n", + "faceParagraph5This\n", + "wrond\n", + "gatting\n", + "certifcations\n", + "poultion\n", + "Communtities\n", + "theas\n", + "automatical\n", + "notand\n", + "apractical\n", + "CellphoneUse\n", + "occurung\n", + "fahreheit\n", + "optionand\n", + "realitymany\n", + "bacuse\n", + "preffer\n", + "Implomenting\n", + "trustmake\n", + "Citize\n", + "diccusing\n", + "educatoin\n", + "themselveswould\n", + "childerm\n", + "distracction\n", + "didntt\n", + "dectration\n", + "instuctions\n", + "exacli\n", + "biggerthan\n", + "learninga\n", + "ketp\n", + "20yearold\n", + "comturies\n", + "liscnes\n", + "distan\n", + "dressand\n", + "1517\n", + "represenetives\n", + "semiautnomous\n", + "715\n", + "inited\n", + "vaped\n", + "formss\n", + "thosde\n", + "stlight\n", + "baseballboxingreadingwhittlingand\n", + "deprrison\n", + "DCis\n", + "simmiler\n", + "suisides\n", + "spontaneousness\n", + "abale\n", + "whtas\n", + "flass\n", + "preograms\n", + "structers\n", + "badThere\n", + "meants\n", + "herhimself\n", + "authros\n", + "Ananchronismaccording\n", + "reilf\n", + "pedstrian\n", + "extremelly\n", + "toltally\n", + "IDaho\n", + "fukky\n", + "drivertime\n", + "ciricular\n", + "jobparents\n", + "Cydonis\n", + "statesEach\n", + "doingit\n", + "greduate\n", + "uptopar\n", + "wondent\n", + "president2\n", + "unexistent\n", + "uncourages\n", + "situsations\n", + "nukul\n", + "acuizations\n", + "gohave\n", + "taskoriented\n", + "contridicts\n", + "importanced\n", + "airDuffer\n", + "regongnize\n", + "defently\n", + "interrup\n", + "Theese\n", + "benefial\n", + "advisecan\n", + "exprssions\n", + "Companythis\n", + "excedes\n", + "undertsnding\n", + "imprees\n", + "valcanos\n", + "Inturn\n", + "Presidenet\n", + "conclusiongetting\n", + "purchace\n", + "itselve\n", + "aicd\n", + "merchury\n", + "communitcate\n", + "thibk\n", + "byou\n", + "Faithfullness\n", + "ethoes\n", + "Aerinautics\n", + "prereceived\n", + "dirrectly\n", + "esample\n", + "domany\n", + "mid90s\n", + "tactict\n", + "permenently\n", + "studystudy\n", + "decussed\n", + "aserations\n", + "WHOOOSH\n", + "awareyou\n", + "casst\n", + "analougous\n", + "selfmotivated\n", + "butIf\n", + "exspression\n", + "garentee\n", + "Noitifcations\n", + "dangoroue\n", + "landfom\n", + "dreiverless\n", + "thnings\n", + "surrondeed\n", + "usinf\n", + "characeristics\n", + "Admendment\n", + "felloe\n", + "Veiw\n", + "considerinf\n", + "threir\n", + "1997Twenty\n", + "irresponsable\n", + "joind\n", + "eatures\n", + "Elecetoral\n", + "optionopinion\n", + "p10\n", + "noticepresidents\n", + "incarentertainment\n", + "oppisite\n", + "nowin\n", + "baseballl\n", + "votegot\n", + "Represenstatives\n", + "studnet\n", + "atomoshere\n", + "loudoun\n", + "meit\n", + "qualificatied\n", + "aposed\n", + "manufactorers\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "favoritem\n", + "1888\n", + "votesnow\n", + "remendous\n", + "streetsand\n", + "casses\n", + "ÃÂfalse\n", + "coputer\n", + "elecction\n", + "pregent\n", + "worldside\n", + "Stuadents\n", + "ambicouse\n", + "presidentia\n", + "submerne\n", + "emotionaly\n", + "55MPH\n", + "sickhandicapped\n", + "responsiblilty\n", + "threebecause\n", + "interracting\n", + "posibaly\n", + "tellls\n", + "diffference\n", + "morningt\n", + "invain\n", + "statepartys\n", + "minutessorry\n", + "discouaragement\n", + "evalutate\n", + "himWhy\n", + "classesand\n", + "argung\n", + "irrationalits\n", + "geneuine\n", + "Unquestibily\n", + "uneveiled\n", + "challeange\n", + "acomidation\n", + "vews\n", + "saidWell\n", + "shouldor\n", + "knowldege\n", + "articlewhy\n", + "unquine\n", + "bbecause\n", + "Drivesafe\n", + "Chicfila\n", + "daysweeksmounthsor\n", + "excpecially\n", + "ifsands\n", + "PLain\n", + "Studentdesigned\n", + "imrovement\n", + "AFLCIOthanks\n", + "communitie\n", + "pargargraph\n", + "handwrittting\n", + "laditue\n", + "argumental\n", + "purpuse\n", + "eveyrthing\n", + "soccerfootballmedia\n", + "factial\n", + "outoftouch\n", + "globla\n", + "accumilated\n", + "plesant\n", + "squarles\n", + "greately\n", + "benith\n", + "beiieve\n", + "sepreate\n", + "commercialand\n", + "electionparagraph\n", + "perfectlyyou\n", + "wirhh\n", + "dislikesummer\n", + "RomneyBecause\n", + "technologhy\n", + "eflaws\n", + "1car\n", + "Scientis\n", + "belife\n", + "upond\n", + "bringbut\n", + "ogf\n", + "dicisons\n", + "citizend\n", + "effecent\n", + "sennsors\n", + "sayingdoing\n", + "anstronount\n", + "thikn\n", + "conclusionschools\n", + "mealts\n", + "neagtives\n", + "photographgs\n", + "deflict\n", + "supposively\n", + "alble\n", + "gameboys\n", + "facsal\n", + "proess\n", + "resricted\n", + "learnig\n", + "tookwatched\n", + "reconmend\n", + "questionsadvice\n", + "proyect\n", + "votes538\n", + "funwhen\n", + "comensate\n", + "genertion\n", + "Reasonings\n", + "exlpore\n", + "ecumaliated\n", + "Caliornia\n", + "knowign\n", + "incoredge\n", + "resuers\n", + "manufacturerWaiting\n", + "Doordash\n", + "nonliberal\n", + "bettrayedbut\n", + "accorinding\n", + "geosystems\n", + "Althoughyour\n", + "playedan\n", + "smogSelsky\n", + "exhuast\n", + "artifitial\n", + "tbis\n", + "chalnging\n", + "Floridashown\n", + "leislatures\n", + "intereesting\n", + "notsodemoctratic\n", + "initiatereplyor\n", + "danguorse\n", + "inisint\n", + "curantly\n", + "assitence\n", + "Egyptin\n", + "tansporation\n", + "soultion\n", + "privelidge\n", + "electol\n", + "Firse\n", + "delima\n", + "eartth\n", + "descrimate\n", + "dumby\n", + "uncomforatble\n", + "assticance\n", + "presidentmany\n", + "tourtamentsfencingboxingwe\n", + "summarizeif\n", + "Carsshould\n", + "descreptions\n", + "depemdent\n", + "invole\n", + "ellctoral\n", + "rven\n", + "sporst\n", + "processnot\n", + "WeThe\n", + "naturalsaid\n", + "unessacery\n", + "drierless\n", + "sudying\n", + "adoults\n", + "thatby\n", + "onstar\n", + "surfuce\n", + "illfounded\n", + "matoaca\n", + "Refuring\n", + "Mindplay\n", + "aliencreated\n", + "uesd\n", + "PROPER_NAMEs\n", + "showdow\n", + "rummers\n", + "beneficicial\n", + "saidabolish\n", + "norht\n", + "Elcectoral\n", + "acticity\n", + "hafe\n", + "comprimse\n", + "stuents\n", + "civilation\n", + "outcomeTwo\n", + "ocenas\n", + "favour\n", + "fineparagraph\n", + "statesWhen\n", + "promonate\n", + "vintg\n", + "undoubtely\n", + "desiel\n", + "vehcicles\n", + "theiries\n", + "Clombia\n", + "ddegres\n", + "that1\n", + "alians\n", + "comarable\n", + "moviestv\n", + "assignmentsmultiple\n", + "understrand\n", + "trueselves\n", + "dumbies\n", + "prsons\n", + "annoyoing\n", + "chiildren\n", + "manfucaturing\n", + "citazen\n", + "idale\n", + "Condress\n", + "exteremely\n", + "drivleress\n", + "viewIt\n", + "vitue\n", + "Thirdi\n", + "disavantages\n", + "P10\n", + "studieng\n", + "coloubia\n", + "provented\n", + "vialotors\n", + "extravegant\n", + "compains\n", + "JTrump\n", + "therioes\n", + "distranted\n", + "halpful\n", + "youyou\n", + "doesntt\n", + "shoundnt\n", + "outguned\n", + "transportaton\n", + "elctoal\n", + "workzones\n", + "chooseso\n", + "Farenheitand\n", + "representaives\n", + "Venesuala\n", + "600PM\n", + "midC\n", + "mentoined\n", + "byIt\n", + "stochiometry\n", + "aboutteencrashes\n", + "campaigm\n", + "clubsprograms\n", + "ginourmous\n", + "starvingasked\n", + "4pedestrianbicycleand\n", + "academicaly\n", + "Stystem\n", + "contriversial\n", + "anachronism15\n", + "questionstudent\n", + "motoredvechile\n", + "canidets\n", + "electiong\n", + "grademake\n", + "wakework\n", + "disgustedand\n", + "thearpy\n", + "saysIf\n", + "humanss\n", + "anways\n", + "successivly\n", + "scientests\n", + "okanet\n", + "contibutes\n", + "kmwide\n", + "capitals17\n", + "mebut\n", + "Driveress\n", + "thatand\n", + "cars57percent\n", + "csre\n", + "rageuos\n", + "Anthother\n", + "dangersous\n", + "easylyknowing\n", + "usig\n", + "revenuepublic\n", + "papre\n", + "praticle\n", + "lunchan\n", + "5Avoid\n", + "importanty\n", + "disadantages\n", + "familyself\n", + "finesfeesgas\n", + "bullyied\n", + "Everythng\n", + "drivingi\n", + "alduts\n", + "unfairirrational\n", + "propriate\n", + "416000\n", + "sciantists\n", + "Represetatives\n", + "para2\n", + "parlementary\n", + "evena\n", + "anicent\n", + "unforutnetly\n", + "pollutionits\n", + "accidentyly\n", + "questionsyou\n", + "colled\n", + "uprade\n", + "ideasopinions\n", + "Indefensive\n", + "differentlywhich\n", + "deabate\n", + "lifeskill\n", + "WWIthanks\n", + "GreecePanamaChina\n", + "devolope\n", + "triy\n", + "alterenative\n", + "injuredhurt\n", + "expreess\n", + "holdes\n", + "injuredamage\n", + "asepcts\n", + "likeme\n", + "resoltuion\n", + "scince\n", + "Excercising\n", + "endles\n", + "conclousion\n", + "honeslty\n", + "youir\n", + "projectsFor\n", + "imbarrasing\n", + "empolyees\n", + "spacce\n", + "exstenive\n", + "explord\n", + "relason\n", + "bown\n", + "understandimg\n", + "thenbut\n", + "morst\n", + "techonologies\n", + "IBMYP\n", + "knowledgenot\n", + "presentationlearn\n", + "Itss\n", + "paintning\n", + "lazyiness\n", + "rethorical\n", + "discustfear\n", + "conficence\n", + "buolt\n", + "deseves\n", + "volleyballtabletennis\n", + "drugsalcohol\n" + ] + } + ], + "source": [ + "for word in vocab:\n", + " if word not in embedding_map:\n", + " print(word)" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "id": "bd1a3ed0", + "metadata": {}, + "outputs": [], + "source": [ + "def argmax(vec):\n", + " # return the argmax as a python int\n", + " _, idx = torch.max(vec, 1)\n", + " return idx.item()\n", + "\n", + "def prepare_seq_word2vec(sentence, embedding_map):\n", + " return torch.tensor([embedding_map[token] for token in sentence], dtype=torch.long)\n", + "\n", + "def prepare_sequence(seq, to_ix):\n", + " idxs = [to_ix[w] for w in seq]\n", + " return torch.tensor(idxs, dtype=torch.long)\n", + "\n", + "\n", + "# Compute log sum exp in a numerically stable way for the forward algorithm\n", + "def log_sum_exp(vec):\n", + " max_score = vec[0, argmax(vec)]\n", + " max_score_broadcast = max_score.view(1, -1).expand(1, vec.size()[1])\n", + " return max_score + \\\n", + " torch.log(torch.sum(torch.exp(vec - max_score_broadcast)))\n", + "\n", + "class BiLSTM_CRF(nn.Module):\n", + "\n", + " def __init__(self, tag_to_ix, embedding_dim, hidden_dim, vocab_size=300000):\n", + " # what is tag_to_ix? embedding_dim OK, hidden_dim what to set?\n", + " \n", + " super(BiLSTM_CRF, self).__init__()\n", + " self.embedding_dim = embedding_dim\n", + " self.hidden_dim = hidden_dim\n", + " self.vocab_size = vocab_size\n", + " self.tag_to_ix = tag_to_ix\n", + " self.tagset_size = len(tag_to_ix)\n", + "\n", + " self.word_embeds = nn.Embedding(vocab_size, embedding_dim)\n", + " self.word_embeds.weight = nn.Parameter(torch.from_numpy(gensim_model.vectors).float())\n", + " # add a load from state dict\n", + " \n", + " self.lstm = nn.LSTM(embedding_dim, hidden_dim // 2,\n", + " num_layers=1, bidirectional=True)\n", + "\n", + " # Maps the output of the LSTM into tag space.\n", + " self.hidden2tag = nn.Linear(hidden_dim, self.tagset_size)\n", + "\n", + " # Matrix of transition parameters. Entry i,j is the score of\n", + " # transitioning *to* i *from* j.\n", + " self.transitions = nn.Parameter(\n", + " torch.randn(self.tagset_size, self.tagset_size))\n", + "\n", + " # These two statements enforce the constraint that we never transfer\n", + " # to the start tag and we never transfer from the stop tag\n", + " self.transitions.data[tag_to_ix[START_TAG], :] = -10000\n", + " self.transitions.data[:, tag_to_ix[STOP_TAG]] = -10000\n", + "\n", + " self.hidden = self.init_hidden()\n", + "\n", + " def init_hidden(self):\n", + " return (torch.randn(2, 1, self.hidden_dim // 2),\n", + " torch.randn(2, 1, self.hidden_dim // 2))\n", + "\n", + " def _forward_alg(self, feats):\n", + " # Do the forward algorithm to compute the partition function\n", + " init_alphas = torch.full((1, self.tagset_size), -10000.)\n", + " # START_TAG has all of the score.\n", + " init_alphas[0][self.tag_to_ix[START_TAG]] = 0.\n", + "\n", + " # Wrap in a variable so that we will get automatic backprop\n", + " forward_var = init_alphas\n", + "\n", + " # Iterate through the sentence\n", + " for feat in feats:\n", + " print(feat)\n", + " break\n", + " alphas_t = [] # The forward tensors at this timestep\n", + " for next_tag in range(self.tagset_size):\n", + " # broadcast the emission score: it is the same regardless of\n", + " # the previous tag\n", + " emit_score = feat[next_tag].view(\n", + " 1, -1).expand(1, self.tagset_size)\n", + " # the ith entry of trans_score is the score of transitioning to\n", + " # next_tag from i\n", + " trans_score = self.transitions[next_tag].view(1, -1)\n", + " # The ith entry of next_tag_var is the value for the\n", + " # edge (i -> next_tag) before we do log-sum-exp\n", + " next_tag_var = forward_var + trans_score + emit_score\n", + " # The forward variable for this tag is log-sum-exp of all the\n", + " # scores.\n", + " alphas_t.append(log_sum_exp(next_tag_var).view(1))\n", + " forward_var = torch.cat(alphas_t).view(1, -1)\n", + " terminal_var = forward_var + self.transitions[self.tag_to_ix[STOP_TAG]]\n", + " alpha = log_sum_exp(terminal_var)\n", + " return alpha\n", + "\n", + " def _get_lstm_features(self, sentence):\n", + " self.hidden = self.init_hidden()\n", + " embeds = self.word_embeds(sentence).view(len(sentence), 1, -1)\n", + " lstm_out, self.hidden = self.lstm(embeds, self.hidden)\n", + " lstm_out = lstm_out.view(len(sentence), self.hidden_dim)\n", + " lstm_feats = self.hidden2tag(lstm_out)\n", + " return lstm_feats\n", + "\n", + " def _score_sentence(self, feats, tags):\n", + " # Gives the score of a provided tag sequence\n", + " score = torch.zeros(1)\n", + " tags = torch.cat([torch.tensor([self.tag_to_ix[START_TAG]], dtype=torch.long), tags])\n", + " for i, feat in enumerate(feats):\n", + " score = score + \\\n", + " self.transitions[tags[i + 1], tags[i]] + feat[tags[i + 1]]\n", + " score = score + self.transitions[self.tag_to_ix[STOP_TAG], tags[-1]]\n", + " return score\n", + "\n", + " def _viterbi_decode(self, feats):\n", + " backpointers = []\n", + "\n", + " # Initialize the viterbi variables in log space\n", + " init_vvars = torch.full((1, self.tagset_size), -10000.)\n", + " init_vvars[0][self.tag_to_ix[START_TAG]] = 0\n", + "\n", + " # forward_var at step i holds the viterbi variables for step i-1\n", + " forward_var = init_vvars\n", + " for feat in feats:\n", + " bptrs_t = [] # holds the backpointers for this step\n", + " viterbivars_t = [] # holds the viterbi variables for this step\n", + "\n", + " for next_tag in range(self.tagset_size):\n", + " # next_tag_var[i] holds the viterbi variable for tag i at the\n", + " # previous step, plus the score of transitioning\n", + " # from tag i to next_tag.\n", + " # We don't include the emission scores here because the max\n", + " # does not depend on them (we add them in below)\n", + " next_tag_var = forward_var + self.transitions[next_tag]\n", + " best_tag_id = argmax(next_tag_var)\n", + " bptrs_t.append(best_tag_id)\n", + " viterbivars_t.append(next_tag_var[0][best_tag_id].view(1))\n", + " # Now add in the emission scores, and assign forward_var to the set\n", + " # of viterbi variables we just computed\n", + " forward_var = (torch.cat(viterbivars_t) + feat).view(1, -1)\n", + " backpointers.append(bptrs_t)\n", + "\n", + " # Transition to STOP_TAG\n", + " terminal_var = forward_var + self.transitions[self.tag_to_ix[STOP_TAG]]\n", + " best_tag_id = argmax(terminal_var)\n", + " path_score = terminal_var[0][best_tag_id]\n", + "\n", + " # Follow the back pointers to decode the best path.\n", + " best_path = [best_tag_id]\n", + " for bptrs_t in reversed(backpointers):\n", + " best_tag_id = bptrs_t[best_tag_id]\n", + " best_path.append(best_tag_id)\n", + " # Pop off the start tag (we dont want to return that to the caller)\n", + " start = best_path.pop()\n", + " assert start == self.tag_to_ix[START_TAG] # Sanity check\n", + " best_path.reverse()\n", + " return path_score, best_path\n", + "\n", + " def neg_log_likelihood(self, sentence, tags):\n", + " feats = self._get_lstm_features(sentence)\n", + " forward_score = self._forward_alg(feats)\n", + " gold_score = self._score_sentence(feats, tags)\n", + " return forward_score - gold_score\n", + "\n", + " def forward(self, sentence): # dont confuse this with _forward_alg above.\n", + " # Get the emission scores from the BiLSTM\n", + " lstm_feats = self._get_lstm_features(sentence)\n", + "\n", + " # Find the best path, given the features.\n", + " score, tag_seq = self._viterbi_decode(lstm_feats)\n", + " return score, tag_seq" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "id": "90f0175b", + "metadata": {}, + "outputs": [], + "source": [ + "START_TAG = \"\"\n", + "STOP_TAG = \"\"\n", + "EMBEDDING_DIM = 300 # TODO need to set this to be the same as the dimension of the vectors you use\n", + "HIDDEN_DIM = 4\n", + "\n", + "# Make up some training data\n", + "training_data = [(\n", + " \"the wall street journal reported today that apple corporation made money\".split(),\n", + " \"B I I I O O O B I O O\".split()\n", + "), (\n", + " \"georgia tech is a university in georgia\".split(),\n", + " \"B I O O O O B\".split()\n", + ")]\n", + "word_to_ix = {}\n", + "for sentence, tags in training_data:\n", + " for word in sentence:\n", + " if word not in word_to_ix:\n", + " word_to_ix[word] = len(word_to_ix)\n", + "\n", + "tag_to_ix = {\"B\": 0, \"I\": 1, \"O\": 2, START_TAG: 3, STOP_TAG: 4}\n", + "\n", + "\n", + "model = BiLSTM_CRF(tag_to_ix, EMBEDDING_DIM, HIDDEN_DIM, len(word_to_ix))\n", + "optimizer = optim.SGD(model.parameters(), lr=0.01, weight_decay=1e-4)" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "id": "f6a0c026", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "tensor([ 11, 2334, 1482, 8977, 343, 205, 3, 13467, 6207, 107,\n", + " 237])\n", + "tensor([-0.0513, -0.1467, 0.3591, -0.1300, -0.0219],\n", + " grad_fn=)\n" + ] + }, + { + "ename": "KeyError", + "evalue": "'a'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [31]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 9\u001b[0m \u001b[38;5;66;03m# Step 2. Get our inputs ready for the network, that is,\u001b[39;00m\n\u001b[1;32m 10\u001b[0m \u001b[38;5;66;03m# turn them into Tensors of word indices.\u001b[39;00m\n\u001b[1;32m 11\u001b[0m sentence_in \u001b[38;5;241m=\u001b[39m prepare_sequence(sentence, word_to_ix)\n\u001b[0;32m---> 12\u001b[0m sentence_in \u001b[38;5;241m=\u001b[39m \u001b[43mprepare_seq_word2vec\u001b[49m\u001b[43m(\u001b[49m\u001b[43msentence\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43membedding_map\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 13\u001b[0m \u001b[38;5;28mprint\u001b[39m(sentence_in)\n\u001b[1;32m 14\u001b[0m targets \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39mtensor([tag_to_ix[t] \u001b[38;5;28;01mfor\u001b[39;00m t \u001b[38;5;129;01min\u001b[39;00m tags], dtype\u001b[38;5;241m=\u001b[39mtorch\u001b[38;5;241m.\u001b[39mlong)\n", + "Input \u001b[0;32mIn [29]\u001b[0m, in \u001b[0;36mprepare_seq_word2vec\u001b[0;34m(sentence, embedding_map)\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mprepare_seq_word2vec\u001b[39m(sentence, embedding_map):\n\u001b[0;32m----> 7\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m torch\u001b[38;5;241m.\u001b[39mtensor([embedding_map[token] \u001b[38;5;28;01mfor\u001b[39;00m token \u001b[38;5;129;01min\u001b[39;00m sentence], dtype\u001b[38;5;241m=\u001b[39mtorch\u001b[38;5;241m.\u001b[39mlong)\n", + "Input \u001b[0;32mIn [29]\u001b[0m, in \u001b[0;36m\u001b[0;34m(.0)\u001b[0m\n\u001b[1;32m 6\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mprepare_seq_word2vec\u001b[39m(sentence, embedding_map):\n\u001b[0;32m----> 7\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m torch\u001b[38;5;241m.\u001b[39mtensor([\u001b[43membedding_map\u001b[49m\u001b[43m[\u001b[49m\u001b[43mtoken\u001b[49m\u001b[43m]\u001b[49m \u001b[38;5;28;01mfor\u001b[39;00m token \u001b[38;5;129;01min\u001b[39;00m sentence], dtype\u001b[38;5;241m=\u001b[39mtorch\u001b[38;5;241m.\u001b[39mlong)\n", + "\u001b[0;31mKeyError\u001b[0m: 'a'" + ] + } + ], + "source": [ + "for epoch in range(\n", + " 300): # again, normally you would NOT do 300 epochs, it is toy data\n", + " for sentence, tags in training_data:\n", + "\n", + " # Step 1. Remember that Pytorch accumulates gradients.\n", + " # We need to clear them out before each instance\n", + " model.zero_grad()\n", + "\n", + " # Step 2. Get our inputs ready for the network, that is,\n", + " # turn them into Tensors of word indices.\n", + " sentence_in = prepare_sequence(sentence, word_to_ix)\n", + " sentence_in = prepare_seq_word2vec(sentence, embedding_map)\n", + " print(sentence_in)\n", + " targets = torch.tensor([tag_to_ix[t] for t in tags], dtype=torch.long)\n", + "\n", + " # Step 3. Run our forward pass.\n", + " loss = model.neg_log_likelihood(sentence_in, targets)\n", + "\n", + " # Step 4. Compute the loss, gradients, and update the parameters by\n", + " # calling optimizer.step()\n", + " loss.backward()\n", + " optimizer.step()\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "192e85cf", + "metadata": {}, + "outputs": [], + "source": [ + "from gensim.test.utils import common_texts\n", + "from gensim.models import Word2Vec" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "799bf276", + "metadata": {}, + "outputs": [ + { + "ename": "FileNotFoundError", + "evalue": "[Errno 2] No such file or directory: 'path/to/file'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mFileNotFoundError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [5]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 1\u001b[0m \u001b[38;5;28;01mimport\u001b[39;00m \u001b[38;5;21;01mgensim\u001b[39;00m\n\u001b[0;32m----> 2\u001b[0m model \u001b[38;5;241m=\u001b[39m \u001b[43mgensim\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mmodels\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mKeyedVectors\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mload_word2vec_format\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43mpath/to/file\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m)\u001b[49m\n\u001b[1;32m 3\u001b[0m weights \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39mFloatTensor(model\u001b[38;5;241m.\u001b[39mvectors)\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/gensim/models/keyedvectors.py:1629\u001b[0m, in \u001b[0;36mKeyedVectors.load_word2vec_format\u001b[0;34m(cls, fname, fvocab, binary, encoding, unicode_errors, limit, datatype, no_header)\u001b[0m\n\u001b[1;32m 1582\u001b[0m \u001b[38;5;129m@classmethod\u001b[39m\n\u001b[1;32m 1583\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mload_word2vec_format\u001b[39m(\n\u001b[1;32m 1584\u001b[0m \u001b[38;5;28mcls\u001b[39m, fname, fvocab\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m, binary\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mFalse\u001b[39;00m, encoding\u001b[38;5;241m=\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mutf8\u001b[39m\u001b[38;5;124m'\u001b[39m, unicode_errors\u001b[38;5;241m=\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mstrict\u001b[39m\u001b[38;5;124m'\u001b[39m,\n\u001b[1;32m 1585\u001b[0m limit\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m, datatype\u001b[38;5;241m=\u001b[39mREAL, no_header\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mFalse\u001b[39;00m,\n\u001b[1;32m 1586\u001b[0m ):\n\u001b[1;32m 1587\u001b[0m \u001b[38;5;124;03m\"\"\"Load KeyedVectors from a file produced by the original C word2vec-tool format.\u001b[39;00m\n\u001b[1;32m 1588\u001b[0m \n\u001b[1;32m 1589\u001b[0m \u001b[38;5;124;03m Warnings\u001b[39;00m\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 1627\u001b[0m \n\u001b[1;32m 1628\u001b[0m \u001b[38;5;124;03m \"\"\"\u001b[39;00m\n\u001b[0;32m-> 1629\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43m_load_word2vec_format\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 1630\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;28;43mcls\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mfname\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mfvocab\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mfvocab\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mbinary\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mbinary\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mencoding\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mencoding\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43municode_errors\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43municode_errors\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1631\u001b[0m \u001b[43m \u001b[49m\u001b[43mlimit\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mlimit\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mdatatype\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mdatatype\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mno_header\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mno_header\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1632\u001b[0m \u001b[43m \u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/gensim/models/keyedvectors.py:1955\u001b[0m, in \u001b[0;36m_load_word2vec_format\u001b[0;34m(cls, fname, fvocab, binary, encoding, unicode_errors, limit, datatype, no_header, binary_chunk_size)\u001b[0m\n\u001b[1;32m 1952\u001b[0m counts[word] \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mint\u001b[39m(count)\n\u001b[1;32m 1954\u001b[0m logger\u001b[38;5;241m.\u001b[39minfo(\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mloading projection weights from \u001b[39m\u001b[38;5;132;01m%s\u001b[39;00m\u001b[38;5;124m\"\u001b[39m, fname)\n\u001b[0;32m-> 1955\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m \u001b[43mutils\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mopen\u001b[49m\u001b[43m(\u001b[49m\u001b[43mfname\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43mrb\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m)\u001b[49m \u001b[38;5;28;01mas\u001b[39;00m fin:\n\u001b[1;32m 1956\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m no_header:\n\u001b[1;32m 1957\u001b[0m \u001b[38;5;66;03m# deduce both vocab_size & vector_size from 1st pass over file\u001b[39;00m\n\u001b[1;32m 1958\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m binary:\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/smart_open/smart_open_lib.py:188\u001b[0m, in \u001b[0;36mopen\u001b[0;34m(uri, mode, buffering, encoding, errors, newline, closefd, opener, ignore_ext, compression, transport_params)\u001b[0m\n\u001b[1;32m 185\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m transport_params \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[1;32m 186\u001b[0m transport_params \u001b[38;5;241m=\u001b[39m {}\n\u001b[0;32m--> 188\u001b[0m fobj \u001b[38;5;241m=\u001b[39m \u001b[43m_shortcut_open\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 189\u001b[0m \u001b[43m \u001b[49m\u001b[43muri\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 190\u001b[0m \u001b[43m \u001b[49m\u001b[43mmode\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 191\u001b[0m \u001b[43m \u001b[49m\u001b[43mcompression\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mcompression\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 192\u001b[0m \u001b[43m \u001b[49m\u001b[43mbuffering\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mbuffering\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 193\u001b[0m \u001b[43m \u001b[49m\u001b[43mencoding\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mencoding\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 194\u001b[0m \u001b[43m \u001b[49m\u001b[43merrors\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43merrors\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 195\u001b[0m \u001b[43m \u001b[49m\u001b[43mnewline\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mnewline\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 196\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 197\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m fobj \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[1;32m 198\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m fobj\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/smart_open/smart_open_lib.py:361\u001b[0m, in \u001b[0;36m_shortcut_open\u001b[0;34m(uri, mode, compression, buffering, encoding, errors, newline)\u001b[0m\n\u001b[1;32m 358\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m errors \u001b[38;5;129;01mand\u001b[39;00m \u001b[38;5;124m'\u001b[39m\u001b[38;5;124mb\u001b[39m\u001b[38;5;124m'\u001b[39m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;129;01min\u001b[39;00m mode:\n\u001b[1;32m 359\u001b[0m open_kwargs[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124merrors\u001b[39m\u001b[38;5;124m'\u001b[39m] \u001b[38;5;241m=\u001b[39m errors\n\u001b[0;32m--> 361\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43m_builtin_open\u001b[49m\u001b[43m(\u001b[49m\u001b[43mlocal_path\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mmode\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mbuffering\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mbuffering\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mopen_kwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "\u001b[0;31mFileNotFoundError\u001b[0m: [Errno 2] No such file or directory: 'path/to/file'" + ] + } + ], + "source": [ + "def generate_embedding_matrix():\n", + " # should generate an embedding matrix that is the size of the vocab each time...\n", + " # we need to save this lol\n", + " pass\n" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "a32cc072", + "metadata": {}, + "outputs": [ + { + "ename": "AttributeError", + "evalue": "type object 'Word2Vec' has no attribute 'vectors'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mAttributeError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [4]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0m \u001b[43mWord2Vec\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mvectors\u001b[49m\n", + "\u001b[0;31mAttributeError\u001b[0m: type object 'Word2Vec' has no attribute 'vectors'" + ] + } + ], + "source": [ + "Word2Vec.vectors" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "b4fd336d", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_2992/1384161003.py:12: FutureWarning: The default value of regex will change from True to False in a future version.\n", + " df.text = df.text.str.replace('[^\\w\\s]','')\n" + ] + } + ], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "d1a6d9e1", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "3ac61f95", + "metadata": {}, + "outputs": [], + "source": [ + "def get_word_ids(tokens, embedding_map, reduce_map):\n", + " embedding_token_ids = [\n", + " embedding_map[token] for token in tokens\n", + " ]\n", + " token_ids = [\n", + " reduce_map[embedding_token_id] for embedding_token_id in embedding_token_ids\n", + " ]\n", + " return token_ids" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d6677bc9", + "metadata": {}, + "outputs": [], + "source": [ + "get_word_ids(['Hi my name is Yousef'], key_to_index)" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "82377963", + "metadata": {}, + "outputs": [], + "source": [ + "key_to_index = model.key_to_index" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "e86870d6", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_2992/2150507369.py:4: FutureWarning: The default value of regex will change from True to False in a future version.\n", + " df.text = df.text.str.replace('[^\\w\\s]','')\n" + ] + }, + { + "ename": "NameError", + "evalue": "name 'text_split' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [5]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 4\u001b[0m df\u001b[38;5;241m.\u001b[39mtext \u001b[38;5;241m=\u001b[39m df\u001b[38;5;241m.\u001b[39mtext\u001b[38;5;241m.\u001b[39mstr\u001b[38;5;241m.\u001b[39mreplace(\u001b[38;5;124m'\u001b[39m\u001b[38;5;124m[^\u001b[39m\u001b[38;5;124m\\\u001b[39m\u001b[38;5;124mw\u001b[39m\u001b[38;5;124m\\\u001b[39m\u001b[38;5;124ms]\u001b[39m\u001b[38;5;124m'\u001b[39m,\u001b[38;5;124m'\u001b[39m\u001b[38;5;124m'\u001b[39m)\n\u001b[1;32m 5\u001b[0m vocab \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mset\u001b[39m(\u001b[38;5;124m'\u001b[39m\u001b[38;5;124m \u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;241m.\u001b[39mjoin(df\u001b[38;5;241m.\u001b[39mtext\u001b[38;5;241m.\u001b[39mvalues)\u001b[38;5;241m.\u001b[39msplit())\n\u001b[0;32m----> 7\u001b[0m ids \u001b[38;5;241m=\u001b[39m [key_to_index[word] \u001b[38;5;28;01mfor\u001b[39;00m word \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28mset\u001b[39m(\u001b[43mtext_split\u001b[49m)]\n", + "\u001b[0;31mNameError\u001b[0m: name 'text_split' is not defined" + ] + } + ], + "source": [ + "path = '../../data/bio/Persuade_postprocessed.json'\n", + "import pandas as pd\n", + "df = pd.read_json(path)\n", + "df.text = df.text.str.replace('[^\\w\\s]','')\n", + "vocab = set(' '.join(df.text.values).split())\n", + "\n", + "ids = [key_to_index[word] for word in set(text_split)]" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "4f9e5043", + "metadata": {}, + "outputs": [], + "source": [ + "len(ids)" + ] + }, + { + "cell_type": "code", + "execution_count": 57, + "id": "2df0f6bd", + "metadata": {}, + "outputs": [], + "source": [ + "from gensim.models import FastText\n", + "\n", + "common_texts = ['Hi my name is Yousef.'.split()]\n", + "from gensim.test.utils import common_texts\n", + "model2 = FastText(vector_size=4, window=3, min_count=1, sentences=common_texts, epochs=10)" + ] + }, + { + "cell_type": "code", + "execution_count": 63, + "id": "670bf244", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'vector_size': 4,\n", + " 'index_to_key': ['system',\n", + " 'graph',\n", + " 'trees',\n", + " 'user',\n", + " 'minors',\n", + " 'eps',\n", + " 'time',\n", + " 'response',\n", + " 'survey',\n", + " 'computer',\n", + " 'interface',\n", + " 'human'],\n", + " 'next_index': 0,\n", + " 'key_to_index': {'system': 0,\n", + " 'graph': 1,\n", + " 'trees': 2,\n", + " 'user': 3,\n", + " 'minors': 4,\n", + " 'eps': 5,\n", + " 'time': 6,\n", + " 'response': 7,\n", + " 'survey': 8,\n", + " 'computer': 9,\n", + " 'interface': 10,\n", + " 'human': 11},\n", + " 'vectors': array([[-0.0277314 , -0.01877754, 0.0140359 , 0.00355452],\n", + " [ 0.00626689, -0.04813672, 0.05594172, 0.07846048],\n", + " [-0.08235919, 0.01859071, 0.01354989, -0.02779197],\n", + " [-0.06887284, 0.00654027, 0.00479901, -0.0286346 ],\n", + " [ 0.07342507, -0.0066566 , -0.02673712, -0.00220155],\n", + " [ 0.02733365, -0.06495033, 0.01261815, -0.00852403],\n", + " [ 0.07512262, -0.0081279 , -0.00192467, -0.02304782],\n", + " [-0.04446438, 0.05171199, 0.00654341, 0.00534294],\n", + " [ 0.01452866, 0.02735674, 0.03940941, -0.02064527],\n", + " [-0.0026324 , -0.03817194, -0.02007434, 0.00741352],\n", + " [ 0.0113926 , -0.00874304, -0.03574701, 0.00472042],\n", + " [ 0.02830744, 0.01806019, -0.03648039, 0.02306542]],\n", + " dtype=float32),\n", + " 'norms': None,\n", + " 'expandos': {'count': array([4, 3, 3, 3, 2, 2, 2, 2, 2, 2, 2, 2]),\n", + " 'sample_int': array([396841800, 463795800, 463795800, 463795800, 579459574, 579459574,\n", + " 579459574, 579459574, 579459574, 579459574, 579459574, 579459574],\n", + " dtype=uint32)},\n", + " 'mapfile_path': None,\n", + " 'min_n': 3,\n", + " 'max_n': 6,\n", + " 'bucket': 2000000,\n", + " 'buckets_word': [array([ 577843, 796992, 410716, 298171, 1365014, 1338566, 1502105,\n", + " 705564, 1815523, 467698, 350029, 223369, 750181, 1020056,\n", + " 688338, 1354765, 1500233, 1459435], dtype=uint32),\n", + " array([ 606866, 1714185, 337403, 365161, 1700295, 1257365, 1650887,\n", + " 920315, 1567620, 1780484, 215758, 1736948, 1848702, 128481],\n", + " dtype=uint32),\n", + " array([ 485437, 1197320, 561431, 487916, 74386, 1839573, 1004626,\n", + " 56836, 543215, 1012756, 122014, 965700, 1461902, 445173],\n", + " dtype=uint32),\n", + " array([1339771, 876474, 1735640, 1857042, 1170932, 501362, 1556644,\n", + " 1112181, 1981201, 742840], dtype=uint32),\n", + " array([1512081, 1193581, 703654, 1662652, 1609815, 1634216, 1361070,\n", + " 1441895, 550755, 211779, 208528, 1057386, 840088, 1582449,\n", + " 125789, 760149, 86385, 725444], dtype=uint32),\n", + " array([ 677246, 723575, 567275, 127225, 1150149, 1971742], dtype=uint32),\n", + " array([ 373532, 1815011, 1934322, 1659044, 1943145, 253156, 1258414,\n", + " 1296042, 773628, 255579], dtype=uint32),\n", + " array([ 724938, 107323, 254993, 1534554, 546073, 1160139, 371628,\n", + " 493158, 232795, 1200732, 229942, 1033887, 1608155, 259055,\n", + " 737172, 1945059, 766122, 509979, 940250, 890988, 1127577,\n", + " 1978420, 666558, 868281, 1860869, 455041], dtype=uint32),\n", + " array([1909271, 1767039, 334507, 872138, 1672037, 579305, 1299940,\n", + " 517799, 917648, 181423, 1567714, 1996372, 866548, 1983607,\n", + " 1468395, 1653895, 1388859, 1430911], dtype=uint32),\n", + " array([1361509, 7960, 635832, 821303, 603614, 900202, 690637,\n", + " 1739323, 1336315, 274442, 1323738, 1263533, 512791, 1076185,\n", + " 885364, 525682, 1118190, 52561, 979225, 1230821, 434219,\n", + " 26267, 400575, 1248576, 404442, 742840], dtype=uint32),\n", + " array([ 481960, 13140, 1330851, 215299, 1107422, 1850849, 87529,\n", + " 1512477, 738446, 1537972, 128278, 462037, 1248576, 1973970,\n", + " 1631561, 1420574, 1196176, 137187, 1425664, 1037439, 1535288,\n", + " 332865, 1899436, 367830, 711889, 255708, 1619270, 1506472,\n", + " 1273890, 1514545], dtype=uint32),\n", + " array([1630484, 453115, 1790062, 1061888, 1914993, 755376, 915322,\n", + " 1525004, 303314, 312436, 1178494, 1773551, 1718531, 1270280],\n", + " dtype=uint32)],\n", + " 'vectors_vocab': array([[-0.01340568, 0.00591078, 0.12758374, 0.22523183],\n", + " [-0.23257375, -0.17792022, 0.16147181, 0.2243247 ],\n", + " [-0.1253857 , -0.09408429, 0.18451262, -0.03833678],\n", + " [-0.11341632, 0.16383694, -0.12151156, -0.04539765],\n", + " [ 0.07193237, 0.02480325, -0.20713237, -0.23621911],\n", + " [ 0.18279415, 0.12675655, 0.16894233, 0.01907164],\n", + " [ 0.15877226, -0.08513415, -0.02366003, 0.14421433],\n", + " [-0.18804094, -0.09840259, -0.18778956, -0.02325106],\n", + " [ 0.23846525, -0.18297876, -0.05834286, -0.04843989],\n", + " [ 0.20193493, -0.1482866 , 0.00112159, -0.11884059],\n", + " [-0.24008876, 0.12518233, -0.21898964, -0.10979563],\n", + " [-0.0008775 , -0.00740454, -0.191531 , 0.24036857]],\n", + " dtype=float32),\n", + " 'vectors_ngrams': array([[ 0.16878772, -0.11919394, -0.19534728, -0.10075444],\n", + " [-0.04309317, 0.15711287, -0.02436498, -0.20404205],\n", + " [-0.08255851, 0.05005026, 0.15659463, 0.11428025],\n", + " ...,\n", + " [ 0.1943017 , -0.1197423 , 0.08607841, 0.12445804],\n", + " [ 0.09043515, -0.04263142, -0.22345108, -0.12466013],\n", + " [-0.19872016, -0.22180456, 0.10834444, 0.09445775]],\n", + " dtype=float32),\n", + " 'compatible_hash': True,\n", + " 'vectors_vocab_lockf': array([1.], dtype=float32),\n", + " 'vectors_ngrams_lockf': array([1.], dtype=float32),\n", + " 'vectors_lockf': array([1.], dtype=float32)}" + ] + }, + "execution_count": 63, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "model2.wv.__dict__" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "id": "00ee00da", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_41137/383823899.py:1: FutureWarning: The default value of regex will change from True to False in a future version.\n", + " df.text = df.text.str.replace('[^\\w\\s]','')\n" + ] + } + ], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 33, + "id": "078a3ccd", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "68705\n" + ] + } + ], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 36, + "id": "650628a2", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "34256\n" + ] + } + ], + "source": [ + "ids = []\n", + "for word in set(text_split):\n", + " if word in key_to_index:\n", + " ids.append(key_to_index[word])\n", + "print(len(ids))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b128f37c", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/DataProcessor_dev.ipynb b/experiments/yousef/DataProcessor_dev.ipynb new file mode 100644 index 0000000..802f7b5 --- /dev/null +++ b/experiments/yousef/DataProcessor_dev.ipynb @@ -0,0 +1,2495 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "ee4b6bb3", + "metadata": {}, + "source": [ + "# Notebook to dev the DataProcessors" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "12822b29", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Google Drive import failed... continuing anyways...\n", + "CUDA device NOT detected. Using CPU...\n", + "Import of ArgMiner successful\n" + ] + } + ], + "source": [ + "# -- public imports\n", + "import os\n", + "from transformers import AutoTokenizer, AutoModelForTokenClassification\n", + "import pandas as pd\n", + "from torch.utils.data import DataLoader\n", + "import torch\n", + "from pandas.testing import assert_frame_equal\n", + "import time\n", + "\n", + "# -- private imports\n", + "from colabtools.utils import move_to_device\n", + "\n", + "# -- dev imports\n", + "#%load_ext autoreload\n", + "#%autoreload 2\n", + "\n", + "from argminer.data import ArgumentMiningDataset, TUDarmstadtProcessor, PersuadeProcessor, DataProcessor, create_labels_doc_level, df_from_text_files\n", + "from argminer.evaluation import inference" + ] + }, + { + "cell_type": "markdown", + "id": "3656e605", + "metadata": {}, + "source": [ + "# Kaggle Dataset (PERSUADE)" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "23a14770", + "metadata": {}, + "outputs": [], + "source": [ + "#path = '../../data/kaggle/feedback-prize-2021'\n", + "#df_expected = create_labels_doc_level(os.path.join(path, 'train'), os.path.join(path, 'train.csv'))" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "bb61488b", + "metadata": {}, + "outputs": [], + "source": [ + "#df_expected[df_expected.id == '423A1CA112E2'].text.values[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "2b9be081", + "metadata": {}, + "outputs": [], + "source": [ + "#ft = df_expected[df_expected.id == '423A1CA112E2']\n", + "#len(ft.labels.values[0])\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "aeb87a61", + "metadata": {}, + "outputs": [], + "source": [ + "#df_texts = df_from_text_files(os.path.join(path, 'train'))" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "c20c685b", + "metadata": {}, + "outputs": [], + "source": [ + "#df_texts[df_texts.id == '423A1CA112E2'].text.values[0][8:229]" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "99fa776d", + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_15570/2067667223.py:6: UserWarning: PersuadeProcessor does not have a preprocessor. Instead the postprocess method will prepare the data end-to-end\n", + " processor = processor.preprocess().process('bieo').postprocess()\n", + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_15570/2067667223.py:6: UserWarning: PersuadeProcessor does not have a processor. Instead the postprocess method will prepare the data end-to-end\n", + " processor = processor.preprocess().process('bieo').postprocess()\n", + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_15570/2067667223.py:6: DeprecationWarning: The postprocess method is behaving in a special way because of data corruption. This behaviour will change in the future.\n", + " processor = processor.preprocess().process('bieo').postprocess()\n" + ] + } + ], + "source": [ + "## verify predictionString start\n", + "\n", + "# TODO bieo not working?\n", + "path_train = '../../data/kaggle/feedback-prize-2021'\n", + "processor = PersuadeProcessor(path_train)\n", + "processor = processor.preprocess().process('bieo').postprocess()\n", + "df = processor.dataframe " + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "57d0caa6", + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "df_dict = PersuadeProcessor().from_json().get_tts(0.3, 0.2)\n", + "df_test = df_tes" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "520e19a5", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{'test': doc_id text \\\n", + " 6302 54EC5A090FB2 Dear Florida Senator,\\n\\nThe Electoral College... \n", + " 11840 62BC144D48C1 The new technology called Facial Action Coding... \n", + " 9550 4006B9AAD071 Dear State Senator,\\n\\nThe Electoral College i... \n", + " 879 7AD4CB4029C0 Dear Principal,\\n\\nI think that we do need to ... \n", + " 7565 7D16EFA4EEAD I never regretted joining the Seagoing Cowboys... \n", + " ... ... ... \n", + " 9496 D1AF5CE5040E Generic_Name\\n\\nWriting SOL\\n\\nMarch 11, 2020\\... \n", + " 13977 387C6CD3FD66 Did you ever work on yearbook, play a sport, o... \n", + " 10079 DC8FC7A75827 I think that the schools policy for phones is ... \n", + " 11894 D447C1CC7423 Dear TEACHER_NAME,\\n\\nI do think community ser... \n", + " 3781 490C2D42AFCE Mr. senator i think we should get rid of the e... \n", + " \n", + " labels \n", + " 6302 [O, O, O, B-Position, I-Position, I-Position, ... \n", + " 11840 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + " 9550 [O, O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Le... \n", + " 879 [O, O, B-Position, I-Position, I-Position, I-P... \n", + " 7565 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + " ... ... \n", + " 9496 [O, O, O, O, O, O, O, O, O, B-Lead, I-Lead, I-... \n", + " 13977 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + " 10079 [B-Position, I-Position, I-Position, I-Positio... \n", + " 11894 [O, O, B-Position, I-Position, I-Position, I-P... \n", + " 3781 [B-Position, I-Position, I-Position, I-Positio... \n", + " \n", + " [4678 rows x 3 columns],\n", + " 'train': doc_id text \\\n", + " 3699 D6E6CFF686BF Opinions are great when it comes to seeking ad... \n", + " 13272 3E2162BC32F6 I agree with the development of driverless car... \n", + " 2784 46E51980E4FB Transpotation has been a key part of many soci... \n", + " 2475 4BA9296EBE9F A topic that is debated is if students should ... \n", + " 11771 8C55F83A618F If people limited the use of cars the earth wo... \n", + " ... ... ... \n", + " 3341 B33AAEEF92E5 Dear principle,\\n\\nThe purpose of this letter ... \n", + " 5500 CDE3CED1BF53 Have you ever recieved helpful advice from som... \n", + " 8172 F9EBBBF6710E Driverless cars are very dangerous. I think th... \n", + " 3391 754AA308D69B Dear Principal,\\n\\nI don't think that kid's sh... \n", + " 14988 836389DC45F4 A letter to my principle\\n\\nI think students s... \n", + " \n", + " labels \n", + " 3699 [B-Position, I-Position, I-Position, I-Positio... \n", + " 13272 [B-Position, I-Position, I-Position, I-Positio... \n", + " 2784 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + " 2475 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + " 11771 [B-Position, I-Position, I-Position, I-Positio... \n", + " ... ... \n", + " 3341 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... \n", + " 5500 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + " 8172 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + " 3391 [O, O, B-Position, I-Position, I-Position, I-P... \n", + " 14988 [O, O, O, O, O, B-Position, I-Position, I-Posi... \n", + " \n", + " [10916 rows x 3 columns]}" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "processor" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "54ca31fc", + "metadata": {}, + "outputs": [ + { + "ename": "NameError", + "evalue": "name 'processor' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [9]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0m \u001b[43mprocessor\u001b[49m\u001b[38;5;241m.\u001b[39mfrom_json()\n", + "\u001b[0;31mNameError\u001b[0m: name 'processor' is not defined" + ] + } + ], + "source": [ + "processor.from_json()" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "a1d154a9", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
doc_idtextlabels
03321A3E87AD3I do agree that some students would benefit fr...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...
1DFEAEC512BABShould students design a summer project for sc...[O, O, O, O, O, O, O, O, B-Position, I-Positio...
22E4AFCD3987FDear State Senator\\n\\n,\\n\\nIn the ruels of vot...[O, O, O, O, B-Position, I-Position, I-Positio...
3EB6C2AF20BFEPeople sometimes have a different opinion than...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...
4A91A08E523D5Dear senator,\\n\\nAs you know the Electoral Col...[O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,...
............
155891C899F124FEBWhile some students may think it's a beneficia...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...
155904453444AF383There has been a strong arguement going on wea...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...
15591EF0D75BF48DAI favor in to changing election by popular vot...[B-Position, I-Position, I-Position, I-Positio...
155928FFDA5B9D359Do you think students would benefit from being...[B-Position, I-Position, I-Position, I-Positio...
15593ACAB1FCA0A30I would like to change the election for the pr...[B-Position, I-Position, I-Position, I-Positio...
\n", + "

15594 rows × 3 columns

\n", + "
" + ], + "text/plain": [ + " doc_id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "... ... ... \n", + "15589 1C899F124FEB While some students may think it's a beneficia... \n", + "15590 4453444AF383 There has been a strong arguement going on wea... \n", + "15591 EF0D75BF48DA I favor in to changing election by popular vot... \n", + "15592 8FFDA5B9D359 Do you think students would benefit from being... \n", + "15593 ACAB1FCA0A30 I would like to change the election for the pr... \n", + "\n", + " labels \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... \n", + "... ... \n", + "15589 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + "15590 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + "15591 [B-Position, I-Position, I-Position, I-Positio... \n", + "15592 [B-Position, I-Position, I-Position, I-Positio... \n", + "15593 [B-Position, I-Position, I-Position, I-Positio... \n", + "\n", + "[15594 rows x 3 columns]" + ] + }, + "execution_count": 12, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "processor.dataframe" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "c4fdbace", + "metadata": {}, + "outputs": [ + { + "ename": "TypeError", + "evalue": "from_json() missing 1 required positional argument: 'self'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mTypeError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [8]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0m \u001b[43mPersuadeProcessor\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfrom_json\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n", + "\u001b[0;31mTypeError\u001b[0m: from_json() missing 1 required positional argument: 'self'" + ] + } + ], + "source": [ + "PersuadeProcessor.from_json()" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "id": "b2da4867", + "metadata": {}, + "outputs": [], + "source": [ + "df = pd.DataFrame({'test':[1,2,3,4]}).tail(2)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "3bd30c2c", + "metadata": {}, + "outputs": [ + { + "ename": "NameError", + "evalue": "name 'df' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [5]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 1\u001b[0m \u001b[38;5;28;01mimport\u001b[39;00m \u001b[38;5;21;01mnumpy\u001b[39;00m \u001b[38;5;28;01mas\u001b[39;00m \u001b[38;5;21;01mnp\u001b[39;00m\n\u001b[1;32m 2\u001b[0m a \u001b[38;5;241m=\u001b[39m np\u001b[38;5;241m.\u001b[39marange(\u001b[38;5;241m2\u001b[39m)\n\u001b[0;32m----> 3\u001b[0m \u001b[43mdf\u001b[49m[[\u001b[38;5;28;01mTrue\u001b[39;00m, \u001b[38;5;28;01mFalse\u001b[39;00m]]\n", + "\u001b[0;31mNameError\u001b[0m: name 'df' is not defined" + ] + } + ], + "source": [ + "import numpy as np\n", + "a = np.arange(2)\n", + "df[[True, False]]" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "8f9ce1b8", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "array([ True, True, True, True, True, True, True, True, True,\n", + " True])" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "np.full(10, True)" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "id": "adbfe4c5", + "metadata": {}, + "outputs": [ + { + "ename": "KeyError", + "evalue": "'[1] not in index'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [18]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0m \u001b[43mdf\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mloc\u001b[49m\u001b[43m[\u001b[49m\u001b[43mnp\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43marray\u001b[49m\u001b[43m(\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;241;43m1\u001b[39;49m\u001b[43m,\u001b[49m\u001b[38;5;241;43m3\u001b[39;49m\u001b[43m]\u001b[49m\u001b[43m)\u001b[49m\u001b[43m]\u001b[49m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/pandas/core/indexing.py:967\u001b[0m, in \u001b[0;36m_LocationIndexer.__getitem__\u001b[0;34m(self, key)\u001b[0m\n\u001b[1;32m 964\u001b[0m axis \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39maxis \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;241m0\u001b[39m\n\u001b[1;32m 966\u001b[0m maybe_callable \u001b[38;5;241m=\u001b[39m com\u001b[38;5;241m.\u001b[39mapply_if_callable(key, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mobj)\n\u001b[0;32m--> 967\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_getitem_axis\u001b[49m\u001b[43m(\u001b[49m\u001b[43mmaybe_callable\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43maxis\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43maxis\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/pandas/core/indexing.py:1191\u001b[0m, in \u001b[0;36m_LocIndexer._getitem_axis\u001b[0;34m(self, key, axis)\u001b[0m\n\u001b[1;32m 1188\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mhasattr\u001b[39m(key, \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mndim\u001b[39m\u001b[38;5;124m\"\u001b[39m) \u001b[38;5;129;01mand\u001b[39;00m key\u001b[38;5;241m.\u001b[39mndim \u001b[38;5;241m>\u001b[39m \u001b[38;5;241m1\u001b[39m:\n\u001b[1;32m 1189\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mValueError\u001b[39;00m(\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mCannot index with multidimensional key\u001b[39m\u001b[38;5;124m\"\u001b[39m)\n\u001b[0;32m-> 1191\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_getitem_iterable\u001b[49m\u001b[43m(\u001b[49m\u001b[43mkey\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43maxis\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43maxis\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1193\u001b[0m \u001b[38;5;66;03m# nested tuple slicing\u001b[39;00m\n\u001b[1;32m 1194\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m is_nested_tuple(key, labels):\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/pandas/core/indexing.py:1132\u001b[0m, in \u001b[0;36m_LocIndexer._getitem_iterable\u001b[0;34m(self, key, axis)\u001b[0m\n\u001b[1;32m 1129\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_validate_key(key, axis)\n\u001b[1;32m 1131\u001b[0m \u001b[38;5;66;03m# A collection of keys\u001b[39;00m\n\u001b[0;32m-> 1132\u001b[0m keyarr, indexer \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_get_listlike_indexer\u001b[49m\u001b[43m(\u001b[49m\u001b[43mkey\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43maxis\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1133\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mobj\u001b[38;5;241m.\u001b[39m_reindex_with_indexers(\n\u001b[1;32m 1134\u001b[0m {axis: [keyarr, indexer]}, copy\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mTrue\u001b[39;00m, allow_dups\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mTrue\u001b[39;00m\n\u001b[1;32m 1135\u001b[0m )\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/pandas/core/indexing.py:1327\u001b[0m, in \u001b[0;36m_LocIndexer._get_listlike_indexer\u001b[0;34m(self, key, axis)\u001b[0m\n\u001b[1;32m 1324\u001b[0m ax \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mobj\u001b[38;5;241m.\u001b[39m_get_axis(axis)\n\u001b[1;32m 1325\u001b[0m axis_name \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mobj\u001b[38;5;241m.\u001b[39m_get_axis_name(axis)\n\u001b[0;32m-> 1327\u001b[0m keyarr, indexer \u001b[38;5;241m=\u001b[39m \u001b[43max\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_get_indexer_strict\u001b[49m\u001b[43m(\u001b[49m\u001b[43mkey\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43maxis_name\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1329\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m keyarr, indexer\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/pandas/core/indexes/base.py:5782\u001b[0m, in \u001b[0;36mIndex._get_indexer_strict\u001b[0;34m(self, key, axis_name)\u001b[0m\n\u001b[1;32m 5779\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[1;32m 5780\u001b[0m keyarr, indexer, new_indexer \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_reindex_non_unique(keyarr)\n\u001b[0;32m-> 5782\u001b[0m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_raise_if_missing\u001b[49m\u001b[43m(\u001b[49m\u001b[43mkeyarr\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mindexer\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43maxis_name\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 5784\u001b[0m keyarr \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mtake(indexer)\n\u001b[1;32m 5785\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28misinstance\u001b[39m(key, Index):\n\u001b[1;32m 5786\u001b[0m \u001b[38;5;66;03m# GH 42790 - Preserve name from an Index\u001b[39;00m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/pandas/core/indexes/base.py:5845\u001b[0m, in \u001b[0;36mIndex._raise_if_missing\u001b[0;34m(self, key, indexer, axis_name)\u001b[0m\n\u001b[1;32m 5842\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mKeyError\u001b[39;00m(\u001b[38;5;124mf\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mNone of [\u001b[39m\u001b[38;5;132;01m{\u001b[39;00mkey\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m] are in the [\u001b[39m\u001b[38;5;132;01m{\u001b[39;00maxis_name\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m]\u001b[39m\u001b[38;5;124m\"\u001b[39m)\n\u001b[1;32m 5844\u001b[0m not_found \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mlist\u001b[39m(ensure_index(key)[missing_mask\u001b[38;5;241m.\u001b[39mnonzero()[\u001b[38;5;241m0\u001b[39m]]\u001b[38;5;241m.\u001b[39munique())\n\u001b[0;32m-> 5845\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mKeyError\u001b[39;00m(\u001b[38;5;124mf\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;132;01m{\u001b[39;00mnot_found\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m not in index\u001b[39m\u001b[38;5;124m\"\u001b[39m)\n", + "\u001b[0;31mKeyError\u001b[0m: '[1] not in index'" + ] + } + ], + "source": [ + "df.loc[np.array([1,3])]" + ] + }, + { + "cell_type": "markdown", + "id": "7bdab05c", + "metadata": {}, + "source": [ + "# Persuade Dataset /w Adversarial" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "85f59b70", + "metadata": {}, + "outputs": [], + "source": [ + "preprocess --> text in raw -> finds segments that are labelled other, adds in correct to data\n", + "process --> inputs (id, segment, segment_label) -> processor(inputs) -> labelling(inputs) -> output(id, segment, word_labels) \n", + "postprocess --> agg into passages" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "4ff85810", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "d53d714e", + "metadata": {}, + "outputs": [], + "source": [ + "class PersuadeProcessor(DataProcessor):\n", + " \n", + " def __init__(self, path=''):\n", + " super().__init__(path)\n", + " \n", + " def _preprocess(self):\n", + " path_to_text_dir = os.path.join(self.path, 'train')\n", + " path_to_ground_truth = os.path.join(self.path, 'train.csv')\n", + " \n", + " df_ground_truth = pd.read_csv(path_to_ground_truth)\n", + " df_ground_truth.predictionstring = df_ground_truth.predictionstring.apply(lambda x: [int(num) for num in x.split()])\n", + " df_ground_truth = df_ground_truth.sort_values(['id', 'discourse_start', 'discourse_end'])\n", + " df_ground_truth['pred_str_start_id'] = df_ground_truth.predictionstring.apply(lambda x: x[0])\n", + " df_ground_truth['pred_str_end_id'] = df_ground_truth.predictionstring.apply(lambda x: x[-1])\n", + " \n", + " df_texts = df_from_text_files(path_to_text_dir)\n", + " \n", + " df_texts['text_split'] = df_texts.text.str.split()\n", + " df_texts['range'] = df_texts['text_split'].apply(lambda x: list(range(len(x))))\n", + " df_texts['start_id'] = df_texts['range'].apply(lambda x: x[0])\n", + " df_texts['end_id'] = df_texts['range'].apply(lambda x: x[-1])\n", + " df_ground_truth = df_ground_truth.merge(\n", + " df_texts\n", + " )\n", + " max_id = df_ground_truth.groupby('id').agg({'pred_str_end_id':'max'}).reset_index()\n", + " print(max_id)\n", + " end_id = df_texts[['id', 'end_id']]\n", + " ids = max_id.merge(end_id)\n", + " print((ids.pred_str_end_id <= ids.end_id).all())\n", + " \n", + " df_ground_truth['discourse_text_pred_string'] = df_ground_truth.apply(\n", + " lambda x: ' '.join(x.text_split[x.predictionstring[0]: x.predictionstring[-1]+1]), axis=1\n", + " )\n", + " \n", + " discourse_text = df_ground_truth.discourse_text.str.strip().values\n", + " discourse_text_pred = df_ground_truth.discourse_text_pred_string.values\n", + " ids_not_equal = discourse_text != discourse_text_pred\n", + " \n", + " print(ids_not_equal.mean())\n", + " for i, row in enumerate(df_ground_truth[ids_not_equal].itertuples(index=False)):\n", + " print(row.discourse_text)\n", + " print(row.discourse_text_pred_string)\n", + " print()\n", + " if i > 100:\n", + " break\n", + " #print(row.predictionstring[0], row.predictionstring[-1])\n", + "\n", + " # print(row.discourse_text, )\n", + " # break\n", + " #from pandas.testing import assert_frame_equal\n", + " #assert_frame_equal(df_texts, df_texts_2)\n", + " self.dataframe = df\n", + " self.status = 'preprocessed'\n", + " return self\n", + " \n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "1df7078e", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " id pred_str_end_id\n", + "0 0000D23A521A 250\n", + "1 00066EA9880D 645\n", + "2 000E6DE9E817 271\n", + "3 001552828BD0 511\n", + "4 0016926B079C 260\n", + "... ... ...\n", + "15589 FFF1442D6698 650\n", + "15590 FFF1ED4F8544 411\n", + "15591 FFF868E06176 445\n", + "15592 FFFD0AF13501 249\n", + "15593 FFFF80B8CC2F 167\n", + "\n", + "[15594 rows x 2 columns]\n", + "True\n", + "0.26261149189496374\n", + "even though there are some children out there that really needs help with their academic work\n", + "even though there are some children out there that really needs help with their academic work,\n", + "\n", + "Sometimes teachers or even principal needs to consider that we should give the help that any student should have\n", + "Sometimes teachers or even principal needs to consider that we should give the help that any student should have.\n", + "\n", + "Not only does diesel fuel hurt our ecosystem, it hurts our wallets too\n", + "Not only does diesel fuel hurt our ecosystem, it hurts our wallets too.\n", + "\n", + "I think that students would benefit from learning at home\n", + "I think that students would benefit from learning at home,because\n", + "\n", + "because they wont have to change \n", + "they wont have to change and\n", + "\n", + " get up early in the morning to shower and do there hair\n", + "get up early in the morning to shower and do there hair.\n", + "\n", + "they'll be pay more attention\n", + "they'll be pay more attention.\n", + "\n", + "most students usually take showers before school. they either take it before they sleep or when they wake up. some students do both to smell good. that causes them do miss the bus and effects on there lesson time cause they come late to school \n", + "most students usually take showers before school. they either take it before they sleep or when they wake up. some students do both to smell good. that causes them do miss the bus and effects on there lesson time cause they come late to school.\n", + "\n", + "when your home your comfortable and you pay attention \n", + "when your home your comfortable and you pay attention.\n", + "\n", + "The text says in paragraph five \"... Venus would allow scientists to float above the fray. Imagine a bimp -like vehicle hovering 30 or so miles above the roiling Venusian landscape. Just as our jet airplaines travel at a higher altitude to fly over many storms, a vehicle hovering over Venus would avoid the unfriendly ground conditions by staying up and out of their way\".\n", + "\n", + "The author is showing that it will be some improvement on this planet which is why it is worth visiting. Also in paragraph six, towards the ending that researches are working on a way to improve our knowlege on Venus. \n", + "The text says in paragraph five \"... Venus would allow scientists to float above the fray. Imagine a bimp -like vehicle hovering 30 or so miles above the roiling Venusian landscape. Just as our jet airplaines travel at a higher altitude to fly over many storms, a vehicle hovering over Venus would avoid the unfriendly ground conditions by staying up and out of their way\". The author is showing that it will be some improvement on this planet which is why it is worth visiting. Also in paragraph six, towards the ending that researches are working on a way to improve our knowlege on Venus.\n", + "\n", + "It is every student's dream to be able to lounge around at home, and complete school from the comforts of their own beds. Though, for some students, this long desired fantasy is becoming a reality. With the introduction of new and innovative technologies into the classroom, distance learning is now a common practice, whether it be online or through video conferencing. However, to pretend that this is a solution to the ever-growing problems within the education system, is willfully ignorant \n", + "It is every student's dream to be able to lounge around at home, and complete school from the comforts of their own beds. Though, for some students, this long desired fantasy is becoming a reality. With the introduction of new and innovative technologies into the classroom, distance learning is now a common practice, whether it be online or through video conferencing. However, to pretend that this is a solution to the ever-growing problems within the education system, is willfully ignorant.\n", + "\n", + "But, they would then forfeit the opportunity to build relationships with other kids of their own age. Especially with younger kids and kids who like to stay at home or be alone, learning and building social skills starts at school.\n", + "But, they would then forfeit the opportunity to build relationships with other kids of their own age. Especially with younger kids and kids who like to stay at home or be alone, learning and building social skills starts at school.\n", + "\n", + "Having a friend who is online-schooled, who admits frequently that he has ample free time, which he wastes on playing video games and watching TV, while at the same time, students in the classroom are made to do tedious book-work, is very eye-opening to a pressing issue. Students who take classes online have more time to slack off and goof around, and for the less-disciplined child, this will reflect negatively in their grades \n", + "Having a friend who is online-schooled, who admits frequently that he has ample free time, which he wastes on playing video games and watching TV, while at the same time, students in the classroom are made to do tedious book-work, is very eye-opening to a pressing issue. Students who take classes online have more time to slack off and goof around, and for the less-disciplined child, this will reflect negatively in their grades.\n", + "\n", + "However, some people will raise the point that there are distractions within in the classroom and students will slack off anyway, if they so desire \n", + "However, some people will raise the point that there are distractions within in the classroom and students will slack off anyway, if they so desire.\n", + "\n", + "It's easily understandable that for some students, distance learning is simply the only viable option. Whether they physically cannot make it to the school building, or because their school merely doesn't offer the classes they wish to take, sometimes students are more or less forced to take online classes. And this is completely acceptable and understandable, and no one should fault these students for desiring an education and seeking out alternative options \n", + "It's easily understandable that for some students, distance learning is simply the only viable option. Whether they physically cannot make it to the school building, or because their school merely doesn't offer the classes they wish to take, sometimes students are more or less forced to take online classes. And this is completely acceptable and understandable, and no one should fault these students for desiring an education and seeking out alternative options.\n", + "\n", + "Distance education will most likely always be a hotly debated topic, in which both sides of the argument will raise many deeply introspective and thought-provoking questions and points. In some cases, distance education is necessary and important. However, it cannot be ignored that distance learning is not conducive or beneficial to most students. The lack of a normal classroom set-up, with teachers and classmates replaced for a laptop and a of couple blankets, fails to help students develop vital social and communication skills, while simultaneously aiding in the slacking off and wasting time of many students. All in all, distance learning and education isn't an appropriate replacement for a normal education that is received in a classroom, at a desk. \n", + "Distance education will most likely always be a hotly debated topic, in which both sides of the argument will raise many deeply introspective and thought-provoking questions and points. In some cases, distance education is necessary and important. However, it cannot be ignored that distance learning is not conducive or beneficial to most students. The lack of a normal classroom set-up, with teachers and classmates replaced for a laptop and a of couple blankets, fails to help students develop vital social and communication skills, while simultaneously aiding in the slacking off and wasting time of many students. All in all, distance learning and education isn't an appropriate replacement for a normal education that is received in a classroom, at a desk.\n", + "\n", + "Cars have been an issue to our community for a very long time. Car usage has been a problem to our pollution and emission. Limiting car usage would be able to help eliminate the smog that is polluting. There are beneficial implications for carbon emissions and the environment\n", + "Cars have been an issue to our community for a very long time. Car usage has been a problem to our pollution and emission. Limiting car usage would be able to help eliminate the smog that is polluting. There are beneficial implications for carbon emissions and the environment.\n", + "\n", + "People have been fined for causing accidents due to the smog in the air from cars in Paris. Delivery companies even lost renevue when cars were being made \n", + "People have been fined for causing accidents due to the smog in the air from cars in Paris. Delivery companies even lost renevue when cars were being made.\n", + "\n", + "New communities are becoming less dependent on cars \n", + "New communities are becoming less dependent on cars.\n", + "\n", + "If all people did was use cars as transportation, there would be no way in getting that exercise and fresh air you're supposed to get \n", + "If all people did was use cars as transportation, there would be no way in getting that exercise and fresh air you're supposed to get.\n", + "\n", + "Advantages in limiting car usage is endless \n", + "Advantages in limiting car usage is endless,\n", + "\n", + "Waking up from a wonderful dream, you look around to what you can describe as your dull or gloomy-like room. Without even realizing, you've already picked up your phone and start to browse your social media. You check the time and go look outside your window and it looks like a wonderful day. You quickly decide to blast your music and dress up fashionably before you go out to your friend's place. Alast you finish by taking many, many selfies and videos and then share them all to your friends and a few social media platforms while getting in the car. Now you've started the car and are now on the way to your friend's house as planned before. On your drive, text messages start to ring your phone a lot and people try calling you. Meanwhile you are on the highway. Mind you, you just started driving two weeks before, so you're practically new to this.\n", + "\n", + "At this point you only have two options, are you willing to get on this phone while driving? Or should you wait until your vehicle is at rest? You want to convince yourself that it may be an emergency but is it really a smart decision to fiddle with that device while driving? Let alone on a highway at about 75 mph? Which leads to the topic of this essay, whether or not a driver should use their cell phone in any capacity while operating a vehicle. \n", + "Waking up from a wonderful dream, you look around to what you can describe as your dull or gloomy-like room. Without even realizing, you've already picked up your phone and start to browse your social media. You check the time and go look outside your window and it looks like a wonderful day. You quickly decide to blast your music and dress up fashionably before you go out to your friend's place. Alast you finish by taking many, many selfies and videos and then share them all to your friends and a few social media platforms while getting in the car. Now you've started the car and are now on the way to your friend's house as planned before. On your drive, text messages start to ring your phone a lot and people try calling you. Meanwhile you are on the highway. Mind you, you just started driving two weeks before, so you're practically new to this. At this point you only have two options, are you willing to get on this phone while driving? Or should you wait until your vehicle is at rest? You want to convince yourself that it may be an emergency but is it really a smart decision to fiddle with that device while driving? Let alone on a highway at about 75 mph? Which leads to the topic of this essay, whether or not a driver should use their cell phone in any capacity while operating a vehicle.\n", + "\n", + "More research states that pros of using a cellphone are for lifeline, navigation, cameras, traffic reports, and crime reporting. Drivers may need lifeline for road-side assistance for problems like car accidents where time is tight or paramedics and other emergency contacts that may be needed. Navigation assists drivers in locationing and maps providing real-time traffic reports, this supports the hands-free benefit of cell phones by a lot because it is very much needed. Cameras are important for quick situations such as car crashes. The person may need to hurry and catch a picture of the licence plate of whom might be performing a hit and run. Traffic reports provide drivers with up-to-date traffic updates on traffic jams, highway closings, and accidents. And lastly crime reporting for suspicious and illegal actions a driver may have spotted. With research it's clear many drivers can support that there are ways to operate vehicles while driving safely\n", + "More research states that pros of using a cellphone are for lifeline, navigation, cameras, traffic reports, and crime reporting. Drivers may need lifeline for road-side assistance for problems like car accidents where time is tight or paramedics and other emergency contacts that may be needed. Navigation assists drivers in locationing and maps providing real-time traffic reports, this supports the hands-free benefit of cell phones by a lot because it is very much needed. Cameras are important for quick situations such as car crashes. The person may need to hurry and catch a picture of the licence plate of whom might be performing a hit and run. Traffic reports provide drivers with up-to-date traffic updates on traffic jams, highway closings, and accidents. And lastly crime reporting for suspicious and illegal actions a driver may have spotted. With research it's clear many drivers can support that there are ways to operate vehicles while driving safely.\n", + "\n", + " What if all the good people in sports have a C average in school \n", + "What if all the good people in sports have a C average in school,\n", + "\n", + "that means that they cant play and were going to lose every game we have. That's a good policy to get grade's up but don't take away something they care about. Everyone should be able to go out for sports if they want to\n", + "that means that they cant play and were going to lose every game we have. That's a good policy to get grade's up but don't take away something they care about. Everyone should be able to go out for sports if they want to.\n", + "\n", + "I know if you do intend to proceed in changing the policy we students will try to get better grades to play the sport\n", + "I know if you do intend to proceed in changing the policy we students will try to get better grades to play the sport,\n", + "\n", + " but not every kid has a GPA of 4.0\n", + "but not every kid has a GPA of 4.0.\n", + "\n", + ". So their for i propose my idea to keep the policy that you just have to have a 2.0!\n", + "So their for i propose my idea to keep the policy that you just have to have a 2.0! Seriously,\n", + "\n", + "Seriously, as my 6th grade teacher told me, \"something is better than nothing\". Sure you want us to have good grades but us kids,(teens) want to be involved in school activities but with or with out good grades i think if they strive hard enough they deserve the right to be involved\n", + "Seriously, as my 6th grade teacher told me, \"something is better than nothing\". Sure you want us to have good grades but us kids,(teens) want to be involved in school activities but with or with out good grades i think if they strive hard enough they deserve the right to be involved.\n", + "\n", + "The face on Mars soon became a pop icon; shot in movies, appeared in books, magazines, radio talk shows, and haunted grocery store checkout lines for 25 years. Some people thought the natural landform was evidence of life on Mars, and that us scientists wanted to hide it, but really, the defenders of the NASA budget wish there was ancient civilization on Mars. We decided to take another shot just to make sure we weren't wrong, on April 5, 1998. Michael Malin and his Mars Orbiter camera team took a picture that was ten times sharper than the original Viking photos, revealing a natural landform, which meant no alien monument \n", + "The face on Mars soon became a pop icon; shot in movies, appeared in books, magazines, radio talk shows, and haunted grocery store checkout lines for 25 years. Some people thought the natural landform was evidence of life on Mars, and that us scientists wanted to hide it, but really, the defenders of the NASA budget wish there was ancient civilization on Mars. We decided to take another shot just to make sure we weren't wrong, on April 5, 1998. Michael Malin and his Mars Orbiter camera team took a picture that was ten times sharper than the original Viking photos, revealing a natural landform, which meant no alien monument.\n", + "\n", + "\"Voters in presidential elections are people who want to express a politcal prefrence rather than people who think that a single vote may decide an election......\"\n", + "\"Voters in presidential elections are people who want to express a politcal prefrence rather than people who think that a single vote may decide an election......\"in\n", + "\n", + "the people who vote get to express a political prefrence than a person who just votes just to see if they can make a diffrence in just one vote .\n", + "the people who vote get to express a political prefrence than a person who just votes just to see if they can make a diffrence in just one vote .The\n", + "\n", + "The reason larger states get more attention than small states is because the population is higher in the large states and the more people there is have diffrent opinions. \n", + "reason larger states get more attention than small states is because the population is higher in the large states and the more people there is have diffrent opinions. This\n", + "\n", + "I disagree in having to make students participate in a sport, or extracurricular activity.\n", + "I disagree in having to make students participate in a sport, or extracurricular activity.\n", + "\n", + "Not all students enjoy playing sports or participating in a school activity \n", + "Not all students enjoy playing sports or participating in a school activity.\n", + "\n", + "Not many parents have the time or money to put their kids in such either\n", + "Not many parents have the time or money to put their kids in such either,\n", + "\n", + "When being forced to do something such as a sport or school activity the school has to find a variety of the kids liking \n", + "When being forced to do something such as a sport or school activity the school has to find a variety of the kids liking.\n", + "\n", + "Making sure all the kids in his school have a place to have fun at and not just something they have to do and dont enjoy. Having all kids in something at a school can cause running into dept because thats a lot of kids you have to put money towards. Sports can run as much as two to a hundred dollars per kid for any sport, and when having to be forced into a sport that you dont enjoy why waist money. Even when the kids dont want to participate why even try putting your hard working money towards it. \n", + "Making sure all the kids in his school have a place to have fun at and not just something they have to do and dont enjoy. Having all kids in something at a school can cause running into dept because thats a lot of kids you have to put money towards. Sports can run as much as two to a hundred dollars per kid for any sport, and when having to be forced into a sport that you dont enjoy why waist money. Even when the kids dont want to participate why even try putting your hard working money towards it.\n", + "\n", + "The school has to buy equipment and tools for those opportunities and, sometimes not all parents can physically do that. Sports are a lot of money and when having to be put into one not knowing how you are going to pay for it can be embarrassing. Letting your kid down is the least a father or mother would ever want to do, and when working in the school board having to deal with phone calls from parents saying they cant afford a extracurricular activity would be heartbreaking. \n", + "The school has to buy equipment and tools for those opportunities and, sometimes not all parents can physically do that. Sports are a lot of money and when having to be put into one not knowing how you are going to pay for it can be embarrassing. Letting your kid down is the least a father or mother would ever want to do, and when working in the school board having to deal with phone calls from parents saying they cant afford a extracurricular activity would be heartbreaking.\n", + "\n", + "Kids work really hard to put forth effort on school work,homework, and participate in school projects. That can be already enough stress on a kid no matter what age \n", + "Kids work really hard to put forth effort on school work,homework, and participate in school projects. That can be already enough stress on a kid no matter what age.\n", + "\n", + "This is why I disagree on having to make kids participate in a sport or activity. Its way to much work, stress, and money. So when coming down to a decision I agree with a no because having every kid in a sport or activity is absurd. \n", + "This is why I disagree on having to make kids participate in a sport or activity. Its way to much work, stress, and money. So when coming down to a decision I agree with a no because having every kid in a sport or activity is absurd.\n", + "\n", + "I agree 100% with you. i think in order to be on a team sport you will have to have you grade up to a B \n", + "I agree 100% with you. i think in order to be on a team sport you will have to have you grade up to a B.\n", + "\n", + "I think that because its not fair to the teachers if all you think about is sports and your grades are going down in school but you are doing sports. That telling the teachers you just don't care. Also i think its unfair to the other students that you are on the soccer team but have grades that are failing and you miss practice all the time because you have detention. Its fair do have the honor students play for are school even if there not the best in the school. Also its unfair to you. You will have bad grades but do well in sports \n", + "I think that because its not fair to the teachers if all you think about is sports and your grades are going down in school but you are doing sports. That telling the teachers you just don't care. Also i think its unfair to the other students that you are on the soccer team but have grades that are failing and you miss practice all the time because you have detention. Its fair do have the honor students play for are school even if there not the best in the school. Also its unfair to you. You will have bad grades but do well in sports.\n", + "\n", + "how to make our community better place\n", + "how to make our community better place,\n", + "\n", + "why is community important for students to know\n", + "why is community important for students to know.\n", + "\n", + "students will participate in a group of students making a list what our community needs, therefore students will learn what our community needs! students will present their list of things our community needs \n", + "students will participate in a group of students making a list what our community needs, therefore students will learn what our community needs! students will present their list of things our community needs!\n", + "\n", + "but when get to know what our community is, they would want to know about and would want to participate and know why is our community important\n", + "but when get to know what our community is, they would want to know about and would want to participate and know why is our community important.\n", + "\n", + "tudents will receive a good grade if they participate in this community because is like an extra credit. \n", + "will receive a good grade if they participate in this community because is like an extra credit. due\n", + "\n", + "Reducing the temperature of a rapidly heating planet will allow us to savour our oceans rather than running from them as they grow to envelop our costal cities\n", + "Reducing the temperature of a rapidly heating planet will allow us to savour our oceans rather than running from them as they grow to envelop our costal cities.\n", + "\n", + "To begin, cars emit green house gasses which will acumulate in our atmosphere trapping heat underneath it as it tries to leave our planet. This leads to a cumilative effect that causes the earth's average temperature to rise. In Suburb, Life Goes On Without Cars Elizabeth Rosenthal says \"Green house gas emitions from cars in America make up fifty percent of all greenhouse gas emitions in the country.\" America barely has any regulations in relation to greenhouse gas emitions to start with but this is crazy. This problem could be easily solved with a few regulations  and some smart city planning. The benifits of this includes but is not limited to, more temperate climate, less airborne carcinogens and of course no crazy drivers. \n", + "To begin, cars emit green house gasses which will acumulate in our atmosphere trapping heat underneath it as it tries to leave our planet. This leads to a cumilative effect that causes the earth's average temperature to rise. In Suburb, Life Goes On Without Cars Elizabeth Rosenthal says \"Green house gas emitions from cars in America make up fifty percent of all greenhouse gas emitions in the country.\" America barely has any regulations in relation to greenhouse gas emitions to start with but this is crazy. This problem could be easily solved with a few regulations and some smart city planning. The benifits of this includes but is not limited to, more temperate climate, less airborne carcinogens and of course no crazy drivers.\n", + "\n", + "this story really showed me that the face on mars is just a landform \n", + "this story really showed me that the face on mars is just a landform.\n", + "\n", + "First, it was just a shadow that caught NASA's eye \n", + "First, it was just a shadow that caught NASA's eye.\n", + "\n", + "Second, it was shown has a huge rock formation \n", + "Second, it was shown has a huge rock formation.\n", + "\n", + "When NASA first saw this they thought it looked like a face \n", + "When NASA first saw this they thought it looked like a face.\n", + "\n", + "Finally, the main thought of as a alien momument \n", + "Finally, the main thought of as a alien momument.\n", + "\n", + "There is no way we can embed every single one of America's roads with an electrical cable, it's just not a possible thing to do. With America already in so much debt, I can't see how making these roads a reality would actually help the United States in any way.\n", + "\n", + "Now we are going to scratch the smart road thing because we all know that it's ridiculous, and move on to a semi-possible option-smartcars. \n", + "There is no way we can embed every single one of America's roads with an electrical cable, it's just not a possible thing to do. With America already in so much debt, I can't see how making these roads a reality would actually help the United States in any way. Now we are going to scratch the smart road thing because we all know that it's ridiculous, and move on to a semi-possible option-smartcars.\n", + "\n", + " for they would be deprived of social interactions \n", + "for they would be deprived of social interactions,\n", + "\n", + "hands-on experiences\n", + "hands-on experiences,\n", + "\n", + "Through online schooling, students would not be allowed opportunities to interact with their peers, inhibiting the development of their social skills. Instead of collaborating with their classmates, students enrolled in online schools would have to complete assignments independently, limiting the sharing of ideas. Without the opportunity to share and discuss ideas, students would not be able to develop significant social skills, which include patience, open-mindedness, and the ability to peacefully collaborate.\n", + "\n", + "Without such skills, the students would be at a great disadvantage in future endeavors requiring teamwork, which are commonly presented throughout adulthood. \n", + "Through online schooling, students would not be allowed opportunities to interact with their peers, inhibiting the development of their social skills. Instead of collaborating with their classmates, students enrolled in online schools would have to complete assignments independently, limiting the sharing of ideas. Without the opportunity to share and discuss ideas, students would not be able to develop significant social skills, which include patience, open-mindedness, and the ability to peacefully collaborate. Without such skills, the students would be at a great disadvantage in future endeavors requiring teamwork, which are commonly presented throughout adulthood.\n", + "\n", + "In traditional science classes, for example, students participate in laboratory investigations regarding pertinent aspects of their studies. Through such activities, students are allowed to apply their knowledge and reasoning skills to create memorable understandings of the investigated topics.\n", + "\n", + "Online schools, however, cannot offer such activities, confining students to less involved and therefore less effective means of learning. Without interactive activities, students of online schools would not be able to obtain enduring understandings of learned concepts, ultimately limiting their educational horizons. \n", + "In traditional science classes, for example, students participate in laboratory investigations regarding pertinent aspects of their studies. Through such activities, students are allowed to apply their knowledge and reasoning skills to create memorable understandings of the investigated topics. Online schools, however, cannot offer such activities, confining students to less involved and therefore less effective means of learning. Without interactive activities, students of online schools would not be able to obtain enduring understandings of learned concepts, ultimately limiting their educational horizons.\n", + "\n", + "Overall, while online schooling would allow more comfort for the students, it would greatly inhibit their academic affairs, for they would not have access to crucial aspects of educational development, including social interaction, interactive experiences, and individualized relationships with educators. Without these fundamental components, students would not acquire lasting, solid educations, limiting their career possibilities and therefore the quality of their lives.\n", + "\n", + "To optimize the educational as well as general quality of future generations, physical schooling must be promoted rather than the attendance of school from home.  \n", + "Overall, while online schooling would allow more comfort for the students, it would greatly inhibit their academic affairs, for they would not have access to crucial aspects of educational development, including social interaction, interactive experiences, and individualized relationships with educators. Without these fundamental components, students would not acquire lasting, solid educations, limiting their career possibilities and therefore the quality of their lives. To optimize the educational as well as general quality of future generations, physical schooling must be promoted rather than the attendance of school from home.\n", + "\n", + "One thing that you could do to maybe improve the grades is making sure that they are always up to date on their work and making sure that they are getting decent grades\n", + "One thing that you could do to maybe improve the grades is making sure that they are always up to date on their work and making sure that they are getting decent grades.\n", + "\n", + ". My old volleyball coach had us do a grade checks and S-U forms every week to keep up with our grades. We would have to have a teacher, parent, and the coach sign it every week. The S was for is for satisfactory or good behavior in class and the U was for unsatisfactory, or needs work on the behavior in class. The teacher would circle the S or the U twice a day, once in the beginning of class and then once at the end of the class. Then the teacher would leave a comment and what homework that was assigned that day. The grade checks allowed the teacher to keep in touch with the student's grade as well as the coach, and parent. \n", + "My old volleyball coach had us do a grade checks and S-U forms every week to keep up with our grades. We would have to have a teacher, parent, and the coach sign it every week. The S was for is for satisfactory or good behavior in class and the U was for unsatisfactory, or needs work on the behavior in class. The teacher would circle the S or the U twice a day, once in the beginning of class and then once at the end of the class. Then the teacher would leave a comment and what homework that was assigned that day. The grade checks allowed the teacher to keep in touch with the student's grade as well as the coach, and parent. Some\n", + "\n", + "\n", + "Have you ever seen someone on their phone while driving and not paying any attention? It's becoming more common to see drives on the road and using their cell phones. Although cell phones have not been around for a very long time , they have become a key part of our lives now. People today use their phones to check up on social media, the latest news reports and also to stay in touch with loved ones \n", + "Have you ever seen someone on their phone while driving and not paying any attention? It's becoming more common to see drives on the road and using their cell phones. Although cell phones have not been around for a very long time , they have become a key part of our lives now. People today use their phones to check up on social media, the latest news reports and also to stay in touch with loved ones.\n", + "\n", + "Another reason why phones should not be used while driving. Because driving and on the phone is against the law \n", + "Another reason why phones should not be used while driving. Because driving and on the phone is against the law.\n", + "\n", + "According to state law \" Drivers may listen to streaming music that does not include videos on the screen of their phone or device while driving but cannot touch their phones while on the road to activate or program any music streaming app.\n", + "\n", + "Streaming music that is controlled by and listened through the vehicle's radio is allowed. \n", + "According to state law \" Drivers may listen to streaming music that does not include videos on the screen of their phone or device while driving but cannot touch their phones while on the road to activate or program any music streaming app. Streaming music that is controlled by and listened through the vehicle's radio is allowed.\n", + "\n", + "School isn't the funneist things that kids want to do, but it is a part of life and kids have to do it. With a new program or coding like this it could make school seem not so bad. In paragraph 6 it said \"if you smile when a web ad appears on your screen,\n", + "\n", + "a similar ad might follow.\" If my schools computers did this i would like school at lot better but they can't so school still sucks. If school started to teach this kind of coding and our school computer would have facial recognization then school would'nt be so bad.\n", + "School isn't the funneist things that kids want to do, but it is a part of life and kids have to do it. With a new program or coding like this it could make school seem not so bad. In paragraph 6 it said \"if you smile when a web ad appears on your screen, a similar ad might follow.\" If my schools computers did this i would like school at lot better but they can't so school still sucks. If school started to teach this kind of coding and our school computer would have facial recognization then school would'nt be so bad.\n", + "\n", + "because students are getting tred of the same classes over an over again\n", + "because students are getting tred of the same classes over an over again.\n", + "\n", + " If schools brought in something new to our class sign up sheets there would be no doubt that a bunch of students would want to try this class ou\n", + "If schools brought in something new to our class sign up sheets there would be no doubt that a bunch of students would want to try this class out.\n", + "\n", + "I think that the face is a natural landform because there is no life on Mars that we have descovered yet \n", + "I think that the face is a natural landform because there is no life on Mars that we have descovered yet.\n", + "\n", + "Talking to someone to get an outside opinion could help because this person doesn't know all parts of the story or maybe doesn't know everybody involved personally. This is helpful because they have no sense of bias on who is involved and what is happening in the situation. This person isn't going to sugar coat their words and tell you the truth even if it's something that you don't want to hear. They may simply listen to what you have to say and will already be ready to introduce to you new opinions and will help you look at it from a different perspective. They may tell us the truth to address the things we may be avoiding in the situation such as something that is right or wrong. This helps us because sometimes we need to hear the truth to see why we are right or wrong in these situations. By hearing the truth and possibly getting advice to move forward you get to move forward with all your facts laid out.\n", + "Talking to someone to get an outside opinion could help because this person doesn't know all parts of the story or maybe doesn't know everybody involved personally. This is helpful because they have no sense of bias on who is involved and what is happening in the situation. This person isn't going to sugar coat their words and tell you the truth even if it's something that you don't want to hear. They may simply listen to what you have to say and will already be ready to introduce to you new opinions and will help you look at it from a different perspective. They may tell us the truth to address the things we may be avoiding in the situation such as something that is right or wrong. This helps us because sometimes we need to hear the truth to see why we are right or wrong in these situations. By hearing the truth and possibly getting advice to move forward you get to move forward with all your facts laid out.\n", + "\n", + " Different people that are helpful to seek advice from is someone who is more of an outside opinion because they tell you the truth and dont sugar coat their thoughts. If you seek someone who has a different mindset they will introduce new ways of thinking and different approaches you could take in the situation.\n", + "\n", + "By expressing all your feelings, thoughts, and emotions you are letting someone know how you feel and getting the support you need to move forward confidently. By talking to multiple people exploring new thoughts and mindsets,\n", + "\n", + "getting an unbiased opinion, and being able to express and organize your thoughts you are getting set up to make good choices rationally. I personally believe that when someone asks multiple people for advice it and seeking multiple opinions it helps them be able to make smart and rational choices while being confident with their choice and content with their thoughts and emotions. \n", + "Different people that are helpful to seek advice from is someone who is more of an outside opinion because they tell you the truth and dont sugar coat their thoughts. If you seek someone who has a different mindset they will introduce new ways of thinking and different approaches you could take in the situation. By expressing all your feelings, thoughts, and emotions you are letting someone know how you feel and getting the support you need to move forward confidently. By talking to multiple people exploring new thoughts and mindsets, getting an unbiased opinion, and being able to express and organize your thoughts you are getting set up to make good choices rationally. I personally believe that when someone asks multiple people for advice it and seeking multiple opinions it helps them be able to make smart and rational choices while being confident with their choice and content with their thoughts and emotions.\n", + "\n", + "Students who are unable, or not comfortable with traditional education in the classroom have a new alternative that gives them a chance that they have not had before. Students can learn more conveniently for their busy schedules from having to go to school, sports, and other extracurricular activities. This helps many who were originally not able to get an education due to the fact that a traditional classroom was unfit for them and their lifestyle\n", + "Students who are unable, or not comfortable with traditional education in the classroom have a new alternative that gives them a chance that they have not had before. Students can learn more conveniently for their busy schedules from having to go to school, sports, and other extracurricular activities. This helps many who were originally not able to get an education due to the fact that a traditional classroom was unfit for them and their lifestyle.\n", + "\n", + " Distance learning provides students with a convenient learning pace \n", + "Distance learning provides students with a convenient learning pace,\n", + "\n", + "gets parents involved \n", + "gets parents involved,\n", + "\n", + "and a flexible schedule\n", + "and a flexible schedule.\n", + "\n", + "A benefit of learning from home is the increased parent involvement \n", + "A benefit of learning from home is the increased parent involvement.\n", + "\n", + "Although there are downsides to learning from home. While the students are home the opportunity to cheat is much higher since at home there are no teachers constantly monitoring the students work and progress \n", + "Although there are downsides to learning from home. While the students are home the opportunity to cheat is much higher since at home there are no teachers constantly monitoring the students work and progress.\n", + "\n", + "Getting in touch with people while being on the go is an unfortunate hazard in many occupations\n", + "Getting in touch with people while being on the go is an unfortunate hazard in many occupations.\n", + "\n", + "as you may know some students already use their phone during school time. Though some are careful, and use it during gym or lunch,\n", + "\n", + "not during class.\n", + "\n", + "One of my friends uses her phone during lunch. She does not cause a problem to anyone and she has the best grades in the class. \n", + "as you may know some students already use their phone during school time. Though some are careful, and use it during gym or lunch, not during class. One of my friends uses her phone during lunch. She does not cause a problem to anyone and she has the best grades in the class.\n", + "\n", + "Since we can not seat anywhere we want at lunch time and we do not always have classes with our friends, I believe that it is not such a a bad idea to use our phones during lunch. We can communicate silently and not disturbed the ones around us\n", + "Since we can not seat anywhere we want at lunch time and we do not always have classes with our friends, I believe that it is not such a a bad idea to use our phones during lunch. We can communicate silently and not disturbed the ones around us.\n", + "\n", + "Honestly, if our school did have the rule that we could have our cell phones out at lunch or free times and not in classes, everyone I know would want that, but so many kids would be texting during class and not paying attention \n", + "Honestly, if our school did have the rule that we could have our cell phones out at lunch or free times and not in classes, everyone I know would want that, but so many kids would be texting during class and not paying attention.\n", + "\n", + "\n", + "Either way kids are probably going to still have their phones out and using them. But, I bet if you surveyed the entire school, pretty much everyone would say they wanted to be able to have their phones out, instead of hiding them like they usually do during class \n", + "Either way kids are probably going to still have their phones out and using them. But, I bet if you surveyed the entire school, pretty much everyone would say they wanted to be able to have their phones out, instead of hiding them like they usually do during class.\n", + "\n", + "My name is STUDENT_NAME, and I'm in the 8th grade (also, as you may know, I am one of your Office Aide's for 7th period). I am writing this letter to let you know how I feel about the new policy that you are trying to enforce upon us students. I personally am not in any sports this year, nor was I last year. I do not care very much about them, and many others have called me crazy for that. But, I doubt that there are very many more students that also agree with you're possible policy that \"The Only Way a Student May Participate in Sports or Other Activities Unless They Maintain a B Average\n", + "My name is STUDENT_NAME, and I'm in the 8th grade (also, as you may know, I am one of your Office Aide's for 7th period). I am writing this letter to let you know how I feel about the new policy that you are trying to enforce upon us students. I personally am not in any sports this year, nor was I last year. I do not care very much about them, and many others have called me crazy for that. But, I doubt that there are very many more students that also agree with you're possible policy that \"The Only Way a Student May Participate in Sports or Other Activities Unless They Maintain a B Average\".\n", + "\n", + ". I agree that that policy should be enforced upon us,\n", + "I agree that that policy should be enforced upon us, because\n", + "\n", + " having to maintain a B average might push students harder in doing better in school\n", + "having to maintain a B average might push students harder in doing better in school;\n", + "\n", + "ike studying more and being more focused, now that their sports are at risk. If I were in any sports, and you made that policy official, I would definitely try to study harder, be more focused, and do better in my classes that I don't do as well as others in. \n", + "studying more and being more focused, now that their sports are at risk. If I were in any sports, and you made that policy official, I would definitely try to study harder, be more focused, and do better in my classes that I don't do as well as others in. Thank\n", + "\n", + "Schools in some places require students to complete summer long assignments in order for them to continue their studies over break. Summer assignments are often papers, book reports, or various other works created with the intent of learning outside the classroom. Some schools allow these assignments have the chance to be designed either by students or by teachers\n", + "Schools in some places require students to complete summer long assignments in order for them to continue their studies over break. Summer assignments are often papers, book reports, or various other works created with the intent of learning outside the classroom. Some schools allow these assignments have the chance to be designed either by students or by teachers.\n", + "\n", + "Giving them a chance to explore the works of design enriches their learning experience. The student body is more than capable of teaching each other as peers in ways teachers are unable to connect. Students should be the ones creating these summer assignments because they are more empathetic and will benefit from the practical skills learned through teaching others. \n", + "Giving them a chance to explore the works of design enriches their learning experience. The student body is more than capable of teaching each other as peers in ways teachers are unable to connect. Students should be the ones creating these summer assignments because they are more empathetic and will benefit from the practical skills learned through teaching others.\n", + "\n", + "I believe you should use policy 1 allow students to bring there cell phones to school.\n", + "\n", + "As long as they use them at lunch or break or any free time during the school day and have them turned off before they come to class. \n", + "I believe you should use policy 1 allow students to bring there cell phones to school. As long as they use them at lunch or break or any free time during the school day and have them turned off before they come to class.\n", + "\n", + " If you had policy 1\n", + "\n", + "then they could call their parents and get taken home to be cared for i know there are plenty of times when i didn't feel well and i wanted to go home. I could have used my phone but i couldn't because we are not allowed to use our phones at school only after school.\n", + "\n", + "There is a possibility that some students wouldn't follow the rules about putting there phones away in class and teachers can take them away and they can get them at the end of class or the end of the day if this becomes a problem you can always consider changing the rules to policy 2 don't allow students to have there cell phones at all at school. \n", + "If you had policy 1 then they could call their parents and get taken home to be cared for i know there are plenty of times when i didn't feel well and i wanted to go home. I could have used my phone but i couldn't because we are not allowed to use our phones at school only after school. There is a possibility that some students wouldn't follow the rules about putting there phones away in class and teachers can take them away and they can get them at the end of class or the end of the day if this becomes a problem you can always consider changing the rules to policy 2 don't allow students to have there cell phones at all at school.\n", + "\n", + "people at school also need to use there phones after school to have their parents pick them up or if there parents cant they wouldn't have any way of reaching them\n", + "people at school also need to use there phones after school to have their parents pick them up or if there parents cant they wouldn't have any way of reaching them.\n", + "\n", + ", adding the last two reasons together makes for another very important factor in all of this: everyone's general health. Both stress and high concentrations of smog can do a toll on one's body and the reduction of cars, once again, helps to reduce this terrible down-sides to the easy transportation option \n", + "adding the last two reasons together makes for another very important factor in all of this: everyone's general health. Both stress and high concentrations of smog can do a toll on one's body and the reduction of cars, once again, helps to reduce this terrible down-sides to the easy transportation option. If\n", + "\n", + "To just put it bluntly, the Electoral College is a huge waste of time and pointless processing. It is completely unfair to the voters, who most of the time feel as if they're voicing their opinion for no reason since it doesn't even get taken into consideration\n", + "To just put it bluntly, the Electoral College is a huge waste of time and pointless processing. It is completely unfair to the voters, who most of the time feel as if they're voicing their opinion for no reason since it doesn't even get taken into consideration.\n", + "\n", + "When more and more technology is put into a car, more problems can arise \n", + "When more and more technology is put into a car, more problems can arise.\n", + "\n", + " lots of people love going out to eat. Many people try new places to eat at some may hear good or bad opinion about a place but until you try it you can't tell your self is great or bad. Sometimes Google lets you see other people opinion the other people leaved about a certain place. to be honest my dad does this sometimes he goes online and search is up the place and then looks at the rate the place have and the comment as a result of the deadly corovirus (Covid-19) lots of people have decide not to travel. But theres certain people that just love to travel many of the occasion people travel to a place because they hear good thing about a place. for example thats how me and my family hear of Lego land my aunt tell my dad that this place was so amazing me and my family we have been a big fan o Lego and we really dint know this place existed.\n", + "lots of people love going out to eat. Many people try new places to eat at some may hear good or bad opinion about a place but until you try it you can't tell your self is great or bad. Sometimes Google lets you see other people opinion the other people leaved about a certain place. to be honest my dad does this sometimes he goes online and search is up the place and then looks at the rate the place have and the comment as a result of the deadly corovirus (Covid-19) lots of people have decide not to travel. But theres certain people that just love to travel many of the occasion people travel to a place because they hear good thing about a place. for example thats how me and my family hear of Lego land my aunt tell my dad that this place was so amazing me and my family we have been a big fan o Lego and we really dint know this place existed.\n", + "\n", + "multiple people can help a person make a better choice \n", + "multiple people can help a person make a better choice,\n", + "\n", + "it can help a person change their out look on the matter\n", + "it can help a person change their out look on the matter,\n", + "\n", + "The elctoral votes are utterly useless or unimportant,though. If there is ever happens to be a tie between the two candidates the electoral votes can help break it. It'd be less of a hassle to have the florida residents vote,directly, on someone besides the president. Less worring about if theyre going to win or not \n", + "The elctoral votes are utterly useless or unimportant,though. If there is ever happens to be a tie between the two candidates the electoral votes can help break it. It'd be less of a hassle to have the florida residents vote,directly, on someone besides the president. Less worring about if theyre going to win or not.\n", + "\n", + "The process begins when the computer puts together a 3-D digital model. There are 44 major muscles in your face that the computer has to detect. Eckman classified six emotions happiness, surprise, anger, disgust, fear, and sadness. He then \" associated each with characteristic movements of facial muscles.\"\n", + "\n", + "For example the frontalis pars lateralis muscle is above your eye which shows your surpried when it is raised.\n", + "\n", + "Us humans alone can identify facial expressions on peoples faces. If you look at a friend you can tell how they are feeling at that moment. Da Vinci studied human anatomy to help paint the facial muscles percisely on the Mona Lisa painting. Dr. Huangs has new computer software it stores similar info as electronic code. He thinks there could be a different type of code to the painting.\n", + "\n", + "The process begins when the computer puts together a 3-D digital model. There are 44 major muscles in your face that the computer has to detect. Eckman classified six emotions happiness, surprise, anger, disgust, fear, and sadness. He then \" associated each with characteristic movements of facial muscles.\" For example the frontalis pars lateralis muscle is above your eye which shows your surpried when it is raised. Us humans alone can identify facial expressions on peoples faces. If you look at a friend you can tell how they are feeling at that moment. Da Vinci studied human anatomy to help paint the facial muscles percisely on the Mona Lisa painting. Dr. Huangs has new computer software it stores similar info as electronic code. He thinks there could be a different type of code to the painting.\n", + "\n", + "When facial facial expressions a made its about muscular action units. The school computer shouldn't have to know how you are feeling. What kind of problem is that supposed to solve \n", + "When facial facial expressions a made its about muscular action units. The school computer shouldn't have to know how you are feeling. What kind of problem is that supposed to solve?\n", + "\n", + "the fact that its really easy for someone else to get into your phone or tablet through face reconition \n", + "the fact that its really easy for someone else to get into your phone or tablet through face reconition.\n", + "\n" + ] + }, + { + "ename": "NameError", + "evalue": "name 'df' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [7]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 1\u001b[0m path \u001b[38;5;241m=\u001b[39m \u001b[38;5;124m'\u001b[39m\u001b[38;5;124m../../data/kaggle/feedback-prize-2021\u001b[39m\u001b[38;5;124m'\u001b[39m\n\u001b[0;32m----> 2\u001b[0m processor \u001b[38;5;241m=\u001b[39m \u001b[43mPersuadeProcessor\u001b[49m\u001b[43m(\u001b[49m\u001b[43mpath\u001b[49m\u001b[43m)\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mpreprocess\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n", + "Input \u001b[0;32mIn [6]\u001b[0m, in \u001b[0;36mPersuadeProcessor._preprocess\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 45\u001b[0m \u001b[38;5;28;01mbreak\u001b[39;00m\n\u001b[1;32m 46\u001b[0m \u001b[38;5;66;03m#print(row.predictionstring[0], row.predictionstring[-1])\u001b[39;00m\n\u001b[1;32m 47\u001b[0m \n\u001b[1;32m 48\u001b[0m \u001b[38;5;66;03m# print(row.discourse_text, )\u001b[39;00m\n\u001b[1;32m 49\u001b[0m \u001b[38;5;66;03m# break\u001b[39;00m\n\u001b[1;32m 50\u001b[0m \u001b[38;5;66;03m#from pandas.testing import assert_frame_equal\u001b[39;00m\n\u001b[1;32m 51\u001b[0m \u001b[38;5;66;03m#assert_frame_equal(df_texts, df_texts_2)\u001b[39;00m\n\u001b[0;32m---> 52\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mdataframe \u001b[38;5;241m=\u001b[39m \u001b[43mdf\u001b[49m\n\u001b[1;32m 53\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mstatus \u001b[38;5;241m=\u001b[39m \u001b[38;5;124m'\u001b[39m\u001b[38;5;124mpreprocessed\u001b[39m\u001b[38;5;124m'\u001b[39m\n\u001b[1;32m 54\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\n", + "\u001b[0;31mNameError\u001b[0m: name 'df' is not defined" + ] + } + ], + "source": [ + "path = '../../data/kaggle/feedback-prize-2021'\n", + "processor = PersuadeProcessor(path).preprocess()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "75cf56e4", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 25, + "id": "0c5d4947", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
doc_idtextlabels
03321A3E87AD3I do agree that some students would benefit fr...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...
1DFEAEC512BABShould students design a summer project for sc...[O, O, O, O, O, O, O, O, B-Position, I-Positio...
22E4AFCD3987FDear State Senator\\n\\n,\\n\\nIn the ruels of vot...[O, O, O, O, B-Position, I-Position, I-Positio...
3EB6C2AF20BFEPeople sometimes have a different opinion than...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...
4A91A08E523D5Dear senator,\\n\\nAs you know the Electoral Col...[O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,...
............
155891C899F124FEBWhile some students may think it's a beneficia...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...
155904453444AF383There has been a strong arguement going on wea...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...
15591EF0D75BF48DAI favor in to changing election by popular vot...[B-Position, I-Position, I-Position, I-Positio...
155928FFDA5B9D359Do you think students would benefit from being...[B-Position, I-Position, I-Position, I-Positio...
15593ACAB1FCA0A30I would like to change the election for the pr...[B-Position, I-Position, I-Position, I-Positio...
\n", + "

15594 rows × 3 columns

\n", + "
" + ], + "text/plain": [ + " doc_id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "... ... ... \n", + "15589 1C899F124FEB While some students may think it's a beneficia... \n", + "15590 4453444AF383 There has been a strong arguement going on wea... \n", + "15591 EF0D75BF48DA I favor in to changing election by popular vot... \n", + "15592 8FFDA5B9D359 Do you think students would benefit from being... \n", + "15593 ACAB1FCA0A30 I would like to change the election for the pr... \n", + "\n", + " labels \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... \n", + "... ... \n", + "15589 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + "15590 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + "15591 [B-Position, I-Position, I-Position, I-Positio... \n", + "15592 [B-Position, I-Position, I-Position, I-Positio... \n", + "15593 [B-Position, I-Position, I-Position, I-Positio... \n", + "\n", + "[15594 rows x 3 columns]" + ] + }, + "execution_count": 25, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "processor.dataframe" + ] + }, + { + "cell_type": "markdown", + "id": "036b551b", + "metadata": {}, + "source": [ + "# Comparison with original dataset" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "0d7db963", + "metadata": {}, + "outputs": [], + "source": [ + "from python_files.data import create_labels_doc_level as create_labels_doc_level_old\n", + "\n", + "kaggle_df = create_labels_doc_level_old(\n", + " '../../data/kaggle/feedback-prize-2021/train',\n", + " '../../data/kaggle/feedback-prize-2021/train.csv'\n", + ")\n" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "af8acb4e", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idtexttext_splitlabelsrangelabels_temp
03321A3E87AD3I do agree that some students would benefit fr...[I, do, agree, that, some, students, would, be...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
1DFEAEC512BABShould students design a summer project for sc...[Should, students, design, a, summer, project,...[0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, ...[8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19,...[3, 4, 4, 4, 4, 4, 4, 7, 8, 8, 8, 8, 8, 8, 8, ...
22E4AFCD3987FDear State Senator\\n\\n,\\n\\nIn the ruels of vot...[Dear, State, Senator, ,, In, the, ruels, of, ...[0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, ...[4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16,...[3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, 8, 8, 8, 8, ...
3EB6C2AF20BFEPeople sometimes have a different opinion than...[People, sometimes, have, a, different, opinio...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
4A91A08E523D5Dear senator,\\n\\nAs you know the Electoral Col...[Dear, senator,, As, you, know, the, Electoral...[0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...[2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 1...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
.....................
155891C899F124FEBWhile some students may think it's a beneficia...[While, some, students, may, think, it's, a, b...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
155904453444AF383There has been a strong arguement going on wea...[There, has, been, a, strong, arguement, going...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
15591EF0D75BF48DAI favor in to changing election by popular vot...[I, favor, in, to, changing, election, by, pop...[3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, 8, 8, 8, 8, ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, 8, 8, 8, 8, ...
155928FFDA5B9D359Do you think students would benefit from being...[Do, you, think, students, would, benefit, fro...[3, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[3, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, ...
15593ACAB1FCA0A30I would like to change the election for the pr...[I, would, like, to, change, the, election, fo...[3, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[3, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, ...
\n", + "

15594 rows × 6 columns

\n", + "
" + ], + "text/plain": [ + " id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "... ... ... \n", + "15589 1C899F124FEB While some students may think it's a beneficia... \n", + "15590 4453444AF383 There has been a strong arguement going on wea... \n", + "15591 EF0D75BF48DA I favor in to changing election by popular vot... \n", + "15592 8FFDA5B9D359 Do you think students would benefit from being... \n", + "15593 ACAB1FCA0A30 I would like to change the election for the pr... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "... ... \n", + "15589 [While, some, students, may, think, it's, a, b... \n", + "15590 [There, has, been, a, strong, arguement, going... \n", + "15591 [I, favor, in, to, changing, election, by, pop... \n", + "15592 [Do, you, think, students, would, benefit, fro... \n", + "15593 [I, would, like, to, change, the, election, fo... \n", + "\n", + " labels \\\n", + "0 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "1 [0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, ... \n", + "2 [0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, ... \n", + "3 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "4 [0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "... ... \n", + "15589 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "15590 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "15591 [3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, 8, 8, 8, 8, ... \n", + "15592 [3, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, ... \n", + "15593 [3, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, ... \n", + "\n", + " range \\\n", + "0 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "1 [8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19,... \n", + "2 [4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16,... \n", + "3 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "4 [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 1... \n", + "... ... \n", + "15589 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "15590 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "15591 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "15592 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "15593 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "\n", + " labels_temp \n", + "0 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "1 [3, 4, 4, 4, 4, 4, 4, 7, 8, 8, 8, 8, 8, 8, 8, ... \n", + "2 [3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, 8, 8, 8, 8, ... \n", + "3 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "4 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "... ... \n", + "15589 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "15590 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "15591 [3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, 8, 8, 8, 8, ... \n", + "15592 [3, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, ... \n", + "15593 [3, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, 4, ... \n", + "\n", + "[15594 rows x 6 columns]" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "kaggle_df" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "id": "59adc623", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[1,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 2,\n", + " 3,\n", + " 4,\n", + " 4,\n", + " 4,\n", + " 4,\n", + " 4,\n", + " 4,\n", + " 4,\n", + " 4,\n", + " 4,\n", + " 4,\n", + " 4,\n", + " 4,\n", + " 4,\n", + " 4,\n", + " 7,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 5,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 7,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 8,\n", + " 5,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 11,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 12,\n", + " 5,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 6,\n", + " 9,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10,\n", + " 10]" + ] + }, + "execution_count": 29, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "kaggle_df.labels.values[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 76, + "id": "e88caf2f", + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "import pandas as pd\n", + "df_true = pd.read_csv( '../../data/kaggle/feedback-prize-2021/train.csv')\n", + "ids = []\n", + "texts = []\n", + "for row in kaggle_df.itertuples(index=False):\n", + " id = row.id\n", + " text_true = row.text\n", + " text = row.text_split\n", + " labels = torch.as_tensor(row.labels)\n", + " unique_vals, counts = torch.unique_consecutive(labels, return_counts=True)\n", + " start_id = 0\n", + " for unique_val, count in zip(unique_vals, counts):\n", + " end_id = start_id + count\n", + " texts.append(' '.join(text[start_id: end_id]))\n", + " start_id = end_id\n", + " #print(id, texts)\n", + " #print(df_true[df_true.id == id].discourse_text.values)\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": 70, + "id": "51ba1f8b", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Yousef test\n" + ] + } + ], + "source": [ + "# Qingyu's code\n", + "\n", + "import json\n", + "import matplotlib.pyplot as plt\n", + "import pandas as pd\n", + "import numpy as np\n", + "import os\n", + "from collections import defaultdict\n", + "from torch.utils.data import Dataset, DataLoader\n", + "import pdb\n", + "import torch\n", + "from torch import cuda\n", + "import time\n", + "print('Yousef test')\n", + "s = time.time()\n", + "BASE_PATH = '../../data/kaggle/feedback-prize-2021/'\n", + "path_from_base = lambda x: os.path.join(BASE_PATH, x)\n", + "train_df = pd.read_csv(path_from_base('train.csv'))\n", + "test_names, train_texts = [], []\n", + "\n", + "for f in list(os.listdir(path_from_base('train'))):\n", + " test_names.append(f.replace('.txt', ''))\n", + " train_texts.append(open(path_from_base(f'train/{f}'), 'r').read())\n", + " \n", + "doc_df = pd.DataFrame({'id': test_names, 'text': train_texts})\n", + "#Create entities for each document\n", + "entities = []\n", + "for index,row in doc_df.iterrows():\n", + " length_text = row['text'].split().__len__()\n", + " ent = [\"O\" for i in range(length_text)]\n", + "\n", + " for idx,r in train_df[train_df['id'] == row['id']].iterrows():\n", + " \n", + " pred_idx = r['predictionstring'].split()\n", + " ent[int(pred_idx[0])] = f\"B-{r['discourse_type']}\"\n", + "\n", + " for i in pred_idx[1:]:\n", + " ent[int(i)] = f\"I-{r['discourse_type']}\"\n", + " \n", + "\n", + " entities.append(ent)\n", + "\n", + "doc_df['elements'] = entities\n", + "\n", + "#Match the labels to entities\n", + "output_labels = ['O', 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', 'B-Counterclaim', 'I-Counterclaim', \n", + " 'B-Rebuttal', 'I-Rebuttal', 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', 'I-Concluding Statement']\n", + "\n", + "labels_to_ids = {v:k for k,v in enumerate(output_labels)}\n", + "ids_to_labels = {k:v for k,v in enumerate(output_labels)}\n", + "\n", + "doc_df['labels'] = doc_df['elements'].apply(lambda x: [labels_to_ids[i] for i in x])\n", + "for i, (text, label) in doc_df[['text', 'labels']].iterrows():\n", + " assert len(label) == len(text.split())" + ] + }, + { + "cell_type": "code", + "execution_count": 71, + "id": "68a6d482", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idtextelementslabels
03321A3E87AD3I do agree that some students would benefit fr...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
1DFEAEC512BABShould students design a summer project for sc...[O, O, O, O, O, O, O, O, B-Position, I-Positio...[0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, ...
22E4AFCD3987FDear State Senator\\n\\n,\\n\\nIn the ruels of vot...[O, O, O, O, B-Position, I-Position, I-Positio...[0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 5, 6, ...
3EB6C2AF20BFEPeople sometimes have a different opinion than...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
4A91A08E523D5Dear senator,\\n\\nAs you know the Electoral Col...[O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,...[0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
\n", + "
" + ], + "text/plain": [ + " id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " elements \\\n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... \n", + "\n", + " labels \n", + "0 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "1 [0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, ... \n", + "2 [0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 5, 6, ... \n", + "3 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "4 [0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... " + ] + }, + "execution_count": 71, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "doc_df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 72, + "id": "a956dee2", + "metadata": {}, + "outputs": [], + "source": [ + "for row1, row2 in zip(doc_df.itertuples(index=False), kaggle_df.itertuples(index=False)):\n", + " try:\n", + " assert row1.text == row2.text\n", + " except:\n", + " try:\n", + " assert row1.labels.__len__() == row2.labels.__len__()\n", + " except:\n", + " pass\n", + " \n", + " #print(row1.text)\n", + " #print()\n", + " #print(row1.text)\n", + " #print('========================================================')" + ] + }, + { + "cell_type": "code", + "execution_count": 73, + "id": "d776487e", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idtextelementslabels
03321A3E87AD3I do agree that some students would benefit fr...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
1DFEAEC512BABShould students design a summer project for sc...[O, O, O, O, O, O, O, O, B-Position, I-Positio...[0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, ...
22E4AFCD3987FDear State Senator\\n\\n,\\n\\nIn the ruels of vot...[O, O, O, O, B-Position, I-Position, I-Positio...[0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 5, 6, ...
3EB6C2AF20BFEPeople sometimes have a different opinion than...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
4A91A08E523D5Dear senator,\\n\\nAs you know the Electoral Col...[O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,...[0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
\n", + "
" + ], + "text/plain": [ + " id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " elements \\\n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... \n", + "\n", + " labels \n", + "0 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "1 [0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, ... \n", + "2 [0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 5, 6, ... \n", + "3 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "4 [0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... " + ] + }, + "execution_count": 73, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "doc_df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 74, + "id": "8acba867", + "metadata": {}, + "outputs": [], + "source": [ + "import torch\n", + "import pandas as pd\n", + "ids = []\n", + "texts = []\n", + "for row in doc_df.itertuples(index=False):\n", + " id = row.id\n", + " text_true = row.text\n", + " text = text_true.split()\n", + " labels = torch.as_tensor(row.labels)\n", + " unique_vals, counts = torch.unique_consecutive(labels, return_counts=True)\n", + " start_id = 0\n", + " for unique_val, count in zip(unique_vals, counts):\n", + " end_id = start_id + count\n", + " texts.append(' '.join(text[start_id: end_id]))\n", + " start_id = end_id\n", + " #print(texts)\n", + " #print(df_true[df_true.id == id].discourse_text.values)\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ca951cad", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 58, + "id": "708a7948", + "metadata": {}, + "outputs": [], + "source": [ + "synonyms = {\n", + " 'students': 'pupils'\n", + "}\n", + "\n", + "def synonym_processor(text):\n", + " text = ' '.join(\n", + " [\n", + " synonyms[word] if word in synonyms else word for word in text.split()]\n", + " )\n", + " return text" + ] + }, + { + "cell_type": "code", + "execution_count": 60, + "id": "77818e93", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'text pupils'" + ] + }, + "execution_count": 60, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "synonym_processor('text students')" + ] + }, + { + "cell_type": "code", + "execution_count": 75, + "id": "ce039c34", + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "murdering criminals is therefore immoral and hard to accept\n", + "\n", + "\"murdering\" criminals is therefore immoral and hard to accept\n", + "\n", + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "Click is a very interesting comedy, with a serious approach about the importance of having a balanced life between family and work businesses\n", + "\n", + "\"Click\" is a very interesting comedy, with a serious approach about the importance of having a balanced life between family and work businesses\n", + "\n", + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "Blood diamond, an adaptation of a real story in South Africa, focuses on the link between diamonds and conflict\n", + "\n", + "\"Blood diamond\", an adaptation of a real story in South Africa, focuses on the link between diamonds and conflict\n", + "\n", + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "rush hours are usually not the direct consequence of drivers\n", + "\n", + "\"rush hours\" are usually not the direct consequence of drivers\n", + "\n" + ] + }, + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
doc_idtextpredictionStringlabels
0essay001Should pupils be taught to compete or to coope...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
1essay002More people are migrating to other countries t...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
2essay003International tourism is now more common than ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
3essay004International tourism is now more common than ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
4essay005Living and studying overseas It is every stude...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
...............
397essay398We can not forcedly put the same numbers of ma...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
398essay399Drugs, alcohol and messy sex lives Celebrities...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
399essay400A greater proportion of the budget should be a...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
400essay401Fatherhood should be as present as motherhood ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
401essay402Children should studying hard or playing sport...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
\n", + "

402 rows × 4 columns

\n", + "
" + ], + "text/plain": [ + " doc_id text \\\n", + "0 essay001 Should pupils be taught to compete or to coope... \n", + "1 essay002 More people are migrating to other countries t... \n", + "2 essay003 International tourism is now more common than ... \n", + "3 essay004 International tourism is now more common than ... \n", + "4 essay005 Living and studying overseas It is every stude... \n", + ".. ... ... \n", + "397 essay398 We can not forcedly put the same numbers of ma... \n", + "398 essay399 Drugs, alcohol and messy sex lives Celebrities... \n", + "399 essay400 A greater proportion of the budget should be a... \n", + "400 essay401 Fatherhood should be as present as motherhood ... \n", + "401 essay402 Children should studying hard or playing sport... \n", + "\n", + " predictionString \\\n", + "0 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "1 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "2 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "3 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "4 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + ".. ... \n", + "397 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "398 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "399 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "400 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "401 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "\n", + " labels \n", + "0 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "1 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "2 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "3 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "4 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + ".. ... \n", + "397 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "398 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "399 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "400 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "401 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "\n", + "[402 rows x 4 columns]" + ] + }, + "execution_count": 75, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "path = '../../data/UCL/dataset2/ArgumentAnnotatedEssays-2.0'\n", + "processor = TUDarmstadtProcessor(path).preprocess()\n", + "processor.process('bio', processors=[synonym_processor])\n", + "processor = processor.postprocess()\n", + "processor.dataframe" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/Dataloader.ipynb b/experiments/yousef/Dataloader.ipynb new file mode 100644 index 0000000..6607339 --- /dev/null +++ b/experiments/yousef/Dataloader.ipynb @@ -0,0 +1,713 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "16a27453", + "metadata": {}, + "source": [ + "# Dataloader" + ] + }, + { + "cell_type": "markdown", + "id": "fb1a001a", + "metadata": {}, + "source": [ + "### Imports" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "id": "302f6244", + "metadata": {}, + "outputs": [], + "source": [ + "# -- public imports\n", + "\n", + "import os\n", + "import pandas as pd" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "id": "7652c457", + "metadata": {}, + "outputs": [], + "source": [ + "# -- private import" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "id": "2f39f2f3", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "The autoreload extension is already loaded. To reload it, use:\n", + " %reload_ext autoreload\n" + ] + } + ], + "source": [ + "# -- dev imports\n", + "\n", + "from python_files.data import ArgumentMiningDataset\n", + "%load_ext autoreload\n", + "%autoreload 2" + ] + }, + { + "cell_type": "markdown", + "id": "41778bc3", + "metadata": {}, + "source": [ + "### Load the data" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "id": "1cd366a7", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextspan_startspan_enddoc_idpredictionStringlabel_biolabel_bieo
0OOtherShould students be taught to compete or to coo...0503essay001[1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
1T1MajorClaimwe should attach more importance to cooperatio...503575essay001[83, 84, 85, 86, 87, 88, 89, 90, 91, 92][B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M...[B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M...
2OOther.\\nFirst of all,575591essay001[93, 94, 95, 96][O, O, O, O][O, O, O, O]
3T3Claimthrough cooperation, children can learn about ...591714essay001[97, 98, 99, 100, 101, 102, 103, 104, 105, 106...[B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ...[B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ...
4OOther.714716essay001[115][O][O]
\n", + "
" + ], + "text/plain": [ + " label_type label text \\\n", + "0 O Other Should students be taught to compete or to coo... \n", + "1 T1 MajorClaim we should attach more importance to cooperatio... \n", + "2 O Other .\\nFirst of all, \n", + "3 T3 Claim through cooperation, children can learn about ... \n", + "4 O Other . \n", + "\n", + " span_start span_end doc_id \\\n", + "0 0 503 essay001 \n", + "1 503 575 essay001 \n", + "2 575 591 essay001 \n", + "3 591 714 essay001 \n", + "4 714 716 essay001 \n", + "\n", + " predictionString \\\n", + "0 [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14... \n", + "1 [83, 84, 85, 86, 87, 88, 89, 90, 91, 92] \n", + "2 [93, 94, 95, 96] \n", + "3 [97, 98, 99, 100, 101, 102, 103, 104, 105, 106... \n", + "4 [115] \n", + "\n", + " label_bio \\\n", + "0 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "1 [B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M... \n", + "2 [O, O, O, O] \n", + "3 [B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ... \n", + "4 [O] \n", + "\n", + " label_bieo \n", + "0 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "1 [B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M... \n", + "2 [O, O, O, O] \n", + "3 [B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ... \n", + "4 [O] " + ] + }, + "execution_count": 31, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "base_path = '../../data/UCL/dataset2'\n", + "dataset_path = os.path.join(base_path, 'df_labels_general.json')\n", + "\n", + "label_map_path = os.path.join(base_path, 'df_label_map_bio.json')\n", + "df_label_map_bio = pd.read_json(label_map_path)\n", + "\n", + "label_map_path = os.path.join(base_path, 'df_label_map_bieo.json')\n", + "df_label_map_bieo = pd.read_json(label_map_path)\n", + "\n", + "label_map_path = os.path.join(base_path, 'df_label_map_bixo.json')\n", + "df_label_map_bixo = pd.read_json(label_map_path)\n", + "\n", + "df = pd.read_json(dataset_path)\n", + "df.head()" + ] + }, + { + "cell_type": "markdown", + "id": "1a57c3e7", + "metadata": {}, + "source": [ + "### Develop Dataset" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "id": "79d65ddd", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
textlabels
0Should students be taught to compete or to coo...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
1we should attach more importance to cooperatio...[B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M...
2.\\nFirst of all,[O, O, O, O]
3through cooperation, children can learn about ...[B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ...
4.[O]
.........
12575. Secondly,[O, O]
12576playing sport makes children getting healthy a...[B-Premise, I-Premise, I-Premise, I-Premise, I...
12577. \\nIn conclusion,[O, O, O]
12578both studying hard at school and playing sport...[B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M...
12579.[O]
\n", + "

12580 rows × 2 columns

\n", + "
" + ], + "text/plain": [ + " text \\\n", + "0 Should students be taught to compete or to coo... \n", + "1 we should attach more importance to cooperatio... \n", + "2 .\\nFirst of all, \n", + "3 through cooperation, children can learn about ... \n", + "4 . \n", + "... ... \n", + "12575 . Secondly, \n", + "12576 playing sport makes children getting healthy a... \n", + "12577 . \\nIn conclusion, \n", + "12578 both studying hard at school and playing sport... \n", + "12579 . \n", + "\n", + " labels \n", + "0 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "1 [B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M... \n", + "2 [O, O, O, O] \n", + "3 [B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ... \n", + "4 [O] \n", + "... ... \n", + "12575 [O, O] \n", + "12576 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "12577 [O, O, O] \n", + "12578 [B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M... \n", + "12579 [O] \n", + "\n", + "[12580 rows x 2 columns]" + ] + }, + "execution_count": 32, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_text = df[['text', 'label_bio']].rename(columns={'label_bio':'labels'})\n", + "df_text" + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "id": "2a27c39f", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_idlabel
00O
11B-MajorClaim
22I-MajorClaim
33B-Claim
44I-Claim
55B-Premise
66I-Premise
\n", + "
" + ], + "text/plain": [ + " label_id label\n", + "0 0 O\n", + "1 1 B-MajorClaim\n", + "2 2 I-MajorClaim\n", + "3 3 B-Claim\n", + "4 4 I-Claim\n", + "5 5 B-Premise\n", + "6 6 I-Premise" + ] + }, + "execution_count": 45, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_label_map_bio" + ] + }, + { + "cell_type": "code", + "execution_count": 55, + "id": "4f757015", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[list([0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0])\n", + " list([1, 2, 2, 2, 2, 2, 2, 2, 2, 2]) list([0, 0, 0, 0]) ...\n", + " list([0, 0, 0]) list([1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2]) list([0])]\n" + ] + } + ], + "source": [ + "dataset = ArgumentMiningDataset(df_label_map_bio, df_text, strategy='bio', tokenizer=0, max_length=0)" + ] + }, + { + "cell_type": "code", + "execution_count": 51, + "id": "05c979e7", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "0 O\n", + "1 B-MajorClaim\n", + "2 I-MajorClaim\n", + "3 B-Claim\n", + "4 I-Claim\n", + "5 B-Premise\n", + "6 I-Premise\n", + "Name: label, dtype: object\n" + ] + } + ], + "source": [ + "print(df_label_map_bio.label)" + ] + }, + { + "cell_type": "code", + "execution_count": 61, + "id": "6fd34c1b", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "a 1\n", + "Name: 0, dtype: int64" + ] + }, + "execution_count": 61, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "pd.DataFrame(data={'a':[1,2,3]}).loc[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 64, + "id": "703c025a", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "tensor([ 0, 4, 5, 9, 10])" + ] + }, + "execution_count": 64, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import torch\n", + "x = torch.tensor([0,0,0,0,1,2,2,2,2,3,4,4,4,])\n", + "unique, inverse = torch.unique(x, sorted=True, return_inverse=True)\n", + "perm = torch.arange(inverse.size(0), dtype=inverse.dtype, device=inverse.device)\n", + "inverse, perm = inverse.flip([0]), perm.flip([0])\n", + "perm = inverse.new_empty(unique.size(0)).scatter_(0, inverse, perm)\n", + "perm" + ] + }, + { + "cell_type": "code", + "execution_count": 163, + "id": "0bba4335", + "metadata": {}, + "outputs": [], + "source": [ + "words = 'Another sentence. NLP is the coolest Learning. According to research. I like NLP'\n", + "targets = [0, 0, 1, 2, 2, 2, 2, 3, 4, 4, 0, 0, 0]\n", + "actual_targets = [0, 0, 0, 0, 1, 2, 2, 2, -1, 2, -1, 3, -1, 4, 4, -1, 0, 0, 0]\n", + "targets = torch.as_tensor(targets, dtype=torch.long)\n", + "word_ids = [0, 0, 1, 1, 2, 3, 4, 5, 5, 6, 6, 7, 7, 8, 9, 9, 10, 11, 12]\n", + "word_id_mask = [True] * len(word_ids)\n", + "\n", + "targets_end = torch.tensor([\n", + " 0, 0, 1, 2, 2, 2, 3, 4, 5, 6, 0, 0, 0\n", + "])\n", + "actual_targets_end =[0, 0, 0, 0, 1, 2, 2, 2, -1, -1, 3, 4, -1, 5, 6, -1, 0, 0, 0]" + ] + }, + { + "cell_type": "code", + "execution_count": 143, + "id": "a2af8691", + "metadata": {}, + "outputs": [], + "source": [ + "def _first_appearance_of_unique_item(x):\n", + " unique, inverse = torch.unique(x, sorted=True, return_inverse=True)\n", + " perm = torch.arange(inverse.size(0), dtype=inverse.dtype, device=inverse.device)\n", + " inverse, perm = inverse.flip([0]), perm.flip([0])\n", + " perm = inverse.new_empty(unique.size(0)).scatter_(0, inverse, perm)\n", + " return perm" + ] + }, + { + "cell_type": "code", + "execution_count": 160, + "id": "b818e6e0", + "metadata": {}, + "outputs": [], + "source": [ + "def _label_standard(targets, word_id_mask, word_ids):\n", + " max_length = len(word_ids)\n", + " \n", + " expanded_targets = torch.zeros(max_length, dtype=torch.long)\n", + " expanded_targets[word_id_mask] = targets[word_ids]\n", + " word_start_ids = _first_appearance_of_unique_item(torch.as_tensor(word_ids))\n", + " unique_word_ids, word_id_counts = torch.unique(torch.as_tensor(word_ids), return_counts=True)\n", + " \n", + " # here define the start and end labels\n", + " end = True\n", + " for i, (word_start_id, word_id, word_id_count) in enumerate(zip(word_start_ids, unique_word_ids, word_id_counts)):\n", + " curr_target = expanded_targets[word_start_id]\n", + " if curr_target: # step to filter the orhers\n", + " if word_id_count > 1:\n", + " ids = list(range(word_start_id, word_start_id+word_id_count))\n", + " \n", + " # TODO can make robust by adding string condition 'E-'\n", + " if end and curr_target % 3 == 0: # TODO condition needs to change to read end from the strateg \n", + " ids = ids[:-1]\n", + " else:\n", + " ids = ids[1:]\n", + " \n", + " expanded_targets[ids] = -1 # this label needs to be changed!\n", + " # need to have case bie\n", + " # need to have case bio\n", + " # need to have case bix\n", + " print(expanded_targets)" + ] + }, + { + "cell_type": "code", + "execution_count": 161, + "id": "53cf5d53", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "tensor(3) tensor(4)\n", + "tensor(6) tensor(0)\n", + "tensor([ 0, 0, 0, 0, 1, 2, 2, 2, -1, -1, 3, 4, -1, 5, -1, 6, 0, 0,\n", + " 0])\n" + ] + } + ], + "source": [ + "_label_standard(targets_end, word_id_mask, word_ids)" + ] + }, + { + "cell_type": "code", + "execution_count": 154, + "id": "6442dc0c", + "metadata": {}, + "outputs": [], + "source": [ + "actual_targets_end =[0, 0, 0, 0, 1, 2, 2, 2, -1, -1, 3, 4, -1, 5, -1, 6, 0, 0, 0]\n" + ] + }, + { + "cell_type": "code", + "execution_count": 168, + "id": "d2c646ab", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "tensor([1])" + ] + }, + "execution_count": 168, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "torch.tensor([1])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "c1af9cbd", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/End-to-end_GPU.ipynb b/experiments/yousef/End-to-end_GPU.ipynb new file mode 100644 index 0000000..f7c16b0 --- /dev/null +++ b/experiments/yousef/End-to-end_GPU.ipynb @@ -0,0 +1,518 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "1c2ec16d", + "metadata": { + "id": "1c2ec16d" + }, + "source": [ + "# End-to-end\n", + "\n", + "This notebook should form the core skeleton of the 'run' function" + ] + }, + { + "cell_type": "markdown", + "source": [ + "## Colab Set up" + ], + "metadata": { + "id": "XWQS_TUhKKej" + }, + "id": "XWQS_TUhKKej" + }, + { + "cell_type": "code", + "source": [ + "# -- env setup\n", + "import os\n", + "import gc\n", + "\n", + "!python3.7 -m pip install git+https://github.com/namiyousef/colab-utils.git\n", + "from colabtools.utils import get_gpu_utilization, mount_drive, install_private_library\n", + "\n", + "drive_path = mount_drive()\n", + "project_path = os.path.join(drive_path, 'argument-mining')\n", + "development_dir = os.path.join(drive_path, 'argument-mining/argminer')\n", + "\n", + "install_private_library(os.path.join(project_path, 'data/github_config.json'), 'argument-mining')" + ], + "metadata": { + "id": "X7OwoLnBKHQB", + "outputId": "1a8516e4-4d63-4fde-b736-717f6fe3357e", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "id": "X7OwoLnBKHQB", + "execution_count": 1, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Collecting git+https://github.com/namiyousef/colab-utils.git\n", + " Cloning https://github.com/namiyousef/colab-utils.git to /tmp/pip-req-build-5i7ydzp6\n", + " Running command git clone -q https://github.com/namiyousef/colab-utils.git /tmp/pip-req-build-5i7ydzp6\n", + "Requirement already satisfied: nvidia-ml-py3 in /usr/local/lib/python3.7/dist-packages (from colabtools==0.0.5) (7.352.0)\n", + "Requirement already satisfied: torch in /usr/local/lib/python3.7/dist-packages (from colabtools==0.0.5) (1.10.0+cu111)\n", + "Requirement already satisfied: typing-extensions in /usr/local/lib/python3.7/dist-packages (from torch->colabtools==0.0.5) (3.10.0.2)\n", + "Building wheels for collected packages: colabtools\n", + " Building wheel for colabtools (setup.py) ... \u001b[?25l\u001b[?25hdone\n", + " Created wheel for colabtools: filename=colabtools-0.0.5-py3-none-any.whl size=3585 sha256=b0808ec10b9aba31db65c105148d19c652618702710623944c7f38fcac29e020\n", + " Stored in directory: /tmp/pip-ephem-wheel-cache-t4irkesa/wheels/1c/35/c0/364531e4ff0f0fe0f3296c80f1ee668b03ae6c6c378c5a44bf\n", + "Successfully built colabtools\n", + "Installing collected packages: colabtools\n", + "Successfully installed colabtools-0.0.5\n", + "Google Drive import successful.\n", + "CUDA device detected. Using GPU...\n", + "Mounted at /content/drive\n", + "Google Drive mount successful.\n" + ] + } + ] + }, + { + "cell_type": "markdown", + "id": "c1302e4f", + "metadata": { + "id": "c1302e4f" + }, + "source": [ + "### Imports" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "7d8ed729", + "metadata": { + "id": "7d8ed729", + "outputId": "efb3ba2f-ec41-4a60-d4fb-7a4fdd2b51dc", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Import of ArgMiner successful\n" + ] + } + ], + "source": [ + "# -- public imports\n", + "\n", + "from transformers import AutoTokenizer, AutoModelForTokenClassification\n", + "import pandas as pd\n", + "from torch.utils.data import DataLoader\n", + "import torch\n", + "from pandas.testing import assert_frame_equal\n", + "import time\n", + "\n", + "# -- private imports\n", + "from colabtools.utils import move_to_device\n", + "from colabtools.config import DEVICE\n", + "\n", + "# -- dev imports\n", + "%load_ext autoreload\n", + "%autoreload 2\n", + "\n", + "from argminer.data import ArgumentMiningDataset, TUDarmstadtProcessor, PersuadeProcessor\n", + "from argminer.evaluation import inference\n", + "from argminer.utils import encode_model_name\n", + "from argminer.config import LABELS_MAP_DICT\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "59272e27", + "metadata": { + "id": "59272e27" + }, + "outputs": [], + "source": [ + "# constants (these will be abstracted away by inputs that you give to run)\n", + "\n", + "# -- model specific configurations\n", + "model_name = 'google/bigbird-roberta-base'\n", + "max_length = 1024\n", + "\n", + "# -- training configurations\n", + "epochs = 5\n", + "batch_size = 2\n", + "verbose = 2\n", + "save_freq = 2\n", + "\n", + "# -- dataset configurations\n", + "dataset_name = 'Persuade'\n", + "\n", + "# -- experiment configurations\n", + "strategy = 'standard_bieo'\n", + "strat_name, strat_label = strategy.split('_')\n", + "\n", + "# -- inferred configurations\n", + "df_label_map = LABELS_MAP_DICT[dataset_name][strat_label]\n", + "num_labels = len(set(df_label_map.label))\n", + "Processor = eval(f'{dataset_name}Processor')\n" + ] + }, + { + "cell_type": "markdown", + "id": "f5b81b26", + "metadata": { + "id": "f5b81b26" + }, + "source": [ + "### Tokenizer, Model and Optimizer" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "882197f3", + "metadata": { + "id": "882197f3", + "outputId": "1c6866c9-e63f-414a-8218-80d7484a4f59", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "outputs": [ + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Some weights of the model checkpoint at google/bigbird-roberta-base were not used when initializing BigBirdForTokenClassification: ['cls.predictions.decoder.bias', 'cls.predictions.decoder.weight', 'cls.seq_relationship.weight', 'cls.predictions.transform.LayerNorm.bias', 'cls.seq_relationship.bias', 'cls.predictions.bias', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.dense.weight']\n", + "- This IS expected if you are initializing BigBirdForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing BigBirdForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "Some weights of BigBirdForTokenClassification were not initialized from the model checkpoint at google/bigbird-roberta-base and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n" + ] + } + ], + "source": [ + "tokenizer = AutoTokenizer.from_pretrained(model_name, add_prefix_space=True)\n", + "model = AutoModelForTokenClassification.from_pretrained(model_name, num_labels=num_labels) \n", + "# TODO force_download\n", + "# TODO add option for optimizer\n", + "optimizer = torch.optim.Adam(params=model.parameters())" + ] + }, + { + "cell_type": "markdown", + "id": "cb3e225a", + "metadata": { + "id": "cb3e225a" + }, + "source": [ + "### Dataset \n", + "Note this will change as the Processor develops. On the cluster you will need to use different options" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "id": "ccc67877", + "metadata": { + "id": "ccc67877", + "outputId": "22ba1471-aed5-42ca-aebc-6bbc9fdcf1bc", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "\n" + ] + } + ], + "source": [ + "processor = Processor(os.path.join(project_path, f'data/{strat_label}'))\n", + "processor = processor.from_json()\n", + "df_total = processor.dataframe\n", + "\n", + "df_dict = processor.get_tts(test_size=0.3, val_size=0.1)\n", + "df_train = df_dict.get('train')[['text', 'labels']]\n", + "df_test = df_dict.get('test')[['text', 'labels']]\n", + "df_val = df_dict.get('val')[['text', 'labels']]\n", + "\n", + "#df_train = df_total[['text', 'labels']].head(10) \n", + "#df_test = df_total[['text', 'labels']].tail(201)\n", + "\n", + "\n", + "#assert_frame_equal(df_total[['text', 'labels']], pd.concat([df_train, df_test]))\n", + "\n", + "# todo this changes NOTE FIXED BT STRATEGY!!\n", + "# todo this needs to get updated as well.....\n" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "id": "ccf36a48", + "metadata": { + "id": "ccf36a48" + }, + "outputs": [], + "source": [ + "train_set = ArgumentMiningDataset(df_label_map, df_train, tokenizer, max_length, strategy)\n", + "test_set = ArgumentMiningDataset(df_label_map, df_test, tokenizer, max_length, strategy, is_train=False)\n", + "\n", + "train_loader = DataLoader(train_set, batch_size=batch_size)\n", + "test_loader = DataLoader(test_set, batch_size=batch_size)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "id": "d2aa673e", + "metadata": { + "id": "d2aa673e", + "outputId": "ad9cf94d-5991-4a83-8443-af62a83b3a68", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 852 + } + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Model pushed to device: cuda\n", + "EPOCH 1 STARTED\n", + "---------------\n", + "GPU Utilisation at batch 1 after data loading: 2739\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py:978: UserWarning: __floordiv__ is deprecated, and its behavior will change in a future version of pytorch. It currently rounds toward 0 (like the 'trunc' function NOT 'floor'). This results in incorrect rounding for negative values. To keep the current behavior, use torch.div(a, b, rounding_mode='trunc'), or for actual floor division, use torch.div(a, b, rounding_mode='floor').\n", + " * num_indices_to_pick_from\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "GPU Utilisation at batch 1 after training: 5763\n", + "Batch 1 complete. Time taken: load(0.0248), train(2.19), total(2.22). \n", + "GPU Utilisation at batch 2 after data loading: 2797\n", + "GPU Utilisation at batch 2 after training: 7251\n", + "Batch 2 complete. Time taken: load(0.0156), train(2.04), total(2.05). \n", + "GPU Utilisation at batch 3 after data loading: 2797\n", + "GPU Utilisation at batch 3 after training: 7251\n", + "Batch 3 complete. Time taken: load(0.0133), train(2.03), total(2.04). \n", + "GPU Utilisation at batch 4 after data loading: 2797\n", + "GPU Utilisation at batch 4 after training: 7251\n", + "Batch 4 complete. Time taken: load(0.0162), train(2.04), total(2.06). \n", + "GPU Utilisation at batch 5 after data loading: 2797\n", + "GPU Utilisation at batch 5 after training: 7251\n", + "Batch 5 complete. Time taken: load(0.0172), train(2.03), total(2.04). \n", + "GPU Utilisation at batch 6 after data loading: 2797\n", + "GPU Utilisation at batch 6 after training: 7251\n", + "Batch 6 complete. Time taken: load(0.024), train(2.02), total(2.05). \n", + "GPU Utilisation at batch 7 after data loading: 2797\n" + ] + }, + { + "output_type": "error", + "ename": "KeyboardInterrupt", + "evalue": "ignored", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 26\u001b[0m \u001b[0minput_ids\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'input_ids'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 27\u001b[0m \u001b[0mattention_mask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0minputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;34m'attention_mask'\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 28\u001b[0;31m \u001b[0mreturn_dict\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mFalse\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 29\u001b[0m )\n\u001b[1;32m 30\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mDEVICE\u001b[0m \u001b[0;34m!=\u001b[0m \u001b[0;34m'cpu'\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m_call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1100\u001b[0m if not (self._backward_hooks or self._forward_hooks or self._forward_pre_hooks or _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m or _global_forward_hooks or _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mforward_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1103\u001b[0m \u001b[0;31m# Do not call functions when jit is used\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1104\u001b[0m \u001b[0mfull_backward_hooks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnon_full_backward_hooks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, input_ids, attention_mask, token_type_ids, position_ids, head_mask, inputs_embeds, labels, output_attentions, output_hidden_states, return_dict)\u001b[0m\n\u001b[1;32m 2878\u001b[0m \u001b[0moutput_attentions\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0moutput_attentions\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2879\u001b[0m \u001b[0moutput_hidden_states\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0moutput_hidden_states\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 2880\u001b[0;31m \u001b[0mreturn_dict\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mreturn_dict\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2881\u001b[0m )\n\u001b[1;32m 2882\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m_call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1100\u001b[0m if not (self._backward_hooks or self._forward_hooks or self._forward_pre_hooks or _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m or _global_forward_hooks or _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mforward_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1103\u001b[0m \u001b[0;31m# Do not call functions when jit is used\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1104\u001b[0m \u001b[0mfull_backward_hooks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnon_full_backward_hooks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, input_ids, attention_mask, token_type_ids, position_ids, head_mask, inputs_embeds, encoder_hidden_states, encoder_attention_mask, past_key_values, use_cache, output_attentions, output_hidden_states, return_dict)\u001b[0m\n\u001b[1;32m 2150\u001b[0m \u001b[0mto_mask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mto_mask\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 2151\u001b[0m \u001b[0mblocked_encoder_mask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mblocked_encoder_mask\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 2152\u001b[0;31m \u001b[0mreturn_dict\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mreturn_dict\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2153\u001b[0m )\n\u001b[1;32m 2154\u001b[0m \u001b[0msequence_output\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mencoder_outputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m_call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1100\u001b[0m if not (self._backward_hooks or self._forward_hooks or self._forward_pre_hooks or _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m or _global_forward_hooks or _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mforward_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1103\u001b[0m \u001b[0;31m# Do not call functions when jit is used\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1104\u001b[0m \u001b[0mfull_backward_hooks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnon_full_backward_hooks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, hidden_states, attention_mask, head_mask, encoder_hidden_states, encoder_attention_mask, past_key_values, use_cache, output_attentions, output_hidden_states, band_mask, from_mask, to_mask, blocked_encoder_mask, return_dict)\u001b[0m\n\u001b[1;32m 1639\u001b[0m \u001b[0mblocked_encoder_mask\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1640\u001b[0m \u001b[0mpast_key_value\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1641\u001b[0;31m \u001b[0moutput_attentions\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1642\u001b[0m )\n\u001b[1;32m 1643\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m_call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1100\u001b[0m if not (self._backward_hooks or self._forward_hooks or self._forward_pre_hooks or _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m or _global_forward_hooks or _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mforward_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1103\u001b[0m \u001b[0;31m# Do not call functions when jit is used\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1104\u001b[0m \u001b[0mfull_backward_hooks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnon_full_backward_hooks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, hidden_states, attention_mask, head_mask, encoder_hidden_states, encoder_attention_mask, band_mask, from_mask, to_mask, blocked_encoder_mask, past_key_value, output_attentions)\u001b[0m\n\u001b[1;32m 1492\u001b[0m \u001b[0mto_mask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mto_mask\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1493\u001b[0m \u001b[0mfrom_blocked_mask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mblocked_encoder_mask\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m-> 1494\u001b[0;31m \u001b[0mto_blocked_mask\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mblocked_encoder_mask\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1495\u001b[0m )\n\u001b[1;32m 1496\u001b[0m \u001b[0mattention_output\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mself_attention_outputs\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m_call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1100\u001b[0m if not (self._backward_hooks or self._forward_hooks or self._forward_pre_hooks or _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m or _global_forward_hooks or _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mforward_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1103\u001b[0m \u001b[0;31m# Do not call functions when jit is used\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1104\u001b[0m \u001b[0mfull_backward_hooks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnon_full_backward_hooks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, hidden_states, attention_mask, head_mask, encoder_hidden_states, encoder_attention_mask, past_key_value, output_attentions, band_mask, from_mask, to_mask, from_blocked_mask, to_blocked_mask)\u001b[0m\n\u001b[1;32m 1395\u001b[0m ), \"BigBird cannot be used as a decoder when config.attention_type != 'original_full'\"\n\u001b[1;32m 1396\u001b[0m self_outputs = self.self(\n\u001b[0;32m-> 1397\u001b[0;31m \u001b[0mhidden_states\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mband_mask\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfrom_mask\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mto_mask\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mfrom_blocked_mask\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mto_blocked_mask\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moutput_attentions\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1398\u001b[0m )\n\u001b[1;32m 1399\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/torch/nn/modules/module.py\u001b[0m in \u001b[0;36m_call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1100\u001b[0m if not (self._backward_hooks or self._forward_hooks or self._forward_pre_hooks or _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m or _global_forward_hooks or _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0;31m \u001b[0;32mreturn\u001b[0m \u001b[0mforward_call\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m*\u001b[0m\u001b[0minput\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 1103\u001b[0m \u001b[0;31m# Do not call functions when jit is used\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 1104\u001b[0m \u001b[0mfull_backward_hooks\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mnon_full_backward_hooks\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mforward\u001b[0;34m(self, hidden_states, band_mask, from_mask, to_mask, from_blocked_mask, to_blocked_mask, output_attentions)\u001b[0m\n\u001b[1;32m 488\u001b[0m \u001b[0mplan_from_length\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mNone\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 489\u001b[0m \u001b[0mplan_num_rand_blocks\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;32mNone\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 490\u001b[0;31m \u001b[0moutput_attentions\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0moutput_attentions\u001b[0m\u001b[0;34m,\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 491\u001b[0m )\n\u001b[1;32m 492\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/transformers/models/big_bird/modeling_big_bird.py\u001b[0m in \u001b[0;36mbigbird_block_sparse_attention\u001b[0;34m(self, query_layer, key_layer, value_layer, band_mask, from_mask, to_mask, from_blocked_mask, to_blocked_mask, n_heads, n_rand_blocks, attention_head_size, from_block_size, to_block_size, batch_size, from_seq_len, to_seq_len, seed, plan_from_length, plan_num_rand_blocks, output_attentions)\u001b[0m\n\u001b[1;32m 591\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 592\u001b[0m \u001b[0mrand_attn\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mnp\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstack\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrand_attn\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0maxis\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 593\u001b[0;31m \u001b[0mrand_attn\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mtensor\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mrand_attn\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdevice\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mquery_layer\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mdevice\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdtype\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mlong\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 594\u001b[0m \u001b[0mrand_attn\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0munsqueeze_\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 595\u001b[0m \u001b[0mrand_attn\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcat\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0mrand_attn\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0m_\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mrange\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mbatch_size\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdim\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;36m0\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mKeyboardInterrupt\u001b[0m: " + ] + } + ], + "source": [ + "if not os.path.exists('models'):\n", + " os.makedirs('models')\n", + " print('models directory created!')\n", + "model.to(DEVICE)\n", + "print(f'Model pushed to device: {DEVICE}')\n", + "for epoch in range(epochs):\n", + " model.train()\n", + " start_epoch_message = f'EPOCH {epoch + 1} STARTED'\n", + " print(start_epoch_message)\n", + " print(f'{\"-\" * len(start_epoch_message)}')\n", + " start_epoch = time.time()\n", + "\n", + " start_load = time.time()\n", + " training_loss = 0\n", + " for i, (inputs, targets) in enumerate(train_loader):\n", + " start_train = time.time()\n", + " inputs = move_to_device(inputs, DEVICE)\n", + " targets = move_to_device(targets, DEVICE)\n", + " if DEVICE != 'cpu':\n", + " print(f'GPU Utilisation at batch {i+1} after data loading: {get_gpu_utilization()}')\n", + "\n", + " optimizer.zero_grad()\n", + "\n", + " loss, outputs = model(\n", + " labels=targets,\n", + " input_ids=inputs['input_ids'],\n", + " attention_mask=inputs['attention_mask'],\n", + " return_dict=False\n", + " )\n", + " if DEVICE != 'cpu':\n", + " print(f'GPU Utilisation at batch {i+1} after training: {get_gpu_utilization()}')\n", + "\n", + "\n", + " training_loss += loss.item()\n", + "\n", + " # backward pass\n", + " optimizer.zero_grad()\n", + " loss.backward()\n", + " optimizer.step()\n", + "\n", + " del targets, inputs, loss, outputs\n", + " gc.collect()\n", + " torch.cuda.empty_cache()\n", + "\n", + " end_train = time.time()\n", + "\n", + " if verbose > 1:\n", + " print(\n", + " f'Batch {i + 1} complete. Time taken: load({start_train - start_load:.3g}), '\n", + " f'train({end_train - start_train:.3g}), total({end_train - start_load:.3g}). '\n", + " )\n", + " start_load = time.time()\n", + "\n", + " print_message = f'Epoch {epoch + 1}/{epochs} complete. ' \\\n", + " f'Time taken: {start_load - start_epoch:.3g}. ' \\\n", + " f'Loss: {training_loss/(i+1): .3g}'\n", + "\n", + " if verbose:\n", + " print(f'{\"-\" * len(print_message)}')\n", + " print(print_message)\n", + " print(f'{\"-\" * len(print_message)}')\n", + "\n", + " if epoch % save_freq == 0:\n", + " encoded_model_name = encode_model_name(model_name, epoch+1)\n", + " save_path = f'models/{encoded_model_name}'\n", + " model.save_pretrained(save_path)\n", + " print(f'Model saved at epoch {epoch+1} at: {save_path}')\n", + "\n", + "encoded_model_name = encode_model_name(model_name, 'final')\n", + "save_path = f'models/{encoded_model_name}'\n", + "model.save_pretrained(save_path)\n", + "print(f'Model saved at epoch {epoch + 1} at: {save_path}')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "12afdc17", + "metadata": { + "id": "12afdc17" + }, + "outputs": [], + "source": [ + "# load trained model\n", + "path = ''\n", + "trained_model = AutoModelForTokenClassification.from_pretrained(path)" + ] + }, + { + "cell_type": "code", + "source": [ + "df_metrics, df_scores = inference(trained_model, test_loader)" + ], + "metadata": { + "id": "VQcpzbhuPPwu" + }, + "id": "VQcpzbhuPPwu", + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "bd86b6d3", + "metadata": { + "id": "bd86b6d3" + }, + "outputs": [], + "source": [ + "df_scores" + ] + }, + { + "cell_type": "code", + "source": [ + "" + ], + "metadata": { + "id": "KSc1Z5UFQJgU" + }, + "id": "KSc1Z5UFQJgU", + "execution_count": null, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "" + ], + "metadata": { + "id": "WoOfJ70gQeAk" + }, + "id": "WoOfJ70gQeAk", + "execution_count": null, + "outputs": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + }, + "colab": { + "name": "End-to-end_no_GPU.ipynb", + "provenance": [] + }, + "accelerator": "GPU" + }, + "nbformat": 4, + "nbformat_minor": 5 +} \ No newline at end of file diff --git a/experiments/yousef/End-to-end_no_GPU.ipynb b/experiments/yousef/End-to-end_no_GPU.ipynb new file mode 100644 index 0000000..b63cc88 --- /dev/null +++ b/experiments/yousef/End-to-end_no_GPU.ipynb @@ -0,0 +1,303 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "1c2ec16d", + "metadata": {}, + "source": [ + "# End-to-end\n", + "\n", + "This notebook should form the core skeleton of the 'run' function" + ] + }, + { + "cell_type": "markdown", + "id": "c1302e4f", + "metadata": {}, + "source": [ + "### Imports" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "id": "7d8ed729", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "The autoreload extension is already loaded. To reload it, use:\n", + " %reload_ext autoreload\n" + ] + } + ], + "source": [ + "# -- public imports\n", + "\n", + "from transformers import AutoTokenizer, AutoModelForTokenClassification\n", + "import pandas as pd\n", + "from torch.utils.data import DataLoader\n", + "import torch\n", + "from pandas.testing import assert_frame_equal\n", + "import time\n", + "\n", + "# -- private imports\n", + "from colabtools.utils import move_to_device\n", + "\n", + "# -- dev imports\n", + "%load_ext autoreload\n", + "%autoreload 2\n", + "\n", + "from argminer.data import ArgumentMiningDataset, TUDarmstadtProcessor\n", + "from argminer.evaluation import inference" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "id": "59272e27", + "metadata": {}, + "outputs": [], + "source": [ + "# constants (these will be abstracted away by inputs that you give to run)\n", + "model_name = 'google/bigbird-roberta-base'\n", + "max_length = 1024\n", + "epochs = 1\n", + "batch_size = 2\n", + "strategy = 'standard_bio'\n", + "strat_name = strategy.split('_')[1]\n", + "DEVICE = 'cpu'\n" + ] + }, + { + "cell_type": "markdown", + "id": "f5b81b26", + "metadata": {}, + "source": [ + "### Tokenizer, Model and Optimizer" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "id": "882197f3", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "normalizer.cc(51) LOG(INFO) precompiled_charsmap is empty. use identity normalization.\n", + "Some weights of the model checkpoint at google/bigbird-roberta-base were not used when initializing BigBirdForTokenClassification: ['cls.predictions.transform.LayerNorm.weight', 'cls.predictions.bias', 'cls.predictions.decoder.weight', 'cls.predictions.transform.dense.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.LayerNorm.bias', 'cls.seq_relationship.weight', 'cls.predictions.decoder.bias']\n", + "- This IS expected if you are initializing BigBirdForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing BigBirdForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "Some weights of BigBirdForTokenClassification were not initialized from the model checkpoint at google/bigbird-roberta-base and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n" + ] + } + ], + "source": [ + "tokenizer = AutoTokenizer.from_pretrained(model_name, add_prefix_space=True)\n", + "model = AutoModelForTokenClassification.from_pretrained(model_name, num_labels=15) \n", + "# TODO force_download\n", + "# TODO add option for optimizer\n", + "optimizer = torch.optim.Adam(params=model.parameters())" + ] + }, + { + "cell_type": "markdown", + "id": "cb3e225a", + "metadata": {}, + "source": [ + "### Dataset \n", + "Note this will change as the Processor develops. On the cluster you will need to use different options" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "id": "ccc67877", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "murdering criminals is therefore immoral and hard to accept\n", + "\n", + "\"murdering\" criminals is therefore immoral and hard to accept\n", + "\n", + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "Click is a very interesting comedy, with a serious approach about the importance of having a balanced life between family and work businesses\n", + "\n", + "\"Click\" is a very interesting comedy, with a serious approach about the importance of having a balanced life between family and work businesses\n", + "\n", + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "Blood diamond, an adaptation of a real story in South Africa, focuses on the link between diamonds and conflict\n", + "\n", + "\"Blood diamond\", an adaptation of a real story in South Africa, focuses on the link between diamonds and conflict\n", + "\n", + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "rush hours are usually not the direct consequence of drivers\n", + "\n", + "\"rush hours\" are usually not the direct consequence of drivers\n", + "\n" + ] + } + ], + "source": [ + "processor = TUDarmstadtProcessor('../../data/UCL/dataset2/ArgumentAnnotatedEssays-2.0/brat-project-final')\n", + "processor = processor.preprocess().process(strat_name).postprocess()\n", + "df_total = processor.dataframe\n", + "df_train = df_total[['text', 'labels']].head(201) \n", + "df_test = df_total[['text', 'labels']].tail(201)\n", + "\n", + "assert_frame_equal(df_total[['text', 'labels']], pd.concat([df_train, df_test]))\n", + "\n", + "# todo this changes NOTE FIXED BT STRATEGY!!\n", + "df_label_map = pd.DataFrame({\n", + " 'label_id':[0,1,2,3,4,5,6],\n", + " 'label':['O', 'B-MajorClaim', 'I-MajorClaim', 'B-Claim', 'I-Claim', 'B-Premise', 'I-Premise']\n", + "})\n", + "\n", + "assert set(df_train.labels.values[0]) == set(df_label_map.label)" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "id": "ccf36a48", + "metadata": {}, + "outputs": [], + "source": [ + "train_set = ArgumentMiningDataset(df_label_map, df_train, tokenizer, max_length, strategy)\n", + "test_set = ArgumentMiningDataset(df_label_map, df_test, tokenizer, max_length, strategy, is_train=False)\n", + "\n", + "train_loader = DataLoader(train_set, batch_size=batch_size)\n", + "test_loader = DataLoader(test_set, batch_size=batch_size)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d2aa673e", + "metadata": {}, + "outputs": [], + "source": [ + "model.to(DEVICE)\n", + "print(f'Model pushed to device: {DEVICE}')\n", + "for epoch in range(epochs):\n", + " model.train()\n", + " start_epoch_message = f'EPOCH {epoch + 1} STARTED'\n", + " print(start_epoch_message)\n", + " print(f'{\"-\" * len(start_epoch_message)}')\n", + " start_epoch = time.time()\n", + "\n", + " start_load = time.time()\n", + " training_loss = 0\n", + " for i, (inputs, targets) in enumerate(train_loader):\n", + " start_train = time.time()\n", + " inputs = move_to_device(inputs, DEVICE)\n", + " targets = move_to_device(targets, DEVICE)\n", + " if DEVICE != 'cpu':\n", + " print(f'GPU Utilisation at batch {i+1} after data loading: {get_gpu_utilization()}')\n", + "\n", + " optimizer.zero_grad()\n", + "\n", + " loss, outputs = model(\n", + " labels=targets,\n", + " input_ids=inputs['input_ids'],\n", + " attention_mask=inputs['attention_mask'],\n", + " return_dict=False\n", + " )\n", + " if DEVICE != 'cpu':\n", + " print(f'GPU Utilisation at batch {i+1} after training: {get_gpu_utilization()}')\n", + "\n", + "\n", + " training_loss += loss.item()\n", + "\n", + " # backward pass\n", + " optimizer.zero_grad()\n", + " loss.backward()\n", + " optimizer.step()\n", + "\n", + " del targets, inputs, loss, outputs\n", + " gc.collect()\n", + " torch.cuda.empty_cache()\n", + "\n", + " end_train = time.time()\n", + "\n", + " if verbose > 1:\n", + " print(\n", + " f'Batch {i + 1} complete. Time taken: load({start_train - start_load:.3g}), '\n", + " f'train({end_train - start_train:.3g}), total({end_train - start_load:.3g}). '\n", + " )\n", + " start_load = time.time()\n", + "\n", + " print_message = f'Epoch {epoch + 1}/{epochs} complete. ' \\\n", + " f'Time taken: {start_load - start_epoch:.3g}. ' \\\n", + " f'Loss: {training_loss/(i+1): .3g}'\n", + "\n", + " if verbose:\n", + " print(f'{\"-\" * len(print_message)}')\n", + " print(print_message)\n", + " print(f'{\"-\" * len(print_message)}')\n", + "\n", + " if epoch % save_freq == 0:\n", + " encoded_model_name = encode_model_name(model_name, epoch+1)\n", + " save_path = f'models/{encoded_model_name}.pt'\n", + " torch.save(model.state_dict(), save_path)\n", + " print(f'Model saved at epoch {epoch+1} at: {save_path}')\n", + "\n", + "encoded_model_name = encode_model_name(model_name, 'final')\n", + "save_path = f'models/{encoded_model_name}.pt'\n", + "torch.save(model.state_dict(), save_path)\n", + "print(f'Model saved at epoch {epoch + 1} at: {save_path}')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "12afdc17", + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "bd86b6d3", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/Final_Inference.ipynb b/experiments/yousef/Final_Inference.ipynb new file mode 100644 index 0000000..f2f889d --- /dev/null +++ b/experiments/yousef/Final_Inference.ipynb @@ -0,0 +1,1395 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 36, + "id": "c88b4628", + "metadata": {}, + "outputs": [], + "source": [ + "from transformers import AutoTokenizer, AutoModelForTokenClassification\n", + "import warnings\n", + "from argminer.data import ArgumentMiningDataset, PersuadeProcessor, TUDarmstadtProcessor\n", + "from argminer.utils import decode_model_name\n", + "from argminer.evaluation import inference\n", + "from argminer.config import LABELS_MAP_DICT\n", + "import time\n", + "from torch.utils.data import DataLoader\n", + "from mlutils.torchtools.metrics import FScore" + ] + }, + { + "cell_type": "markdown", + "id": "a3ce3f0c", + "metadata": {}, + "source": [ + "## PATHS" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "id": "c74cf0fa", + "metadata": {}, + "outputs": [], + "source": [ + "# need to have a relative load of the models\n", + "import os\n", + "os.chdir('/Users/yousefnami/Desktop')\n", + "\n", + "# path to models\n", + "JOB_DIR = 'tmpdir/job'" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "id": "fec9a578", + "metadata": {}, + "outputs": [], + "source": [ + "# TODO double check config MAP!\n", + "CONFIG_MAP = {\n", + " '822594.undefined': dict(\n", + " processor=PersuadeProcessor,\n", + " strat='bieo'\n", + " ),\n", + " '822595.undefined': dict(\n", + " processor=PersuadeProcessor,\n", + " strat='bio'\n", + " ),\n", + " '822596.undefined': dict(\n", + " processor=PersuadeProcessor,\n", + " strat='io'\n", + " ),\n", + " '820966.undefined': dict(\n", + " processor=PersuadeProcessor,\n", + " strat='bieo'\n", + " ),\n", + " '820965.undefined': dict(\n", + " processor=PersuadeProcessor,\n", + " strat='bio' \n", + " ),\n", + " '820962.undefined': dict(\n", + " processor=PersuadeProcessor,\n", + " strat='io'\n", + " ),\n", + " '820985.undefined': dict(\n", + " processor=TUDarmstadtProcessor,\n", + " strat='bieo'\n", + " ),\n", + " '820986.undefined': dict(\n", + " processor=TUDarmstadtProcessor,\n", + " strat='bio'\n", + " ),\n", + " '820987.undefined': dict(\n", + " processor=TUDarmstadtProcessor,\n", + " strat='io'\n", + " )\n", + "}\n", + "\n", + "MAX_LENGTH_DICT = {\n", + " 'google/bigbird-roberta-base': 1024,\n", + " 'roberta-base': 512\n", + "}" + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "id": "f9512f59", + "metadata": {}, + "outputs": [], + "source": [ + "RESULTS = {}" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "id": "448f6abf", + "metadata": {}, + "outputs": [], + "source": [ + "#metrics = [FScore(average='macro')]" + ] + }, + { + "cell_type": "code", + "execution_count": 41, + "id": "5b8fec1c", + "metadata": {}, + "outputs": [], + "source": [ + "def _get_loader(df_label_map, df_test, batch_size):\n", + " testset = ArgumentMiningDataset(\n", + " df_label_map, df_test, tokenizer, max_length, f'standard_{strategy}', is_train=False\n", + " )\n", + " testloader = DataLoader(testset, batch_size=batch_size)\n", + " return testloader\n", + "\n", + "def _get_data(path, Processor, strategy, batch_size=32, limit=None):\n", + " processor = Processor(path).from_json()\n", + " if 'test' in path:\n", + " df_test = processor.dataframe[['text', 'labels']]\n", + " # TODO here might need to do a label_map\n", + " else:\n", + " df_dict = processor.get_tts(test_size=0.3)\n", + " df_test = df_dict['test'][['text', 'labels']]\n", + " if limit is not None:\n", + " warnings.warn('LOADING LIMITED DATA')\n", + " df_test = df_test.head(limit)\n", + " \n", + " df_label_map = LABELS_MAP_DICT[processor.__class__.__name__.split('Processor')[0]][strategy]\n", + " return df_test, df_label_map\n", + "\n", + "def _get_core_data(path, Processor, strategy, batch_size=32, limit=None):\n", + " #processor = Processor(path).from_json()\n", + " #if 'test' in path:\n", + " # print( processor.dataframe.head())\n", + " # df_test = processor.dataframe[['text', 'labels']]\n", + " #else:\n", + " # df_dict = processor.get_tts(test_size=0.3)\n", + " # df_test = df_dict['test'][['text', 'labels']]\n", + " #if limit is not None:\n", + " # warnings.warn('LOADING LIMITED DATA')\n", + " # df_test = df_test.head(limit)\n", + " \n", + " #df_label_map = LABELS_MAP_DICT[processor.__class__.__name__.split('Processor')[0]][strategy]\n", + " \n", + " #testset = ArgumentMiningDataset(\n", + " # df_label_map, df_test, tokenizer, max_length, f'standard_{strategy}', is_train=False\n", + " #)\n", + " #testloader = DataLoader(testset, batch_size=batch_size)\n", + " df_test, df_label_map = _get_data(path, Processor, strategy, batch_size, limit)\n", + " testloader = _get_loader(df_label_map, df_test, batch_size)\n", + " \n", + " return testloader\n", + "\n", + "\n", + "def _get_other_data(path, Processor, strategy, batch_size=32, limit=None):\n", + " if Processor == PersuadeProcessor:\n", + " # we are using a Persuade Model but would like to test on TUDarmstadt\n", + " df_test, _ = _get_data(path, TUDarmstadtProcessor, strategy, batch_size, limit)\n", + " # HARD RESET DF-LABEL-MAP\n", + " df_label_map = LABELS_MAP_DICT['Persuade'][strategy]\n", + " \n", + " label_map_dict = {\n", + " 'Claim': 'Claim',\n", + " 'MajorClaim': 'Position',\n", + " 'Premise': 'O',\n", + " 'O': 'O'\n", + " }\n", + " \n", + " else:\n", + " df_test, _ = _get_data(path, PersuadeProcessor, strategy, batch_size, limit)\n", + " df_label_map = LABELS_MAP_DICT['TUDarmstadt'][strategy]\n", + "\n", + "\n", + " label_map_dict = {\n", + " 'Lead': 'O',\n", + " 'Rebuttal': 'O',\n", + " 'Concluding Statement': 'O',\n", + " 'Position': 'MajorClaim',\n", + " 'Evidence': 'O',\n", + " 'Claim': 'Claim',\n", + " 'Counterclaim': 'O',\n", + " 'O': 'O'\n", + " }\n", + " df_test.labels = df_test.labels.apply(\n", + " lambda x: [\n", + " 'O' if label_map_dict[text.split('-')[-1]] =='O' else text.replace(\n", + " text.split('-')[-1],\n", + " label_map_dict[text.split('-')[-1]]\n", + " ) for text in x]\n", + " )\n", + "\n", + "\n", + " testloader = _get_loader(df_label_map, df_test, batch_size)\n", + " return testloader\n", + "\n", + "def _get_scores_agg(df):\n", + " df = df.groupby('class').sum()\n", + " df['f1'] = df.tp / (df.tp + 1/2*(df.fp + df.fn))\n", + " macro_f1 = df['f1'].mean()\n", + " return macro_f1, df" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "id": "14354111", + "metadata": {}, + "outputs": [], + "source": [ + "BATCH_SIZE = 128\n", + "LIMIT = None" + ] + }, + { + "cell_type": "code", + "execution_count": 43, + "id": "b331ab21", + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "RUNNING FOR MODEL 0: roberta-base at PATH: tmpdir/job/822594.undefined/models/cm9iZXJ0YS1iYXNlX2ZpbmFs\n", + "PARAMETERS: bieo. \n", + "=================================================================================\n", + "Loaded and data loaded. Time: 8.91\n", + "Prediction time: 468\n", + "tensor([0, 1, 1, 1, 2, 2, 2, 3, 3, 3, 4, 4, 4, 5, 5, 5, 6, 6, 6, 7, 7, 7])\n", + "Agg to word time: 2.21\n", + "Get predstring time: 0.226\n", + "Evaluate time: 1.77\n", + "Batch 1 complete.\n", + "Prediction time: 555\n", + "tensor([0, 1, 1, 1, 2, 2, 2, 3, 3, 3, 4, 4, 4, 5, 5, 5, 6, 6, 6, 7, 7, 7])\n", + "Agg to word time: 1.51\n", + "Get predstring time: 0.163\n", + "Evaluate time: 0.411\n", + "Batch 2 complete.\n", + "Prediction time: 420\n", + "tensor([0, 1, 1, 1, 2, 2, 2, 3, 3, 3, 4, 4, 4, 5, 5, 5, 6, 6, 6, 7, 7, 7])\n", + "Agg to word time: 1.66\n", + "Get predstring time: 0.153\n", + "Evaluate time: 0.475\n", + "Batch 3 complete.\n", + "Prediction time: 433\n", + "tensor([0, 1, 1, 1, 2, 2, 2, 3, 3, 3, 4, 4, 4, 5, 5, 5, 6, 6, 6, 7, 7, 7])\n", + "Agg to word time: 1.31\n", + "Get predstring time: 0.12\n", + "Evaluate time: 0.406\n", + "Batch 4 complete.\n", + "Prediction time: 315\n", + "tensor([0, 1, 1, 1, 2, 2, 2, 3, 3, 3, 4, 4, 4, 5, 5, 5, 6, 6, 6, 7, 7, 7])\n", + "Agg to word time: 6.5\n", + "Get predstring time: 0.069\n", + "Evaluate time: 0.349\n", + "Batch 5 complete.\n", + "Prediction time: 406\n", + "tensor([0, 1, 1, 1, 2, 2, 2, 3, 3, 3, 4, 4, 4, 5, 5, 5, 6, 6, 6, 7, 7, 7])\n", + "Agg to word time: 1.52\n", + "Get predstring time: 0.211\n", + "Evaluate time: 0.519\n", + "Batch 6 complete.\n", + "Prediction time: 606\n", + "tensor([0, 1, 1, 1, 2, 2, 2, 3, 3, 3, 4, 4, 4, 5, 5, 5, 6, 6, 6, 7, 7, 7])\n", + "Agg to word time: 2.9\n", + "Get predstring time: 0.431\n", + "Evaluate time: 0.848\n", + "Batch 7 complete.\n", + "Prediction time: 574\n", + "tensor([0, 1, 1, 1, 2, 2, 2, 3, 3, 3, 4, 4, 4, 5, 5, 5, 6, 6, 6, 7, 7, 7])\n", + "Agg to word time: 1.69\n", + "Get predstring time: 0.231\n", + "Evaluate time: 0.527\n", + "Batch 8 complete.\n", + "Prediction time: 585\n", + "tensor([0, 1, 1, 1, 2, 2, 2, 3, 3, 3, 4, 4, 4, 5, 5, 5, 6, 6, 6, 7, 7, 7])\n", + "Agg to word time: 2.05\n", + "Get predstring time: 0.192\n", + "Evaluate time: 0.66\n", + "Batch 9 complete.\n", + "Prediction time: 538\n", + "tensor([0, 1, 1, 1, 2, 2, 2, 3, 3, 3, 4, 4, 4, 5, 5, 5, 6, 6, 6, 7, 7, 7])\n", + "Agg to word time: 2.85\n", + "Get predstring time: 0.157\n", + "Evaluate time: 0.739\n", + "Batch 10 complete.\n" + ] + }, + { + "ename": "KeyboardInterrupt", + "evalue": "", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [43]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 50\u001b[0m SELF \u001b[38;5;241m=\u001b[39m \u001b[38;5;124m'\u001b[39m\u001b[38;5;124mself\u001b[39m\u001b[38;5;124m'\u001b[39m\n\u001b[1;32m 51\u001b[0m s \u001b[38;5;241m=\u001b[39m time\u001b[38;5;241m.\u001b[39mtime()\n\u001b[0;32m---> 52\u001b[0m df_metrics, df_scores \u001b[38;5;241m=\u001b[39m \u001b[43minference\u001b[49m\u001b[43m(\u001b[49m\u001b[43mtrained_model\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mtestloader\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 53\u001b[0m macro_f1, df_scores_agg \u001b[38;5;241m=\u001b[39m _get_scores_agg(df_scores)\n\u001b[1;32m 54\u001b[0m RESULTS[job][SELF][\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mcore\u001b[39m\u001b[38;5;124m'\u001b[39m] \u001b[38;5;241m=\u001b[39m {\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mmacro_f1\u001b[39m\u001b[38;5;124m'\u001b[39m: macro_f1, \u001b[38;5;124m'\u001b[39m\u001b[38;5;124mscores\u001b[39m\u001b[38;5;124m'\u001b[39m: df_scores_agg}\n", + "File \u001b[0;32m~/Desktop/Main/0.Education/2.UCL/Courses/NLP/argument-mining/argminer/evaluation.py:253\u001b[0m, in \u001b[0;36minference\u001b[0;34m(model, testloader, metrics)\u001b[0m\n\u001b[1;32m 250\u001b[0m targets \u001b[38;5;241m=\u001b[39m move_to_device(targets, DEVICE)\n\u001b[1;32m 252\u001b[0m s \u001b[38;5;241m=\u001b[39m time\u001b[38;5;241m.\u001b[39mtime() \u001b[38;5;66;03m# TODO add verbose statement\u001b[39;00m\n\u001b[0;32m--> 253\u001b[0m loss, outputs \u001b[38;5;241m=\u001b[39m \u001b[43mmodel\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 254\u001b[0m \u001b[43m \u001b[49m\u001b[43mlabels\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mtargets\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 255\u001b[0m \u001b[43m \u001b[49m\u001b[43minput_ids\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minputs\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43minput_ids\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m]\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 256\u001b[0m \u001b[43m \u001b[49m\u001b[43mattention_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minputs\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43mattention_mask\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m]\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 257\u001b[0m \u001b[43m \u001b[49m\u001b[43mreturn_dict\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mFalse\u001b[39;49;00m\n\u001b[1;32m 258\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 259\u001b[0m \u001b[38;5;28mprint\u001b[39m(\u001b[38;5;124mf\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mPrediction time: \u001b[39m\u001b[38;5;132;01m{\u001b[39;00mtime\u001b[38;5;241m.\u001b[39mtime() \u001b[38;5;241m-\u001b[39m s\u001b[38;5;132;01m:\u001b[39;00m\u001b[38;5;124m.3g\u001b[39m\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m'\u001b[39m)\n\u001b[1;32m 261\u001b[0m word_ids \u001b[38;5;241m=\u001b[39m inputs[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mword_ids\u001b[39m\u001b[38;5;124m'\u001b[39m]\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/module.py:1102\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1098\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1099\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1100\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1103\u001b[0m \u001b[38;5;66;03m# Do not call functions when jit is used\u001b[39;00m\n\u001b[1;32m 1104\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[38;5;241m=\u001b[39m [], []\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/transformers/models/roberta/modeling_roberta.py:1397\u001b[0m, in \u001b[0;36mRobertaForTokenClassification.forward\u001b[0;34m(self, input_ids, attention_mask, token_type_ids, position_ids, head_mask, inputs_embeds, labels, output_attentions, output_hidden_states, return_dict)\u001b[0m\n\u001b[1;32m 1391\u001b[0m \u001b[38;5;124mr\u001b[39m\u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[1;32m 1392\u001b[0m \u001b[38;5;124;03mlabels (`torch.LongTensor` of shape `(batch_size, sequence_length)`, *optional*):\u001b[39;00m\n\u001b[1;32m 1393\u001b[0m \u001b[38;5;124;03m Labels for computing the token classification loss. Indices should be in `[0, ..., config.num_labels - 1]`.\u001b[39;00m\n\u001b[1;32m 1394\u001b[0m \u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[1;32m 1395\u001b[0m return_dict \u001b[38;5;241m=\u001b[39m return_dict \u001b[38;5;28;01mif\u001b[39;00m return_dict \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m \u001b[38;5;28;01melse\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mconfig\u001b[38;5;241m.\u001b[39muse_return_dict\n\u001b[0;32m-> 1397\u001b[0m outputs \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mroberta\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 1398\u001b[0m \u001b[43m \u001b[49m\u001b[43minput_ids\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1399\u001b[0m \u001b[43m \u001b[49m\u001b[43mattention_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mattention_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1400\u001b[0m \u001b[43m \u001b[49m\u001b[43mtoken_type_ids\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mtoken_type_ids\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1401\u001b[0m \u001b[43m \u001b[49m\u001b[43mposition_ids\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mposition_ids\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1402\u001b[0m \u001b[43m \u001b[49m\u001b[43mhead_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mhead_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1403\u001b[0m \u001b[43m \u001b[49m\u001b[43minputs_embeds\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minputs_embeds\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1404\u001b[0m \u001b[43m \u001b[49m\u001b[43moutput_attentions\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43moutput_attentions\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1405\u001b[0m \u001b[43m \u001b[49m\u001b[43moutput_hidden_states\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43moutput_hidden_states\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1406\u001b[0m \u001b[43m \u001b[49m\u001b[43mreturn_dict\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mreturn_dict\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 1407\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1409\u001b[0m sequence_output \u001b[38;5;241m=\u001b[39m outputs[\u001b[38;5;241m0\u001b[39m]\n\u001b[1;32m 1411\u001b[0m sequence_output \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mdropout(sequence_output)\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/module.py:1102\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1098\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1099\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1100\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1103\u001b[0m \u001b[38;5;66;03m# Do not call functions when jit is used\u001b[39;00m\n\u001b[1;32m 1104\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[38;5;241m=\u001b[39m [], []\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/transformers/models/roberta/modeling_roberta.py:850\u001b[0m, in \u001b[0;36mRobertaModel.forward\u001b[0;34m(self, input_ids, attention_mask, token_type_ids, position_ids, head_mask, inputs_embeds, encoder_hidden_states, encoder_attention_mask, past_key_values, use_cache, output_attentions, output_hidden_states, return_dict)\u001b[0m\n\u001b[1;32m 841\u001b[0m head_mask \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mget_head_mask(head_mask, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mconfig\u001b[38;5;241m.\u001b[39mnum_hidden_layers)\n\u001b[1;32m 843\u001b[0m embedding_output \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39membeddings(\n\u001b[1;32m 844\u001b[0m input_ids\u001b[38;5;241m=\u001b[39minput_ids,\n\u001b[1;32m 845\u001b[0m position_ids\u001b[38;5;241m=\u001b[39mposition_ids,\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 848\u001b[0m past_key_values_length\u001b[38;5;241m=\u001b[39mpast_key_values_length,\n\u001b[1;32m 849\u001b[0m )\n\u001b[0;32m--> 850\u001b[0m encoder_outputs \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mencoder\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 851\u001b[0m \u001b[43m \u001b[49m\u001b[43membedding_output\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 852\u001b[0m \u001b[43m \u001b[49m\u001b[43mattention_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mextended_attention_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 853\u001b[0m \u001b[43m \u001b[49m\u001b[43mhead_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mhead_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 854\u001b[0m \u001b[43m \u001b[49m\u001b[43mencoder_hidden_states\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mencoder_hidden_states\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 855\u001b[0m \u001b[43m \u001b[49m\u001b[43mencoder_attention_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mencoder_extended_attention_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 856\u001b[0m \u001b[43m \u001b[49m\u001b[43mpast_key_values\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mpast_key_values\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 857\u001b[0m \u001b[43m \u001b[49m\u001b[43muse_cache\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43muse_cache\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 858\u001b[0m \u001b[43m \u001b[49m\u001b[43moutput_attentions\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43moutput_attentions\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 859\u001b[0m \u001b[43m \u001b[49m\u001b[43moutput_hidden_states\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43moutput_hidden_states\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 860\u001b[0m \u001b[43m \u001b[49m\u001b[43mreturn_dict\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mreturn_dict\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 861\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 862\u001b[0m sequence_output \u001b[38;5;241m=\u001b[39m encoder_outputs[\u001b[38;5;241m0\u001b[39m]\n\u001b[1;32m 863\u001b[0m pooled_output \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mpooler(sequence_output) \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mpooler \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m \u001b[38;5;28;01melse\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/module.py:1102\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1098\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1099\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1100\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1103\u001b[0m \u001b[38;5;66;03m# Do not call functions when jit is used\u001b[39;00m\n\u001b[1;32m 1104\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[38;5;241m=\u001b[39m [], []\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/transformers/models/roberta/modeling_roberta.py:526\u001b[0m, in \u001b[0;36mRobertaEncoder.forward\u001b[0;34m(self, hidden_states, attention_mask, head_mask, encoder_hidden_states, encoder_attention_mask, past_key_values, use_cache, output_attentions, output_hidden_states, return_dict)\u001b[0m\n\u001b[1;32m 517\u001b[0m layer_outputs \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39mutils\u001b[38;5;241m.\u001b[39mcheckpoint\u001b[38;5;241m.\u001b[39mcheckpoint(\n\u001b[1;32m 518\u001b[0m create_custom_forward(layer_module),\n\u001b[1;32m 519\u001b[0m hidden_states,\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 523\u001b[0m encoder_attention_mask,\n\u001b[1;32m 524\u001b[0m )\n\u001b[1;32m 525\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m--> 526\u001b[0m layer_outputs \u001b[38;5;241m=\u001b[39m \u001b[43mlayer_module\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 527\u001b[0m \u001b[43m \u001b[49m\u001b[43mhidden_states\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 528\u001b[0m \u001b[43m \u001b[49m\u001b[43mattention_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 529\u001b[0m \u001b[43m \u001b[49m\u001b[43mlayer_head_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 530\u001b[0m \u001b[43m \u001b[49m\u001b[43mencoder_hidden_states\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 531\u001b[0m \u001b[43m \u001b[49m\u001b[43mencoder_attention_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 532\u001b[0m \u001b[43m \u001b[49m\u001b[43mpast_key_value\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 533\u001b[0m \u001b[43m \u001b[49m\u001b[43moutput_attentions\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 534\u001b[0m \u001b[43m \u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 536\u001b[0m hidden_states \u001b[38;5;241m=\u001b[39m layer_outputs[\u001b[38;5;241m0\u001b[39m]\n\u001b[1;32m 537\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m use_cache:\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/module.py:1102\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1098\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1099\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1100\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1103\u001b[0m \u001b[38;5;66;03m# Do not call functions when jit is used\u001b[39;00m\n\u001b[1;32m 1104\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[38;5;241m=\u001b[39m [], []\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/transformers/models/roberta/modeling_roberta.py:453\u001b[0m, in \u001b[0;36mRobertaLayer.forward\u001b[0;34m(self, hidden_states, attention_mask, head_mask, encoder_hidden_states, encoder_attention_mask, past_key_value, output_attentions)\u001b[0m\n\u001b[1;32m 450\u001b[0m cross_attn_present_key_value \u001b[38;5;241m=\u001b[39m cross_attention_outputs[\u001b[38;5;241m-\u001b[39m\u001b[38;5;241m1\u001b[39m]\n\u001b[1;32m 451\u001b[0m present_key_value \u001b[38;5;241m=\u001b[39m present_key_value \u001b[38;5;241m+\u001b[39m cross_attn_present_key_value\n\u001b[0;32m--> 453\u001b[0m layer_output \u001b[38;5;241m=\u001b[39m \u001b[43mapply_chunking_to_forward\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 454\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfeed_forward_chunk\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mchunk_size_feed_forward\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mseq_len_dim\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mattention_output\u001b[49m\n\u001b[1;32m 455\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 456\u001b[0m outputs \u001b[38;5;241m=\u001b[39m (layer_output,) \u001b[38;5;241m+\u001b[39m outputs\n\u001b[1;32m 458\u001b[0m \u001b[38;5;66;03m# if decoder, return the attn key/values as the last output\u001b[39;00m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/transformers/modeling_utils.py:2438\u001b[0m, in \u001b[0;36mapply_chunking_to_forward\u001b[0;34m(forward_fn, chunk_size, chunk_dim, *input_tensors)\u001b[0m\n\u001b[1;32m 2435\u001b[0m \u001b[38;5;66;03m# concatenate output at same dimension\u001b[39;00m\n\u001b[1;32m 2436\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m torch\u001b[38;5;241m.\u001b[39mcat(output_chunks, dim\u001b[38;5;241m=\u001b[39mchunk_dim)\n\u001b[0;32m-> 2438\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_fn\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43minput_tensors\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/transformers/models/roberta/modeling_roberta.py:465\u001b[0m, in \u001b[0;36mRobertaLayer.feed_forward_chunk\u001b[0;34m(self, attention_output)\u001b[0m\n\u001b[1;32m 464\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mfeed_forward_chunk\u001b[39m(\u001b[38;5;28mself\u001b[39m, attention_output):\n\u001b[0;32m--> 465\u001b[0m intermediate_output \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mintermediate\u001b[49m\u001b[43m(\u001b[49m\u001b[43mattention_output\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 466\u001b[0m layer_output \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39moutput(intermediate_output, attention_output)\n\u001b[1;32m 467\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m layer_output\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/module.py:1102\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1098\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1099\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1100\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1103\u001b[0m \u001b[38;5;66;03m# Do not call functions when jit is used\u001b[39;00m\n\u001b[1;32m 1104\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[38;5;241m=\u001b[39m [], []\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/transformers/models/roberta/modeling_roberta.py:364\u001b[0m, in \u001b[0;36mRobertaIntermediate.forward\u001b[0;34m(self, hidden_states)\u001b[0m\n\u001b[1;32m 363\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mforward\u001b[39m(\u001b[38;5;28mself\u001b[39m, hidden_states):\n\u001b[0;32m--> 364\u001b[0m hidden_states \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mdense\u001b[49m\u001b[43m(\u001b[49m\u001b[43mhidden_states\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 365\u001b[0m hidden_states \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mintermediate_act_fn(hidden_states)\n\u001b[1;32m 366\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m hidden_states\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/module.py:1102\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1098\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1099\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1100\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1103\u001b[0m \u001b[38;5;66;03m# Do not call functions when jit is used\u001b[39;00m\n\u001b[1;32m 1104\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[38;5;241m=\u001b[39m [], []\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/linear.py:103\u001b[0m, in \u001b[0;36mLinear.forward\u001b[0;34m(self, input)\u001b[0m\n\u001b[1;32m 102\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mforward\u001b[39m(\u001b[38;5;28mself\u001b[39m, \u001b[38;5;28minput\u001b[39m: Tensor) \u001b[38;5;241m-\u001b[39m\u001b[38;5;241m>\u001b[39m Tensor:\n\u001b[0;32m--> 103\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mF\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mlinear\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mweight\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mbias\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/functional.py:1848\u001b[0m, in \u001b[0;36mlinear\u001b[0;34m(input, weight, bias)\u001b[0m\n\u001b[1;32m 1846\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m has_torch_function_variadic(\u001b[38;5;28minput\u001b[39m, weight, bias):\n\u001b[1;32m 1847\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m handle_torch_function(linear, (\u001b[38;5;28minput\u001b[39m, weight, bias), \u001b[38;5;28minput\u001b[39m, weight, bias\u001b[38;5;241m=\u001b[39mbias)\n\u001b[0;32m-> 1848\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mtorch\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_C\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_nn\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mlinear\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mweight\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mbias\u001b[49m\u001b[43m)\u001b[49m\n", + "\u001b[0;31mKeyboardInterrupt\u001b[0m: " + ] + } + ], + "source": [ + "for MODEL_ID, job in enumerate(os.listdir(JOB_DIR)):\n", + " if job != '.DS_Store':\n", + " job_path = os.path.join(JOB_DIR, job)\n", + " model_dir = os.path.join(job_path, 'models')\n", + " model_name = [item for item in os.listdir(model_dir) if item != '.DS_Store'][0]\n", + " model_name_decoded = decode_model_name(model_name).split('_')[0] # get base model name\n", + " \n", + " max_length = MAX_LENGTH_DICT[model_name_decoded]\n", + " # define tokenizer\n", + " tokenizer = AutoTokenizer.from_pretrained(model_name_decoded, add_prefix_space=True)\n", + " model_path = os.path.join(model_dir, model_name)\n", + " \n", + " strategy = CONFIG_MAP[job].get('strat')\n", + " Processor = CONFIG_MAP[job].get('processor')\n", + " print(\n", + " f'RUNNING FOR MODEL {MODEL_ID}: {model_name_decoded} at PATH: {model_path}\\n'\n", + " f'PARAMETERS: {strategy}. {Processor}'\n", + " )\n", + " print('=================================================================================')\n", + " \n", + " \n", + "\n", + "\n", + " s = time.time()\n", + " trained_model = AutoModelForTokenClassification.from_pretrained(model_path)\n", + " \n", + " RESULTS[job] = {}\n", + " \n", + " # test the model against itself\n", + " RESULTS[job]['self'] = {}\n", + " \n", + " # specify the path to the json\n", + " path = f'Main/0.Education/2.UCL/Courses/NLP/argument-mining/data/core/{strategy}'\n", + "\n", + " #df_test, df_label_map = _get_core_data(path, Processor, strategy)\n", + " #processor = Processor(path).from_json()\n", + " #df_dict = processor.get_tts(test_size=0.3)\n", + " #df_test = df_dict['test'][['text', 'labels']]\n", + " #df_label_map = LABELS_MAP_DICT[processor.__class__.__name__.split('Processor')[0]][strategy]\n", + " \n", + " #testset = ArgumentMiningDataset(\n", + " # df_label_map, df_test, tokenizer, max_length, f'standard_{strategy}', is_train=False\n", + " #)\n", + " #testloader = DataLoader(testset, batch_size=32)\n", + " testloader = _get_core_data(path, Processor, strategy, batch_size=BATCH_SIZE, limit=LIMIT)\n", + " print(f'Loaded and data loaded. Time: {time.time() - s: .3g}')\n", + "\n", + "\n", + " # TODO add metrics support\n", + " SELF = 'self'\n", + " s = time.time()\n", + " df_metrics, df_scores = inference(trained_model, testloader, )\n", + " macro_f1, df_scores_agg = _get_scores_agg(df_scores)\n", + " RESULTS[job][SELF]['core'] = {'macro_f1': macro_f1, 'scores': df_scores_agg}\n", + " \n", + " print(f'Took {time.time() -s:.3g} to get scores')\n", + " # aggregate the scores \n", + " # TODO save these scores!!!!!\n", + " \n", + " \n", + " \n", + " # test models against self adversarial examples\n", + "\n", + "\n", + " augmented_path = f'test/{strategy}'\n", + " for augmentation in os.listdir(augmented_path):\n", + " if augmentation != '.DS_Store':\n", + " augmentation_path = os.path.join(augmented_path, augmentation)\n", + " testloader = _get_core_data(augmentation_path, Processor, strategy,\n", + " batch_size=BATCH_SIZE, limit=LIMIT)\n", + " #processor = Processor(augmentation).from_json()\n", + " #df_test = processor.dataframe[['text', 'labels']]\n", + " #testset = ArgumentMiningDataset(\n", + " # df_label_map, df_test, tokenizer, max_length, f'standard_{strategy}', is_train=False\n", + " #)\n", + " #testloader = DataLoader(testset, batch_size=32)\n", + " df_metrics, df_scores = inference(trained_model, testloader, )\n", + " macro_f1, df_scores_agg = _get_scores_agg(df_scores)\n", + " RESULTS[job][SELF][augmentation] = {'macro_f1': macro_f1, 'scores': df_scores_agg}\n", + " # aggregate the scores\n", + " \n", + " \n", + " OTHER = 'other'\n", + " RESULTS[job][OTHER] = {}\n", + " \n", + " # get other processor\n", + " testloader = _get_other_data(path, Processor, strategy, batch_size=BATCH_SIZE, limit=LIMIT)\n", + " df_metrics, df_scores = inference(trained_model, testloader)\n", + " macro_f1, df_scores_agg = _get_scores_agg(df_scores)\n", + " RESULTS[job][OTHER]['core'] = {'macro_f1': macro_f1, 'scores': df_scores_agg}\n", + " \n", + " \n", + " for augmentation in os.listdir(augmented_path):\n", + " if augmentation != '.DS_Store':\n", + " augmentation_path = os.path.join(augmented_path, augmentation)\n", + " testloader = _get_other_data(augmentation_path, Processor, strategy,\n", + " batch_size=BATCH_SIZE, limit=LIMIT)\n", + " df_metrics, df_scores = inference(trained_model, testloader)\n", + " macro_f1, df_scores_agg = _get_scores_agg(df_scores)\n", + " RESULTS[job][OTHER][augmentation] = {'macro_f1': macro_f1, 'scores': df_scores_agg}\n", + " \n", + " #RESULTS[model_name_decoded]['self']['core'] # the score\n", + " \n", + " \n", + " # test model against other datasets, need to convert datasets\n", + " #RESULTS[model_name_decoded]['transfer'] = {}\n", + "\n", + "\n", + " \n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "id": "2142cf8a", + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "data": { + "text/plain": [ + "{'822594.undefined': {'self': {'core': {'macro_f1': 0.46401515151515155,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 2.0 4.0 0.000000\n", + " 1 1.0 1.0 1.0 0.500000\n", + " 2 1.0 1.0 1.0 0.500000\n", + " 3 3.0 4.0 6.0 0.375000\n", + " 6 5.0 0.0 1.0 0.909091\n", + " 7 1.0 1.0 1.0 0.500000},\n", + " 'custom_fillers': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 2 0.0\n", + " 2 0.0 1 2 0.0\n", + " 3 0.0 0 2 0.0\n", + " 5 0.0 1 1 0.0\n", + " 6 0.0 1 2 0.0\n", + " 7 0.0 0 1 0.0},\n", + " 'synonym': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 1 0.0\n", + " 2 0.0 1 2 0.0\n", + " 3 0.0 0 4 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 4 0.0},\n", + " 'keywordChange': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 2 0.0\n", + " 2 0.0 1 4 0.0\n", + " 3 0.0 0 5 0.0\n", + " 5 0.0 1 1 0.0\n", + " 6 0.0 1 3 0.0},\n", + " 'spellingError': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 2 0.0\n", + " 2 0.0 1 3 0.0\n", + " 3 0.0 0 2 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 6 0.0},\n", + " 'antonym': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 3 0.0\n", + " 2 0.0 1 3 0.0\n", + " 3 0.0 0 3 0.0\n", + " 4 0.0 0 1 0.0\n", + " 5 0.0 1 2 0.0\n", + " 6 0.0 1 9 0.0}},\n", + " 'other': {'core': {'macro_f1': 0.09294871794871795,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 8.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 1.0 3 3.0 0.250000\n", + " 3 2.0 5 4.0 0.307692\n", + " 6 0.0 0 4.0 0.000000\n", + " 7 0.0 0 3.0 0.000000},\n", + " 'custom_fillers': {'macro_f1': 0.08465608465608465,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 7.0 0.000000\n", + " 1 0.0 0 3.0 0.000000\n", + " 2 1.0 3 2.0 0.285714\n", + " 3 2.0 5 9.0 0.222222\n", + " 6 0.0 0 6.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'synonym': {'macro_f1': 0.16666666666666666,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 6.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 2.0 2 0.0 0.666667\n", + " 3 2.0 5 3.0 0.333333\n", + " 6 0.0 0 5.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'keywordChange': {'macro_f1': 0.09294871794871795,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 9.0 0.000000\n", + " 1 0.0 0 4.0 0.000000\n", + " 2 1.0 3 3.0 0.250000\n", + " 3 2.0 5 4.0 0.307692\n", + " 6 0.0 0 4.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'spellingError': {'macro_f1': 0.1414141414141414,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 6.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 2.0 2 0.0 0.666667\n", + " 3 1.0 6 3.0 0.181818\n", + " 6 0.0 0 3.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'antonym': {'macro_f1': 0.15584415584415584,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 9.0 0.000000\n", + " 1 0.0 0 3.0 0.000000\n", + " 2 2.0 2 1.0 0.571429\n", + " 3 2.0 5 2.0 0.363636\n", + " 6 0.0 0 6.0 0.000000\n", + " 7 0.0 0 2.0 0.000000}}},\n", + " '820966.undefined': {'self': {'core': {'macro_f1': 0.32765151515151514,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 1.0 3.0 0.333333\n", + " 1 1.0 1.0 1.0 0.500000\n", + " 2 1.0 1.0 1.0 0.500000\n", + " 3 5.0 2.0 10.0 0.454545\n", + " 4 0.0 0.0 2.0 0.000000\n", + " 5 0.0 0.0 3.0 0.000000\n", + " 6 4.0 1.0 7.0 0.500000\n", + " 7 1.0 1.0 3.0 0.333333},\n", + " 'custom_fillers': {'macro_f1': 0.05555555555555555,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 0.0 1 0.000000\n", + " 1 0.0 0.0 3 0.000000\n", + " 2 1.0 0.0 4 0.333333\n", + " 3 0.0 0.0 5 0.000000\n", + " 5 0.0 1.0 0 0.000000\n", + " 6 0.0 1.0 6 0.000000},\n", + " 'synonym': {'macro_f1': 0.1,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0.0 1.0 0.0\n", + " 2 1.0 0.0 2.0 0.5\n", + " 3 0.0 0.0 10.0 0.0\n", + " 5 0.0 1.0 0.0 0.0\n", + " 6 0.0 1.0 11.0 0.0},\n", + " 'keywordChange': {'macro_f1': 0.2,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0.0 2.0 0.0\n", + " 2 1.0 0.0 0.0 1.0\n", + " 3 0.0 0.0 8.0 0.0\n", + " 5 0.0 1.0 0.0 0.0\n", + " 6 0.0 1.0 9.0 0.0},\n", + " 'spellingError': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 1 0.0\n", + " 2 0.0 1 1 0.0\n", + " 3 0.0 0 5 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 7 0.0},\n", + " 'antonym': {'macro_f1': 0.13333333333333333,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0.0 5.0 0.000000\n", + " 2 1.0 0.0 1.0 0.666667\n", + " 3 0.0 0.0 2.0 0.000000\n", + " 5 0.0 1.0 0.0 0.000000\n", + " 6 0.0 1.0 9.0 0.000000}},\n", + " 'other': {'core': {'macro_f1': 0.1391941391941392,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 7.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 2.0 2 0.0 0.666667\n", + " 3 2.0 5 4.0 0.307692\n", + " 4 0.0 0 1.0 0.000000\n", + " 6 0.0 0 5.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'custom_fillers': {'macro_f1': 0.11538461538461539,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 12.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 2.0 2 2.0 0.500000\n", + " 3 2.0 5 4.0 0.307692\n", + " 5 0.0 0 2.0 0.000000\n", + " 6 0.0 0 7.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'synonym': {'macro_f1': 0.14718614718614717,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 5.0 0.000000\n", + " 1 0.0 0 3.0 0.000000\n", + " 2 2.0 2 0.0 0.666667\n", + " 3 2.0 5 2.0 0.363636\n", + " 4 0.0 0 1.0 0.000000\n", + " 6 0.0 0 5.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'keywordChange': {'macro_f1': 0.11538461538461539,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 8.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 2.0 2 2.0 0.500000\n", + " 3 2.0 5 4.0 0.307692\n", + " 4 0.0 0 3.0 0.000000\n", + " 6 0.0 0 5.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'spellingError': {'macro_f1': 0.08585858585858586,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 7.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 1.0 3 1.0 0.333333\n", + " 3 1.0 6 3.0 0.181818\n", + " 6 0.0 0 4.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'antonym': {'macro_f1': 0.12925170068027209,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 9.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 2.0 2 1.0 0.571429\n", + " 3 2.0 5 3.0 0.333333\n", + " 4 0.0 0 2.0 0.000000\n", + " 6 0.0 0 5.0 0.000000\n", + " 7 0.0 0 2.0 0.000000}}},\n", + " '820985.undefined': {'self': {'core': {'macro_f1': 0.8198587127158555,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 23 2.0 1.0 0.938776\n", + " 1 3 1.0 0.0 0.857143\n", + " 2 5 2.0 2.0 0.714286\n", + " 3 10 2.0 4.0 0.769231},\n", + " 'custom_fillers': {'macro_f1': 0.5019230769230769,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 15.0 10 12 0.576923\n", + " 1 1.0 3 5 0.200000\n", + " 2 3.0 4 3 0.461538\n", + " 3 10.0 2 4 0.769231},\n", + " 'synonym': {'macro_f1': 0.6692857142857143,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 19 6.0 6.0 0.760000\n", + " 1 3 1.0 0.0 0.857143\n", + " 2 4 3.0 5.0 0.500000\n", + " 3 7 5.0 6.0 0.560000},\n", + " 'keywordChange': {'macro_f1': 0.8198587127158555,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 23 2.0 1.0 0.938776\n", + " 1 3 1.0 0.0 0.857143\n", + " 2 5 2.0 2.0 0.714286\n", + " 3 10 2.0 4.0 0.769231},\n", + " 'spellingError': {'macro_f1': 0.6861878881987578,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 12 13.0 13.0 0.480000\n", + " 1 3 1.0 0.0 0.857143\n", + " 2 5 2.0 4.0 0.625000\n", + " 3 9 3.0 2.0 0.782609},\n", + " 'antonym': {'macro_f1': 0.7298188405797101,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 18 7.0 7.0 0.720000\n", + " 1 3 1.0 1.0 0.750000\n", + " 2 5 2.0 3.0 0.666667\n", + " 3 9 3.0 2.0 0.782609}},\n", + " 'other': {'core': {'macro_f1': 0.05263157894736842,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 2.0 7 8 0.210526\n", + " 1 0.0 2 4 0.000000\n", + " 2 0.0 7 0 0.000000\n", + " 3 0.0 0 4 0.000000},\n", + " 'custom_fillers': {'macro_f1': 0.125,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 2.0 0.0 4 0.5\n", + " 1 0.0 1.0 1 0.0\n", + " 2 0.0 0.0 1 0.0\n", + " 3 0.0 0.0 2 0.0},\n", + " 'synonym': {'macro_f1': 0.09523809523809523,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 1.0 4 0.285714\n", + " 1 0.0 1.0 0 0.000000\n", + " 3 0.0 0.0 3 0.000000},\n", + " 'keywordChange': {'macro_f1': 0.0625,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 1.0 5 0.25\n", + " 1 0.0 1.0 0 0.00\n", + " 2 0.0 0.0 1 0.00\n", + " 3 0.0 0.0 3 0.00},\n", + " 'spellingError': {'macro_f1': 0.05,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 1.0 7 0.2\n", + " 1 0.0 1.0 0 0.0\n", + " 2 0.0 0.0 4 0.0\n", + " 3 0.0 0.0 2 0.0},\n", + " 'antonym': {'macro_f1': 0.07142857142857142,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 1.0 4 0.285714\n", + " 1 0.0 1.0 0 0.000000\n", + " 2 0.0 0.0 3 0.000000\n", + " 3 0.0 0.0 2 0.000000}}},\n", + " '822595.undefined': {'self': {'core': {'macro_f1': 0.38316624895572265,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 1.0 5.0 0.250000\n", + " 1 1.0 1.0 1.0 0.500000\n", + " 2 1.0 1.0 0.0 0.666667\n", + " 3 4.0 3.0 8.0 0.421053\n", + " 4 0.0 0.0 4.0 0.000000\n", + " 6 4.0 1.0 9.0 0.444444\n", + " 7 1.0 1.0 2.0 0.400000},\n", + " 'custom_fillers': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 0 3 0.0\n", + " 1 0.0 0 7 0.0\n", + " 2 0.0 1 7 0.0\n", + " 3 0.0 0 4 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 7 0.0},\n", + " 'synonym': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 2 0.0\n", + " 2 0.0 1 2 0.0\n", + " 3 0.0 0 1 0.0\n", + " 5 0.0 1 1 0.0\n", + " 6 0.0 1 5 0.0},\n", + " 'keywordChange': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 6 0.0\n", + " 2 0.0 1 3 0.0\n", + " 3 0.0 0 1 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 6 0.0},\n", + " 'spellingError': {'macro_f1': 0.1,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0.0 1 0.0\n", + " 2 0.0 1.0 2 0.0\n", + " 3 0.0 0.0 3 0.0\n", + " 5 0.0 1.0 0 0.0\n", + " 6 1.0 0.0 2 0.5},\n", + " 'antonym': {'macro_f1': 0.26666666666666666,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0.0 2.0 0.000000\n", + " 2 1.0 0.0 1.0 0.666667\n", + " 3 0.0 0.0 1.0 0.000000\n", + " 5 0.0 1.0 0.0 0.000000\n", + " 6 1.0 0.0 1.0 0.666667}},\n", + " 'other': {'core': {'macro_f1': 0.10822510822510822,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 9.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 1.0 3 2.0 0.285714\n", + " 3 2.0 5 2.0 0.363636\n", + " 6 0.0 0 4.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'custom_fillers': {'macro_f1': 0.08971153846153847,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 2.0 11 10 0.160000\n", + " 1 0.0 0 2 0.000000\n", + " 2 1.0 3 3 0.250000\n", + " 3 2.0 5 4 0.307692\n", + " 4 0.0 0 1 0.000000\n", + " 5 0.0 0 1 0.000000\n", + " 6 0.0 0 5 0.000000\n", + " 7 0.0 0 2 0.000000},\n", + " 'synonym': {'macro_f1': 0.08095238095238096,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 5.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 1.0 3 2.0 0.285714\n", + " 3 1.0 6 2.0 0.200000\n", + " 6 0.0 0 3.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'keywordChange': {'macro_f1': 0.10822510822510822,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 9.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 1.0 3 2.0 0.285714\n", + " 3 2.0 5 2.0 0.363636\n", + " 6 0.0 0 4.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'spellingError': {'macro_f1': 0.11599511599511599,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 12 12.0 0.076923\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 1.0 3 2.0 0.285714\n", + " 3 2.0 5 3.0 0.333333\n", + " 6 0.0 0 4.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'antonym': {'macro_f1': 0.1717171717171717,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 10.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 2.0 2 0.0 0.666667\n", + " 3 2.0 5 2.0 0.363636\n", + " 6 0.0 0 4.0 0.000000\n", + " 7 0.0 0 2.0 0.000000}}},\n", + " '822596.undefined': {'self': {'core': {'macro_f1': 0.4952380952380952,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 2.0 8.0 0.000000\n", + " 1 2.0 0.0 0.0 1.000000\n", + " 2 2.0 0.0 0.0 1.000000\n", + " 3 4.0 3.0 4.0 0.533333\n", + " 4 0.0 0.0 1.0 0.000000\n", + " 6 4.0 1.0 6.0 0.533333\n", + " 7 1.0 1.0 2.0 0.400000},\n", + " 'custom_fillers': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 0 1 0.0\n", + " 1 0.0 0 2 0.0\n", + " 2 0.0 1 2 0.0\n", + " 3 0.0 0 3 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 3 0.0},\n", + " 'synonym': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 2 0.0\n", + " 2 0.0 1 1 0.0\n", + " 3 0.0 0 2 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 3 0.0},\n", + " 'keywordChange': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 5 0.0\n", + " 2 0.0 1 3 0.0\n", + " 3 0.0 0 3 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 3 0.0},\n", + " 'spellingError': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 2 0.0\n", + " 2 0.0 1 1 0.0\n", + " 3 0.0 0 3 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 3 0.0},\n", + " 'antonym': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 1 0.0\n", + " 2 0.0 1 2 0.0\n", + " 3 0.0 0 8 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 7 0.0}},\n", + " 'other': {'core': {'macro_f1': 0.1111111111111111,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 5.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 1.0 3 1.0 0.333333\n", + " 3 2.0 5 3.0 0.333333\n", + " 6 0.0 0 5.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'custom_fillers': {'macro_f1': 0.12198912198912198,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 12 8.0 0.090909\n", + " 1 0.0 0 1.0 0.000000\n", + " 2 1.0 3 1.0 0.333333\n", + " 3 2.0 5 4.0 0.307692\n", + " 6 0.0 0 5.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'synonym': {'macro_f1': 0.14285714285714285,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 10.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 2.0 2 0.0 0.666667\n", + " 3 2.0 5 3.0 0.333333\n", + " 4 0.0 0 1.0 0.000000\n", + " 6 0.0 0 6.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'keywordChange': {'macro_f1': 0.15079365079365079,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 5.0 0.000000\n", + " 1 0.0 0 3.0 0.000000\n", + " 2 2.0 2 1.0 0.571429\n", + " 3 2.0 5 3.0 0.333333\n", + " 6 0.0 0 5.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'spellingError': {'macro_f1': 0.11352126134734832,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 12 9.0 0.086957\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 2.0 2 4.0 0.400000\n", + " 3 2.0 5 4.0 0.307692\n", + " 4 0.0 0 1.0 0.000000\n", + " 6 0.0 0 5.0 0.000000\n", + " 7 0.0 0 4.0 0.000000},\n", + " 'antonym': {'macro_f1': 0.16666666666666666,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 6.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 2.0 2 0.0 0.666667\n", + " 3 2.0 5 3.0 0.333333\n", + " 6 0.0 0 5.0 0.000000\n", + " 7 0.0 0 2.0 0.000000}}},\n", + " '820987.undefined': {'self': {'core': {'macro_f1': 0.7949423247559894,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 16 9.0 8.0 0.653061\n", + " 1 3 1.0 0.0 0.857143\n", + " 2 6 1.0 2.0 0.800000\n", + " 3 10 2.0 1.0 0.869565},\n", + " 'custom_fillers': {'macro_f1': 0.5666214177978883,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 9 16.0 16.0 0.360000\n", + " 1 3 1.0 2.0 0.666667\n", + " 2 4 3.0 6.0 0.470588\n", + " 3 10 2.0 4.0 0.769231},\n", + " 'synonym': {'macro_f1': 0.6559658283603297,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 15 10.0 11.0 0.588235\n", + " 1 4 0.0 1.0 0.888889\n", + " 2 5 2.0 4.0 0.625000\n", + " 3 6 6.0 5.0 0.521739},\n", + " 'keywordChange': {'macro_f1': 0.7949423247559894,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 16 9.0 8.0 0.653061\n", + " 1 3 1.0 0.0 0.857143\n", + " 2 6 1.0 2.0 0.800000\n", + " 3 10 2.0 1.0 0.869565},\n", + " 'spellingError': {'macro_f1': 0.636356100795756,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 19 6.0 8.0 0.730769\n", + " 1 3 1.0 1.0 0.750000\n", + " 2 3 4.0 6.0 0.375000\n", + " 3 10 2.0 7.0 0.689655},\n", + " 'antonym': {'macro_f1': 0.6669501133786848,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 15 10.0 9.0 0.612245\n", + " 1 3 1.0 1.0 0.750000\n", + " 2 5 2.0 6.0 0.555556\n", + " 3 9 3.0 3.0 0.750000}},\n", + " 'other': {'core': {'macro_f1': 0.03225806451612903,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 2.0 7 20 0.129032\n", + " 1 0.0 2 1 0.000000\n", + " 2 0.0 7 3 0.000000\n", + " 3 0.0 0 17 0.000000},\n", + " 'custom_fillers': {'macro_f1': 0.05,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 1.0 7 0.2\n", + " 1 0.0 1.0 1 0.0\n", + " 2 0.0 0.0 2 0.0\n", + " 3 0.0 0.0 4 0.0},\n", + " 'synonym': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 2 13 0.0\n", + " 1 0.0 1 5 0.0\n", + " 2 0.0 0 4 0.0\n", + " 3 0.0 0 2 0.0},\n", + " 'keywordChange': {'macro_f1': 0.041666666666666664,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 1.0 9 0.166667\n", + " 1 0.0 1.0 0 0.000000\n", + " 2 0.0 0.0 5 0.000000\n", + " 3 0.0 0.0 4 0.000000},\n", + " 'spellingError': {'macro_f1': 0.0625,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 1.0 5 0.25\n", + " 1 0.0 1.0 0 0.00\n", + " 2 0.0 0.0 3 0.00\n", + " 3 0.0 0.0 2 0.00},\n", + " 'antonym': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 2 7 0.0\n", + " 1 0.0 1 1 0.0\n", + " 2 0.0 0 3 0.0\n", + " 3 0.0 0 1 0.0}}},\n", + " '820962.undefined': {'self': {'core': {'macro_f1': 0.33511904761904765,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 2.0 4.0 0.000000\n", + " 1 1.0 1.0 2.0 0.400000\n", + " 2 1.0 1.0 1.0 0.500000\n", + " 3 5.0 2.0 2.0 0.714286\n", + " 4 0.0 0.0 1.0 0.000000\n", + " 5 0.0 0.0 1.0 0.000000\n", + " 6 4.0 1.0 3.0 0.666667\n", + " 7 1.0 1.0 2.0 0.400000},\n", + " 'custom_fillers': {'macro_f1': 0.16666666666666666,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 0.0 2.0 0.0\n", + " 1 0.0 0.0 2.0 0.0\n", + " 2 1.0 0.0 0.0 1.0\n", + " 3 0.0 0.0 4.0 0.0\n", + " 5 0.0 1.0 0.0 0.0\n", + " 6 0.0 1.0 3.0 0.0},\n", + " 'synonym': {'macro_f1': 0.12380952380952381,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0.0 4 0.000000\n", + " 2 1.0 0.0 5 0.285714\n", + " 3 0.0 0.0 5 0.000000\n", + " 5 0.0 1.0 0 0.000000\n", + " 6 1.0 0.0 4 0.333333},\n", + " 'keywordChange': {'macro_f1': 0.13333333333333333,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0.0 2.0 0.000000\n", + " 2 1.0 0.0 1.0 0.666667\n", + " 3 0.0 0.0 4.0 0.000000\n", + " 5 0.0 1.0 0.0 0.000000\n", + " 6 0.0 1.0 5.0 0.000000},\n", + " 'spellingError': {'macro_f1': 0.21333333333333332,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0.0 1.0 0.000000\n", + " 2 1.0 0.0 1.0 0.666667\n", + " 3 0.0 0.0 2.0 0.000000\n", + " 5 0.0 1.0 0.0 0.000000\n", + " 6 1.0 0.0 3.0 0.400000},\n", + " 'antonym': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 2 0.0\n", + " 2 0.0 1 3 0.0\n", + " 3 0.0 0 3 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 6 0.0\n", + " 7 0.0 0 2 0.0}},\n", + " 'other': {'core': {'macro_f1': 0.0989010989010989,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 9.0 0.000000\n", + " 1 0.0 0 3.0 0.000000\n", + " 2 1.0 3 2.0 0.285714\n", + " 3 2.0 5 4.0 0.307692\n", + " 6 0.0 0 4.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'custom_fillers': {'macro_f1': 0.05833333333333333,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 12 10 0.083333\n", + " 1 0.0 0 2 0.000000\n", + " 2 0.0 4 3 0.000000\n", + " 3 2.0 5 6 0.266667\n", + " 6 0.0 0 6 0.000000\n", + " 7 0.0 0 2 0.000000},\n", + " 'synonym': {'macro_f1': 0.0861111111111111,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 5.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 1.0 3 3.0 0.250000\n", + " 3 2.0 5 6.0 0.266667\n", + " 6 0.0 0 5.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'keywordChange': {'macro_f1': 0.0989010989010989,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 9.0 0.000000\n", + " 1 0.0 0 3.0 0.000000\n", + " 2 1.0 3 2.0 0.285714\n", + " 3 2.0 5 4.0 0.307692\n", + " 6 0.0 0 4.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'spellingError': {'macro_f1': 0.13766233766233765,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13.0 10.0 0.000000\n", + " 1 0.0 0.0 2.0 0.000000\n", + " 2 3.0 1.0 3.0 0.600000\n", + " 3 2.0 5.0 2.0 0.363636\n", + " 4 0.0 0.0 3.0 0.000000\n", + " 6 0.0 0.0 4.0 0.000000\n", + " 7 0.0 0.0 2.0 0.000000},\n", + " 'antonym': {'macro_f1': 0.14393939393939395,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 9.0 0.000000\n", + " 1 0.0 0 4.0 0.000000\n", + " 2 2.0 2 2.0 0.500000\n", + " 3 2.0 5 2.0 0.363636\n", + " 6 0.0 0 4.0 0.000000\n", + " 7 0.0 0 2.0 0.000000}}},\n", + " '820965.undefined': {'self': {'core': {'macro_f1': 0.37576312576312576,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 2.0 3.0 0.000000\n", + " 1 1.0 1.0 5.0 0.250000\n", + " 2 1.0 1.0 0.0 0.666667\n", + " 3 4.0 3.0 7.0 0.444444\n", + " 4 0.0 0.0 2.0 0.000000\n", + " 6 5.0 0.0 3.0 0.769231\n", + " 7 1.0 1.0 1.0 0.500000},\n", + " 'custom_fillers': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 0 7 0.0\n", + " 1 0.0 0 1 0.0\n", + " 2 0.0 1 5 0.0\n", + " 3 0.0 0 9 0.0\n", + " 5 0.0 1 2 0.0\n", + " 6 0.0 1 9 0.0\n", + " 7 0.0 0 2 0.0},\n", + " 'synonym': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 0 1 0.0\n", + " 1 0.0 0 4 0.0\n", + " 2 0.0 1 3 0.0\n", + " 3 0.0 0 6 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 9 0.0},\n", + " 'keywordChange': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0 3 0.0\n", + " 2 0.0 1 2 0.0\n", + " 3 0.0 0 3 0.0\n", + " 5 0.0 1 0 0.0\n", + " 6 0.0 1 6 0.0\n", + " 7 0.0 0 1 0.0},\n", + " 'spellingError': {'macro_f1': 0.05555555555555555,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 1 0.0 0.0 3 0.000000\n", + " 2 0.0 1.0 7 0.000000\n", + " 3 0.0 0.0 3 0.000000\n", + " 5 0.0 1.0 0 0.000000\n", + " 6 1.0 0.0 4 0.333333\n", + " 7 0.0 0.0 4 0.000000},\n", + " 'antonym': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 0 1 0.0\n", + " 1 0.0 0 9 0.0\n", + " 2 0.0 1 4 0.0\n", + " 3 0.0 0 3 0.0\n", + " 5 0.0 1 1 0.0\n", + " 6 0.0 1 3 0.0\n", + " 7 0.0 0 2 0.0}},\n", + " 'other': {'core': {'macro_f1': 0.10317460317460318,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 10.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 1.0 3 1.0 0.333333\n", + " 3 2.0 5 5.0 0.285714\n", + " 6 0.0 0 6.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'custom_fillers': {'macro_f1': 0.06043956043956044,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 12 12 0.076923\n", + " 1 0.0 0 1 0.000000\n", + " 2 0.0 4 2 0.000000\n", + " 3 2.0 5 5 0.285714\n", + " 6 0.0 0 7 0.000000\n", + " 7 0.0 0 2 0.000000},\n", + " 'synonym': {'macro_f1': 0.07539682539682539,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 7.0 0.000000\n", + " 1 0.0 0 3.0 0.000000\n", + " 2 1.0 3 2.0 0.285714\n", + " 3 1.0 6 4.0 0.166667\n", + " 6 0.0 0 6.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'keywordChange': {'macro_f1': 0.09999999999999999,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 11.0 0.000000\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 1.0 3 1.0 0.333333\n", + " 3 2.0 5 6.0 0.266667\n", + " 6 0.0 0 6.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'spellingError': {'macro_f1': 0.18686868686868685,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 12 8.0 0.090909\n", + " 1 0.0 0 2.0 0.000000\n", + " 2 2.0 2 0.0 0.666667\n", + " 3 2.0 5 2.0 0.363636\n", + " 6 0.0 0 4.0 0.000000\n", + " 7 0.0 0 2.0 0.000000},\n", + " 'antonym': {'macro_f1': 0.08333333333333333,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 13 14.0 0.00\n", + " 1 0.0 0 2.0 0.00\n", + " 2 1.0 3 3.0 0.25\n", + " 3 2.0 5 7.0 0.25\n", + " 6 0.0 0 5.0 0.00\n", + " 7 0.0 0 2.0 0.00}}},\n", + " '820986.undefined': {'self': {'core': {'macro_f1': 0.8851208961845608,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 23 2.0 1.0 0.938776\n", + " 1 3 1.0 0.0 0.857143\n", + " 2 7 0.0 2.0 0.875000\n", + " 3 10 2.0 1.0 0.869565},\n", + " 'custom_fillers': {'macro_f1': 0.7161239495798319,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 14 11.0 12.0 0.549020\n", + " 1 3 1.0 0.0 0.857143\n", + " 2 5 2.0 4.0 0.625000\n", + " 3 10 2.0 2.0 0.833333},\n", + " 'synonym': {'macro_f1': 0.6855602240896359,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 19 6.0 7.0 0.745098\n", + " 1 3 1.0 0.0 0.857143\n", + " 2 4 3.0 5.0 0.500000\n", + " 3 8 4.0 5.0 0.640000},\n", + " 'keywordChange': {'macro_f1': 0.8427871148459384,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 21 4.0 3.0 0.857143\n", + " 1 3 1.0 0.0 0.857143\n", + " 2 7 0.0 3.0 0.823529\n", + " 3 10 2.0 2.0 0.833333},\n", + " 'spellingError': {'macro_f1': 0.5,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 17.0 8 9.0 0.666667\n", + " 1 1.0 3 2.0 0.285714\n", + " 2 4.0 3 10.0 0.380952\n", + " 3 9.0 3 6.0 0.666667},\n", + " 'antonym': {'macro_f1': 0.7674378881987578,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 17 8.0 8.0 0.680000\n", + " 1 3 1.0 0.0 0.857143\n", + " 2 6 1.0 3.0 0.750000\n", + " 3 9 3.0 2.0 0.782609}},\n", + " 'other': {'core': {'macro_f1': 0.027777777777777776,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 8 8 0.111111\n", + " 1 0.0 2 1 0.000000\n", + " 2 0.0 7 0 0.000000\n", + " 3 0.0 0 6 0.000000},\n", + " 'custom_fillers': {'macro_f1': 0.1111111111111111,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 1.0 3 0.333333\n", + " 1 0.0 1.0 0 0.000000\n", + " 2 0.0 0.0 2 0.000000},\n", + " 'synonym': {'macro_f1': 0.1111111111111111,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 1.0 3 0.333333\n", + " 1 0.0 1.0 0 0.000000\n", + " 2 0.0 0.0 2 0.000000},\n", + " 'keywordChange': {'macro_f1': 0.13333333333333333,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 1.0 1.0 2 0.4\n", + " 1 0.0 1.0 0 0.0\n", + " 2 0.0 0.0 1 0.0},\n", + " 'spellingError': {'macro_f1': 0.19047619047619047,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 2.0 0.0 3 0.571429\n", + " 1 0.0 1.0 0 0.000000\n", + " 2 0.0 0.0 3 0.000000},\n", + " 'antonym': {'macro_f1': 0.0,\n", + " 'scores': tp fn fp f1\n", + " class \n", + " 0 0.0 2 4 0.0\n", + " 1 0.0 1 0 0.0\n", + " 2 0.0 0 2 0.0}}}}" + ] + }, + "execution_count": 35, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "RESULTS" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7ac81730", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/GPU_otpimisation.ipynb b/experiments/yousef/GPU_otpimisation.ipynb new file mode 100644 index 0000000..49cfee3 --- /dev/null +++ b/experiments/yousef/GPU_otpimisation.ipynb @@ -0,0 +1,365 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "GPU_otpimisation.ipynb", + "provenance": [], + "collapsed_sections": [], + "authorship_tag": "ABX9TyMvFUc4LzQTj4P9dJez/Oby", + "include_colab_link": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "language_info": { + "name": "python" + }, + "accelerator": "GPU" + }, + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "id": "view-in-github", + "colab_type": "text" + }, + "source": [ + "\"Open" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "72gEKBK2Ck4V", + "outputId": "2ad06bf4-6282-4efc-e81b-5f1e1ece5ffb" + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Collecting git+https://github.com/namiyousef/colab-utils.git\n", + " Cloning https://github.com/namiyousef/colab-utils.git to /tmp/pip-req-build-zdd9jwpb\n", + " Running command git clone -q https://github.com/namiyousef/colab-utils.git /tmp/pip-req-build-zdd9jwpb\n", + "Requirement already satisfied: nvidia-ml-py3 in /usr/local/lib/python3.7/dist-packages (from colabtools==0.0.1) (7.352.0)\n", + "Google Drive import successful.\n", + "Drive already mounted at /content/drive; to attempt to forcibly remount, call drive.mount(\"/content/drive\", force_remount=True).\n", + "Google Drive mount successful.\n", + "Import of ArgMiner successful\n", + "CUDA device detected. Using GPU...\n" + ] + } + ], + "source": [ + "# -- env setup\n", + "import os\n", + "import gc\n", + "\n", + "!python3.7 -m pip install git+https://github.com/namiyousef/colab-utils.git\n", + "from colabtools.utils import get_gpu_utilization, mount_drive, install_private_library\n", + "\n", + "drive_path = mount_drive()\n", + "project_path = os.path.join(drive_path, 'argument-mining')\n", + "development_dir = os.path.join(drive_path, 'argument-mining/experiments/yousef')\n", + "\n", + "install_private_library(os.path.join(project_path, 'data/github_config.json'), 'argument-mining')\n", + "\n", + "# -- public imports\n", + "import sys\n", + "from transformers import BigBirdTokenizer, AutoTokenizer, AutoModelForTokenClassification, AutoConfig\n", + "import pandas as pd\n", + "from torch.utils.data import DataLoader\n", + "import torch\n", + "\n", + "# -- private imports\n", + "from argminer.data import KaggleDataset\n", + "\n", + "# -- dev imports\n", + "# add working package to system path\n", + "sys.path.append(development_dir)\n", + "%load_ext autoreload\n", + "%autoreload 2\n", + "from python_files.data import create_labels_doc_level\n", + "from python_files.run import train_longformer" + ] + }, + { + "cell_type": "code", + "source": [ + "MODEL_NAME = 'allenai/longformer-base-4096'\n", + "print(f'GPU usage: {get_gpu_utilization()}')\n", + "try:\n", + " ma = torch.cuda.memory_allocated()\n", + " print(ma)\n", + "\n", + " mc = torch.cuda.memory_reserved()\n", + " print(mc)\n", + "\n", + " del tokenizer, model, optimizer, dataset, train_loader, df_kaggle, config_model\n", + " gc.collect()\n", + " torch.cuda.empty_cache()\n", + " ma = torch.cuda.memory_allocated()\n", + " print(ma)\n", + "\n", + " mc = torch.cuda.memory_cached()\n", + " print(mc)\n", + " print(f'GPU usage after deletion: {get_gpu_utilization()}')\n", + "except:\n", + " tokenizer = AutoTokenizer.from_pretrained(MODEL_NAME, add_prefix_space=True)\n", + "\n", + " config_model = AutoConfig.from_pretrained(MODEL_NAME) \n", + " config_model.num_labels = 15\n", + "\n", + " model = AutoModelForTokenClassification.from_pretrained(MODEL_NAME, config=config_model)\n", + " optimizer = torch.optim.Adam(params=model.parameters())\n", + "\n", + " df_train = pd.read_csv(os.path.join(project_path, 'data/kaggle/test.csv'))\n", + " df_kaggle = df_train[['text', 'labels']].copy(); del df_train\n", + " df_kaggle.labels = df_kaggle.labels.apply(lambda x: [int(num) for num in x[1:-1].split(', ')])\n", + " df_kaggle.head(), df_kaggle.info()\n", + " \n", + " dataset = KaggleDataset(df_kaggle, tokenizer, 512)\n", + " train_loader = DataLoader(dataset, shuffle=True, batch_size=1)\n", + "\n", + " print(f'GPU usage after creation: {get_gpu_utilization()}')\n", + " torch.backends.cudnn.benchmark = True\n", + " torch.backends.cudnn.enabled = True\n", + " print(f'GPU mem: {get_gpu_utilization()}')\n", + " model.to('cuda:0')\n", + " print(f'GPU mem after model sent: {get_gpu_utilization()}')\n", + " for i, (inputs, targets) in enumerate(train_loader):\n", + " inputs = {key: val.to('cuda:0') for key, val in inputs.items()}\n", + " targets = targets.to('cuda:0')\n", + "\n", + " optimizer.zero_grad()\n", + " loss, outputs = model(labels=targets, **inputs, return_dict=False)\n", + " print(f'GPU mem modelling batch {i+1}: {get_gpu_utilization()}')\n", + " del targets, inputs, loss, outputs\n", + " gc.collect()\n", + " torch.cuda.empty_cache()\n", + " print(f'GPU mem batch {i+1}: {get_gpu_utilization()}')\n", + " break\n", + " model.to('cpu')\n", + "\n" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "JXbK-lQACvlQ", + "outputId": "c78af27e-c9ca-4cc5-8a21-da26e95ca8a4" + }, + "execution_count": 31, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "GPU usage: 1330\n", + "0\n", + "0\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Some weights of the model checkpoint at allenai/longformer-base-4096 were not used when initializing LongformerForTokenClassification: ['lm_head.dense.weight', 'lm_head.bias', 'lm_head.layer_norm.bias', 'lm_head.layer_norm.weight', 'lm_head.dense.bias', 'lm_head.decoder.weight']\n", + "- This IS expected if you are initializing LongformerForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing LongformerForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "Some weights of LongformerForTokenClassification were not initialized from the model checkpoint at allenai/longformer-base-4096 and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "\n", + "RangeIndex: 15594 entries, 0 to 15593\n", + "Data columns (total 2 columns):\n", + " # Column Non-Null Count Dtype \n", + "--- ------ -------------- ----- \n", + " 0 text 15594 non-null object\n", + " 1 labels 15594 non-null object\n", + "dtypes: object(2)\n", + "memory usage: 243.8+ KB\n", + "GPU usage after creation: 1330\n", + "GPU mem: 1330\n", + "GPU mem after model sent: 1954\n", + "GPU mem modelling batch 1: 2806\n", + "GPU mem batch 1: 1954\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "" + ], + "metadata": { + "id": "hIxVRnrykku7" + }, + "execution_count": 2, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "" + ], + "metadata": { + "id": "wu9LFIm_l3sW" + }, + "execution_count": 2, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "!nvidia-smi --gpu-reset" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "ItvdqTBWmiaP", + "outputId": "43be8554-1171-40bf-ff63-2d0f360c0012" + }, + "execution_count": 3, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "GPU 00000000:00:04.0 is currently in use by another process.\n", + "\n", + "1 device is currently being used by one or more other processes (e.g., Fabric Manager, CUDA application, graphics application such as an X server, or a monitoring application such as another instance of nvidia-smi). Please first kill all processes using this device and all compute applications running in the system.\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "!sudo fuser -v /dev/nvidia*" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "5a-cPS9EnaFJ", + "outputId": "cb973220-62ff-4e34-a14f-cdc55b7b3bc9" + }, + "execution_count": 4, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " USER PID ACCESS COMMAND\n", + "/dev/nvidia0: root 14034 F...m python3\n", + "/dev/nvidiactl: root 14034 F...m python3\n", + "/dev/nvidia-uvm: root 14034 F...m python3\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "!sudo fuser -v /dev/nvidia*" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "hjny6jbNnjFk", + "outputId": "0f4258f9-cfcc-4852-9562-ce02ed3ef8b5" + }, + "execution_count": 5, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + " USER PID ACCESS COMMAND\n", + "/dev/nvidia0: root 14034 F...m python3\n", + "/dev/nvidiactl: root 14034 F...m python3\n", + "/dev/nvidia-uvm: root 14034 F...m python3\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "!nvidia-smi" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "toeQ8EkPnnVT", + "outputId": "3d729f08-4119-48ef-c3a3-782d1704a6c1" + }, + "execution_count": 6, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Mon Mar 7 23:34:52 2022 \n", + "+-----------------------------------------------------------------------------+\n", + "| NVIDIA-SMI 460.32.03 Driver Version: 460.32.03 CUDA Version: 11.2 |\n", + "|-------------------------------+----------------------+----------------------+\n", + "| GPU Name Persistence-M| Bus-Id Disp.A | Volatile Uncorr. ECC |\n", + "| Fan Temp Perf Pwr:Usage/Cap| Memory-Usage | GPU-Util Compute M. |\n", + "| | | MIG M. |\n", + "|===============================+======================+======================|\n", + "| 0 Tesla T4 Off | 00000000:00:04.0 Off | 0 |\n", + "| N/A 43C P0 27W / 70W | 1954MiB / 15109MiB | 0% Default |\n", + "| | | N/A |\n", + "+-------------------------------+----------------------+----------------------+\n", + " \n", + "+-----------------------------------------------------------------------------+\n", + "| Processes: |\n", + "| GPU GI CI PID Type Process name GPU Memory |\n", + "| ID ID Usage |\n", + "|=============================================================================|\n", + "+-----------------------------------------------------------------------------+\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "import argminer" + ], + "metadata": { + "id": "9ZO5cVFgnptY" + }, + "execution_count": 7, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "" + ], + "metadata": { + "id": "9MDNujKznrCm" + }, + "execution_count": 7, + "outputs": [] + } + ] +} \ No newline at end of file diff --git a/experiments/yousef/Inference_non_poc.ipynb b/experiments/yousef/Inference_non_poc.ipynb new file mode 100644 index 0000000..b74a197 --- /dev/null +++ b/experiments/yousef/Inference_non_poc.ipynb @@ -0,0 +1,2684 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "220598f1", + "metadata": {}, + "source": [ + "# End-to-end run no GPU" + ] + }, + { + "cell_type": "markdown", + "id": "8cffbd00", + "metadata": {}, + "source": [ + "### Imports" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "id": "66f9f69a", + "metadata": {}, + "outputs": [], + "source": [ + "# -- public imports\n", + "\n", + "from transformers import BigBirdTokenizer, AutoTokenizer, AutoModelForTokenClassification, AutoConfig\n", + "import pandas as pd\n", + "from torch.utils.data import DataLoader\n", + "import torch" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "id": "15f82e11", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "The autoreload extension is already loaded. To reload it, use:\n", + " %reload_ext autoreload\n" + ] + } + ], + "source": [ + "# -- dev imports\n", + "# TODO prediction string stasrt from 0 or 1?\n", + "%load_ext autoreload\n", + "%autoreload 2\n", + "\n", + "from argminer.data import ArgumentMiningDataset\n", + "from argminer.evaluation import inference, get_word_labels" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "24fcd3f8", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextspan_startspan_enddoc_idpredictionStringlabel_biolabel_bieo
0OOtherShould students be taught to compete or to coo...0503essay0011 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1...O O O O O O O O O O O O O O O O O O O O O O O ...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
1T1MajorClaimwe should attach more importance to cooperatio...503575essay00183 84 85 86 87 88 89 90 91 92B-MajorClaim I-MajorClaim I-MajorClaim I-Major...[B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M...
2OOther.\\nFirst of all,575591essay00193 94 95 96O O O O[O, O, O, O]
3T3Claimthrough cooperation, children can learn about ...591714essay00197 98 99 100 101 102 103 104 105 106 107 108 1...B-Claim I-Claim I-Claim I-Claim I-Claim I-Clai...[B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ...
4OOther.714716essay001115O[O]
\n", + "
" + ], + "text/plain": [ + " label_type label text \\\n", + "0 O Other Should students be taught to compete or to coo... \n", + "1 T1 MajorClaim we should attach more importance to cooperatio... \n", + "2 O Other .\\nFirst of all, \n", + "3 T3 Claim through cooperation, children can learn about ... \n", + "4 O Other . \n", + "\n", + " span_start span_end doc_id \\\n", + "0 0 503 essay001 \n", + "1 503 575 essay001 \n", + "2 575 591 essay001 \n", + "3 591 714 essay001 \n", + "4 714 716 essay001 \n", + "\n", + " predictionString \\\n", + "0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1... \n", + "1 83 84 85 86 87 88 89 90 91 92 \n", + "2 93 94 95 96 \n", + "3 97 98 99 100 101 102 103 104 105 106 107 108 1... \n", + "4 115 \n", + "\n", + " label_bio \\\n", + "0 O O O O O O O O O O O O O O O O O O O O O O O ... \n", + "1 B-MajorClaim I-MajorClaim I-MajorClaim I-Major... \n", + "2 O O O O \n", + "3 B-Claim I-Claim I-Claim I-Claim I-Claim I-Clai... \n", + "4 O \n", + "\n", + " label_bieo \n", + "0 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "1 [B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M... \n", + "2 [O, O, O, O] \n", + "3 [B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ... \n", + "4 [O] " + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "path_label_map = '../../data/UCL/dataset2/df_label_map_bio.json'\n", + "path_dataset = '../../data/UCL/dataset2/df_labels_general.json'\n", + "\n", + "df_label_map = pd.read_json(path_label_map)\n", + "df_text = pd.read_json(path_dataset)\n", + "df_text.predictionString = df_text.predictionString.apply(lambda x: ' '.join([str(item) for item in x]))\n", + "df_text.label_bio = df_text.label_bio.apply(lambda x: ' '.join([str(item) for item in x]))\n", + "df_text.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "b3719a13", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
textpredictionStringlabel_bio
doc_id
essay001Should students be taught to compete or to coo...1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay002More people are migrating to other countries t...388 389 390 391 392 393 394 395 396 397 398 39...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay003International tourism is now more common than ...734 735 736 737 738 739 740 741 742 743 744 74...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay004International tourism is now more common than ...1004 1005 1006 1007 1008 1009 1010 1011 1012 1...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay005Living and studying overseas\\n\\nIt is every st...1303 1304 1305 1306 1307 1308 1309 1310 1311 1...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
............
essay398We can not forcedly put the same numbers of ma...135846 135847 135848 135849 135850 135851 1358...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay399Drugs, alcohol and messy sex lives\\n\\nCelebrit...136187 136188 136189 136190 136191 136192 1361...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay400A greater proportion of the budget should be a...136459 136460 136461 136462 136463 136464 1364...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay401Fatherhood should be as present as motherhood ...136752 136753 136754 136755 136756 136757 1367...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay402Children should studying hard or playing sport...137042 137043 137044 137045 137046 137047 1370...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
\n", + "

402 rows × 3 columns

\n", + "
" + ], + "text/plain": [ + " text \\\n", + "doc_id \n", + "essay001 Should students be taught to compete or to coo... \n", + "essay002 More people are migrating to other countries t... \n", + "essay003 International tourism is now more common than ... \n", + "essay004 International tourism is now more common than ... \n", + "essay005 Living and studying overseas\\n\\nIt is every st... \n", + "... ... \n", + "essay398 We can not forcedly put the same numbers of ma... \n", + "essay399 Drugs, alcohol and messy sex lives\\n\\nCelebrit... \n", + "essay400 A greater proportion of the budget should be a... \n", + "essay401 Fatherhood should be as present as motherhood ... \n", + "essay402 Children should studying hard or playing sport... \n", + "\n", + " predictionString \\\n", + "doc_id \n", + "essay001 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1... \n", + "essay002 388 389 390 391 392 393 394 395 396 397 398 39... \n", + "essay003 734 735 736 737 738 739 740 741 742 743 744 74... \n", + "essay004 1004 1005 1006 1007 1008 1009 1010 1011 1012 1... \n", + "essay005 1303 1304 1305 1306 1307 1308 1309 1310 1311 1... \n", + "... ... \n", + "essay398 135846 135847 135848 135849 135850 135851 1358... \n", + "essay399 136187 136188 136189 136190 136191 136192 1361... \n", + "essay400 136459 136460 136461 136462 136463 136464 1364... \n", + "essay401 136752 136753 136754 136755 136756 136757 1367... \n", + "essay402 137042 137043 137044 137045 137046 137047 1370... \n", + "\n", + " label_bio \n", + "doc_id \n", + "essay001 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay002 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay003 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay004 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay005 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "... ... \n", + "essay398 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay399 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay400 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay401 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay402 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "\n", + "[402 rows x 3 columns]" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_input = df_text.groupby('doc_id').agg({\n", + " 'text':lambda x: ' '.join(x),\n", + " 'predictionString': lambda x: ' '.join(x),\n", + " 'label_bio': lambda x: ' '.join(x)\n", + "})\n", + "df_input.label_bio = df_input.label_bio.str.split()\n", + "df_input" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "7fe294b1", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "['O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'B-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'B-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'O',\n", + " 'B-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'O',\n", + " 'B-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'O',\n", + " 'B-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'B-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'B-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'O',\n", + " 'O',\n", + " 'B-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'B-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'I-Premise',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'B-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'I-Claim',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'O',\n", + " 'B-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'I-MajorClaim',\n", + " 'O']" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_input.label_bio.values[0]" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "c8964fff", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
textpredictionStringlabel_bio
doc_id
essay001Should students be taught to compete or to coo...1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay002More people are migrating to other countries t...388 389 390 391 392 393 394 395 396 397 398 39...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay003International tourism is now more common than ...734 735 736 737 738 739 740 741 742 743 744 74...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay004International tourism is now more common than ...1004 1005 1006 1007 1008 1009 1010 1011 1012 1...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay005Living and studying overseas\\n\\nIt is every st...1303 1304 1305 1306 1307 1308 1309 1310 1311 1...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
............
essay398We can not forcedly put the same numbers of ma...135846 135847 135848 135849 135850 135851 1358...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay399Drugs, alcohol and messy sex lives\\n\\nCelebrit...136187 136188 136189 136190 136191 136192 1361...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay400A greater proportion of the budget should be a...136459 136460 136461 136462 136463 136464 1364...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay401Fatherhood should be as present as motherhood ...136752 136753 136754 136755 136756 136757 1367...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
essay402Children should studying hard or playing sport...137042 137043 137044 137045 137046 137047 1370...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
\n", + "

402 rows × 3 columns

\n", + "
" + ], + "text/plain": [ + " text \\\n", + "doc_id \n", + "essay001 Should students be taught to compete or to coo... \n", + "essay002 More people are migrating to other countries t... \n", + "essay003 International tourism is now more common than ... \n", + "essay004 International tourism is now more common than ... \n", + "essay005 Living and studying overseas\\n\\nIt is every st... \n", + "... ... \n", + "essay398 We can not forcedly put the same numbers of ma... \n", + "essay399 Drugs, alcohol and messy sex lives\\n\\nCelebrit... \n", + "essay400 A greater proportion of the budget should be a... \n", + "essay401 Fatherhood should be as present as motherhood ... \n", + "essay402 Children should studying hard or playing sport... \n", + "\n", + " predictionString \\\n", + "doc_id \n", + "essay001 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1... \n", + "essay002 388 389 390 391 392 393 394 395 396 397 398 39... \n", + "essay003 734 735 736 737 738 739 740 741 742 743 744 74... \n", + "essay004 1004 1005 1006 1007 1008 1009 1010 1011 1012 1... \n", + "essay005 1303 1304 1305 1306 1307 1308 1309 1310 1311 1... \n", + "... ... \n", + "essay398 135846 135847 135848 135849 135850 135851 1358... \n", + "essay399 136187 136188 136189 136190 136191 136192 1361... \n", + "essay400 136459 136460 136461 136462 136463 136464 1364... \n", + "essay401 136752 136753 136754 136755 136756 136757 1367... \n", + "essay402 137042 137043 137044 137045 137046 137047 1370... \n", + "\n", + " label_bio \n", + "doc_id \n", + "essay001 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay002 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay003 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay004 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay005 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "... ... \n", + "essay398 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay399 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay400 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay401 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "essay402 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "\n", + "[402 rows x 3 columns]" + ] + }, + "execution_count": 8, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_input" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "d8d6af91", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Some weights of the model checkpoint at google/bigbird-roberta-base were not used when initializing BigBirdForTokenClassification: ['cls.predictions.bias', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.bias', 'cls.predictions.decoder.weight', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.decoder.bias']\n", + "- This IS expected if you are initializing BigBirdForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing BigBirdForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "Some weights of BigBirdForTokenClassification were not initialized from the model checkpoint at google/bigbird-roberta-base and are newly initialized: ['classifier.bias', 'classifier.weight']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n", + "normalizer.cc(51) LOG(INFO) precompiled_charsmap is empty. use identity normalization.\n" + ] + } + ], + "source": [ + "model_name = 'google/bigbird-roberta-base'\n", + "num_labels = df_label_map.shape[0]\n", + "\n", + "model = AutoModelForTokenClassification.from_pretrained(model_name, num_labels=num_labels)\n", + "tokenizer = AutoTokenizer.from_pretrained(model_name)\n", + "optimizer = torch.optim.Adam(params=model.parameters())\n" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "31b5d792", + "metadata": {}, + "outputs": [], + "source": [ + "limit_size = 2\n", + "\n", + "dataset = ArgumentMiningDataset(\n", + " df_label_map,\n", + " df_input[['text', 'label_bio']].rename(columns={'label_bio':'labels'}),\n", + " tokenizer,\n", + " max_length=256,\n", + " strategy='standard_bio'\n", + ")\n", + "\n", + "trainloader = DataLoader(dataset, batch_size=2, shuffle=True)" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "6387ca18", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Attention type 'block_sparse' is not possible if sequence_length: 256 <= num global tokens: 2 * config.block_size + min. num sliding tokens: 3 * config.block_size + config.num_random_blocks * config.block_size + additional buffer: config.num_random_blocks * config.block_size = 704 with config.block_size = 64, config.num_random_blocks = 3. Changing attention type to 'original_full'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "1.902972936630249\n", + "1.422654628753662\n" + ] + } + ], + "source": [ + "epochs = 2\n", + "for epoch in range(epochs):\n", + " training_loss = 0\n", + " for i, (inputs, targets) in enumerate(trainloader):\n", + " optimizer.zero_grad()\n", + "\n", + " loss, outputs = model(\n", + " labels=targets,\n", + " input_ids=inputs['input_ids'],\n", + " attention_mask=inputs['attention_mask'],\n", + " return_dict=False\n", + " )\n", + " \n", + " training_loss += loss.item()\n", + "\n", + " # backward pass\n", + " optimizer.zero_grad()\n", + " loss.backward()\n", + " optimizer.step()\n", + " break\n", + " print(training_loss/(i+1))" + ] + }, + { + "cell_type": "code", + "execution_count": 63, + "id": "6714e61c", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "387\n", + "tensor([0, 1, 2, 3, 4, 5, 6])\n" + ] + } + ], + "source": [ + "df_val = df_input[['text', 'label_bio']].rename(columns={'label_bio':'labels'})\n", + "val_dataset = ArgumentMiningDataset(\n", + " df_label_map,\n", + " df_val,\n", + " tokenizer,\n", + " max_length=512,\n", + " strategy='standard_bio',\n", + " is_train = False\n", + ")\n", + "print(df_val.labels.values[0].__len__())\n", + "valloader = DataLoader(val_dataset, batch_size=2, shuffle=False)\n", + "for (inputs, targets) in valloader:\n", + " print(torch.unique(targets))\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": 213, + "id": "d11e9a4b", + "metadata": {}, + "outputs": [], + "source": [ + "def evaluate(df_outputs, df_targets):\n", + " # TODO problem of duplicates? Think about this with test cases\n", + " \"\"\"\n", + " Calculates the F-Score given prediction strings\n", + " \"\"\"\n", + " \n", + " # -- Constants\n", + " gt, pred = '_gt', '_pred'\n", + " \n", + " # Merge constants\n", + " merge_on = ['id', 'class']\n", + " suffixes = (gt, pred)\n", + "\n", + " # Columns labels\n", + " gt_id = f'index{gt}'\n", + " pred_id = f'index{pred}'\n", + " \n", + " overlap_pred_gt = f'overlap{pred}{gt}' # how much of ground truth in prediction\n", + " overlap_gt_pred = f'overlap{gt}{pred}' # how much of prediction in ground truth\n", + " pred_col_name = 'predictionString'\n", + " gt = f'{pred_col_name}{gt}'\n", + " pred = f'{pred_col_name}{pred}'\n", + "\n", + "\n", + " \n", + " # TODO is this even correct?? Would you not be repeating items??\n", + " # find all combinations\n", + " # REally really not sure of this assumption..\n", + " \n", + " df_targets = df_targets.reset_index()\n", + " df_outputs = df_outputs.reset_index()\n", + " \n", + " df_targets = df_targets.merge(\n", + " df_outputs, on=merge_on, how='outer', suffixes=suffixes\n", + " )\n", + " \n", + " df_targets[[gt, pred]] = df_targets[[gt, pred]].where(~df_targets[[gt, pred]].isnull(), {-1})\n", + "\n", + " # find intersection and normalise against each item\n", + " df_targets[overlap_pred_gt] = df_targets[[gt, pred]].apply(\n", + " lambda x: len(x[gt].intersection(x[pred])) / len(x[pred]), axis=1\n", + " )\n", + " \n", + " df_targets[overlap_gt_pred] = df_targets[[pred, gt]].apply(\n", + " lambda x: len(x[gt].intersection(x[pred])) / len(x[gt]), axis=1\n", + " )\n", + " \n", + " \n", + " df_targets['tp'] = df_targets[[overlap_pred_gt, overlap_gt_pred]].apply(\n", + " lambda x: int(x.overlap_pred_gt >= 0.5 and x.overlap_gt_pred >= 0.5), axis=1\n", + " )\n", + " df_targets['overlap_max'] = df_targets[[overlap_pred_gt, overlap_gt_pred]].max(axis=1)\n", + "\n", + " df_targets[pred] = df_targets[pred].apply(lambda x: tuple(x))\n", + " df_targets[gt] = df_targets[gt].apply(lambda x: tuple(x))\n", + " \n", + " # only keep the ones with the highest overall score\n", + " \n", + " \n", + " # I'm not convinced by this tbh? What about cases of perfect match on one but not on the other?\n", + " # e.g. case when you have 0.5 and 1 and then 0.8 and 1\n", + " df_targets_match = df_targets[df_targets['tp'] == 1].sort_values('overlap_max', ascending=False).groupby(\n", + " ['id', 'class', gt] # group by pred or gt?\n", + " ).first()\n", + "\n", + " TP = df_targets_match.groupby('class')[pred_id].nunique().to_frame('tp').reset_index()\n", + " \n", + " df_false_positive = df_targets[\n", + " # they didn't do this filter?\n", + " #(df_targets['tp'] == 0) & \n", + " (~df_targets.set_index(pred_id).index.isin(df_targets_match[pred_id]))\n", + " \n", + " ]\n", + " \n", + " FP = df_false_positive.groupby('class')[pred_id].nunique().to_frame('fp').reset_index()\n", + "\n", + "\n", + " matched_gt_id = df_targets[df_targets['tp'] == 1][gt_id].unique()\n", + " \n", + " print(df_targets[df_targets[gt_id].isin(matched_gt_id)].sort_values('class'))\n", + "\n", + " df_false_negative = df_targets[\n", + " #(df_targets['tp'] == 0) & \n", + " (~df_targets.set_index(gt_id).index.isin(matched_gt_id))\n", + " ]\n", + " \n", + " FN = df_false_negative.groupby('class')[gt_id].nunique().to_frame('fn').reset_index()\n", + " \n", + " #TP = df_targets_match.reset_index().groupby(['id', 'class']).size().to_frame('tp').reset_index()\n", + " #FN = df_false_negatives.groupby(['id', 'class']).size().to_frame('fn').reset_index()\n", + " #FP = df_false_positives.groupby(['id', 'class']).size().to_frame('fp').reset_index()\n", + " \n", + " scores = TP.merge(\n", + " FN.merge(FP, how='outer'), how='outer'\n", + " ).fillna(0)\n", + " scores = scores.assign(f1=lambda x: x['tp'] / (x['tp'] + 1/2 * (x['fp'] + x['fn'])))\n", + " print(scores)\n", + "\n", + "\n", + " return scores['f1'].mean()\n" + ] + }, + { + "cell_type": "code", + "execution_count": 214, + "id": "f9ae8a20", + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " index_gt id class predictionString_gt index_pred predictionString_pred \\\n", + "3 1.0 1 1 (8, 6, 7) 0 (1, 2) \n", + "4 1.0 1 1 (8, 6, 7) 1 (6, 7) \n", + "5 1.0 1 1 (8, 6, 7) 4 (4, 5, 6, 7) \n", + "9 3.0 2 1 (1, 2, 3) 2 (1, 2, 3) \n", + "10 4.0 1 2 (1, 2) 3 (1, 2) \n", + "11 5.0 3 3 (16, 17, 18, 19) 5 (16, 17) \n", + "12 5.0 3 3 (16, 17, 18, 19) 6 (18, 19) \n", + "\n", + " overlap_pred_gt overlap_gt_pred tp overlap_max \n", + "3 0.0 0.000000 0 0.000000 \n", + "4 1.0 0.666667 1 1.000000 \n", + "5 0.5 0.666667 1 0.666667 \n", + "9 1.0 1.000000 1 1.000000 \n", + "10 1.0 1.000000 1 1.000000 \n", + "11 1.0 0.500000 1 1.000000 \n", + "12 1.0 0.500000 1 1.000000 \n", + " class tp fn fp f1\n", + "0 1 2.0 2.0 2.0 0.500000\n", + "1 2 1.0 0.0 0.0 1.000000\n", + "2 3 1.0 0.0 1.0 0.666667\n", + "3 4 0.0 0.0 1.0 0.000000\n", + "0.5416666666666666\n" + ] + } + ], + "source": [ + "df_outputs = pd.DataFrame(data={\n", + " 'id':[1,1,2,1, 1, 3, 3, 4],\n", + " 'class':[1,1,1, 2, 1, 3, 3, 4],\n", + " 'predictionString':[{1,2}, {6,7}, {1,2,3}, {1,2}, {4,5,6,7}, {16,17}, {18,19}, {1}] # TODO WHAT HAPPENS WITH THIS?\n", + "})\n", + "df_targets = pd.DataFrame(data={\n", + " 'id':[1,1,1,2, 1,3],\n", + " 'class':[1,1,1,1, 2,3],\n", + " 'predictionString':[{1,2,3, 4, 5}, {6,7,8}, {21,22,23,24,25}, {1,2,3}, {1,2}, {16,17,18,19}]\n", + "})\n", + "\n", + "print(evaluate(df_outputs, df_targets))" + ] + }, + { + "cell_type": "code", + "execution_count": 221, + "id": "135a73c2", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " id class new_predictionstring_pred pred_id discourse_type \\\n", + "1 1 1 1 2 0 1 \n", + "4 1 1 6 7 1 1 \n", + "7 1 1 4 5 6 7 3 1 \n", + "9 2 1 1 2 3 2 1 \n", + "\n", + " new_predictionstring_gt gt_id overlaps overlap1 \\\n", + "1 8 6 7 1 [0.0, 0.0] 0.000000 \n", + "4 8 6 7 1 [0.6666666666666666, 1.0] 0.666667 \n", + "7 8 6 7 1 [0.6666666666666666, 0.5] 0.666667 \n", + "9 1 2 3 3 [1.0, 1.0] 1.000000 \n", + "\n", + " overlap2 potential_TP max_overlap \n", + "1 0.0 False 0.000000 \n", + "4 1.0 True 1.000000 \n", + "7 0.5 True 0.666667 \n", + "9 1.0 True 1.000000 \n", + "2 2 2\n", + "1 : 0.500000\n", + " id class new_predictionstring_pred pred_id discourse_type \\\n", + "0 1 2 1 2 0 2 \n", + "\n", + " new_predictionstring_gt gt_id overlaps overlap1 overlap2 \\\n", + "0 1 2 0 [1.0, 1.0] 1.0 1.0 \n", + "\n", + " potential_TP max_overlap \n", + "0 True 1.0 \n", + "1 0 0\n", + "2 : 1.000000\n", + " id class new_predictionstring_pred pred_id discourse_type \\\n", + "0 3 3 16 17 0 3 \n", + "1 3 3 18 19 1 3 \n", + "\n", + " new_predictionstring_gt gt_id overlaps overlap1 overlap2 \\\n", + "0 16 17 18 19 0 [0.5, 1.0] 0.5 1.0 \n", + "1 16 17 18 19 0 [0.5, 1.0] 0.5 1.0 \n", + "\n", + " potential_TP max_overlap \n", + "0 True 1.0 \n", + "1 True 1.0 \n", + "1 0 1\n", + "3 : 0.666667\n", + "Empty DataFrame\n", + "Columns: [id, class, new_predictionstring_pred, pred_id, discourse_type, new_predictionstring_gt, gt_id, overlaps, overlap1, overlap2, potential_TP, max_overlap]\n", + "Index: []\n", + "0 1 1\n", + "4 : 0.000000\n" + ] + }, + { + "data": { + "text/plain": [ + "0.5416666666666666" + ] + }, + "execution_count": 221, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "def calc_overlap(row):\n", + " \"\"\"\n", + " 计算 prediction and ground truth的重叠部分\n", + " \"\"\"\n", + " set_pred = set(row.new_predictionstring_pred.split(' '))\n", + " set_gt = set(row.new_predictionstring_gt.split(' '))\n", + " # length of each end intersection\n", + " len_pred = len(set_pred)\n", + " len_gt = len(set_gt)\n", + " intersection = len(set_gt.intersection(set_pred)) # 两者交集\n", + " overlap_1 = intersection / len_gt # 交集占ground truth比例\n", + " overlap_2 = intersection / len_pred # 交集占prediction比例\n", + " return [overlap_1, overlap_2]\n", + "\n", + "def score_feedback_comp(pred_df, gt_df):\n", + " \n", + " \"\"\"\n", + " A function that scores for the kaggle\n", + " Student Writing Competition\n", + " Uses the steps in the evaluation page here:\n", + " https://www.kaggle.com/c/feedback-prize-2021/overview/evaluation\n", + " 关于评价指标的介绍,详见讲义的第一周。\n", + " \"\"\"\n", + " pred_df.new_predictionstring = pred_df.new_predictionstring.apply(\n", + " lambda x: ' '.join([str(item) for item in x])\n", + " )\n", + " gt_df.new_predictionstring = gt_df.new_predictionstring.apply(\n", + " lambda x: ' '.join([str(item) for item in x])\n", + " )\n", + " \n", + " gt_df = gt_df[['id', 'discourse_type', 'new_predictionstring']].reset_index(drop = True).copy() # ground truth\n", + " pred_df = pred_df[['id', 'class', 'new_predictionstring']].reset_index(drop = True).copy() # prediction\n", + " gt_df['gt_id'] = gt_df.index\n", + " pred_df['pred_id'] = pred_df.index\n", + " joined = pred_df.merge( \n", + " gt_df, \n", + " left_on = ['id', 'class'],\n", + " right_on = ['id', 'discourse_type'], \n", + " how = 'outer', # outer join\n", + " suffixes = ['_pred', '_gt'] # 重复列的后缀\n", + " )\n", + " joined['new_predictionstring_gt'] = joined['new_predictionstring_gt'].fillna(' ') # 填充空格\n", + " joined['new_predictionstring_pred'] = joined['new_predictionstring_pred'].fillna(' ') # 填充空格\n", + " joined['overlaps'] = joined.apply(calc_overlap, axis = 1) # \n", + " # overlap over 0.5: true positive\n", + " # If nultiple overlaps exists, the higher is taken.\n", + " joined['overlap1'] = joined['overlaps'].apply(lambda x: eval(str(x))[0])\n", + " joined['overlap2'] = joined['overlaps'].apply(lambda x: eval(str(x))[1])\n", + " \n", + " # 两种overlap都大于0.5,则为TP\n", + " joined['potential_TP'] = (joined['overlap1'] >= 0.5) & (joined['overlap2'] >= 0.5)\n", + " joined['max_overlap'] = joined[['overlap1', 'overlap2']].max(axis = 1) # 取大的值\n", + "\n", + " # query: 只取'potential_TP'==True的样本\n", + " # sort_values: 按max_overlap降序\n", + " # groupby: 按['id', 'new_predictionstring_gt'] 分组获取index\n", + " tp_pred_ids = joined.query('potential_TP').sort_values('max_overlap', ascending = False)\\\n", + " .groupby(['id', 'new_predictionstring_gt']).first()['pred_id'].values\n", + " \n", + " fp_pred_ids = [p for p in joined['pred_id'].unique() if p not in tp_pred_ids] # FP数据\n", + " matched_gt_ids = joined.query('potential_TP')['gt_id'].unique()\n", + " print(joined[joined.gt_id.isin(matched_gt_ids)])\n", + " unmatched_gt_ids = [c for c in joined['gt_id'].unique() if c not in matched_gt_ids] # FN数据\n", + "\n", + " TP = len(tp_pred_ids)\n", + " FP = len(fp_pred_ids)\n", + " FN = len(unmatched_gt_ids)\n", + " print(TP, FN, FP)\n", + " # macro_f1_score 公式\n", + " macro_f1_score = TP / (TP + 1/2 * (FP + FN))\n", + " return macro_f1_score\n", + "\n", + "import numpy as np\n", + "def oof_score(df_val, oof):\n", + " '''\n", + " OOF分数计算\n", + " '''\n", + " f1score = []\n", + " classes = [1,2,3,4]\n", + " # 计算每个class的分数\n", + " for c in classes: \n", + " pred_df = oof.loc[oof['class'] == c].copy()\n", + " gt_df = df_val.loc[df_val['discourse_type'] == c].copy()\n", + " f1 = score_feedback_comp(pred_df, gt_df)\n", + " print(f'{c:<10}: {f1:4f}')\n", + " f1score.append(f1)\n", + " f1avg = np.mean(f1score)\n", + " return f1avg\n", + "\n", + "oof_score(\n", + " df_targets.rename(columns={\n", + " 'class':'discourse_type',\n", + " 'predictionString': 'new_predictionstring'\n", + " }),\n", + " df_outputs.rename(columns={\n", + " 'predictionString': 'new_predictionstring'\n", + " })\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 196, + "id": "45dfa452", + "metadata": {}, + "outputs": [ + { + "ename": "NameError", + "evalue": "name 'valloader' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [196]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 1\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m torch\u001b[38;5;241m.\u001b[39mno_grad():\n\u001b[0;32m----> 3\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m i, (inputs, targets) \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28menumerate\u001b[39m(\u001b[43mvalloader\u001b[49m):\n\u001b[1;32m 4\u001b[0m loss, outputs \u001b[38;5;241m=\u001b[39m model(\n\u001b[1;32m 5\u001b[0m labels\u001b[38;5;241m=\u001b[39mtargets,\n\u001b[1;32m 6\u001b[0m input_ids\u001b[38;5;241m=\u001b[39minputs[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124minput_ids\u001b[39m\u001b[38;5;124m'\u001b[39m],\n\u001b[1;32m 7\u001b[0m attention_mask\u001b[38;5;241m=\u001b[39minputs[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mattention_mask\u001b[39m\u001b[38;5;124m'\u001b[39m],\n\u001b[1;32m 8\u001b[0m return_dict\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mFalse\u001b[39;00m\n\u001b[1;32m 9\u001b[0m )\n\u001b[1;32m 11\u001b[0m \u001b[38;5;66;03m# validation should have this, all can still be on the GPU\u001b[39;00m\n", + "\u001b[0;31mNameError\u001b[0m: name 'valloader' is not defined" + ] + } + ], + "source": [ + "with torch.no_grad():\n", + " \n", + " for i, (inputs, targets) in enumerate(valloader):\n", + " loss, outputs = model(\n", + " labels=targets,\n", + " input_ids=inputs['input_ids'],\n", + " attention_mask=inputs['attention_mask'],\n", + " return_dict=False\n", + " )\n", + " \n", + " # validation should have this, all can still be on the GPU\n", + " word_ids = inputs['word_ids']\n", + " doc_ids = inputs['index']\n", + " \n", + " word_label_probas = get_word_labels(word_ids, outputs, agg_strategy='first', has_x=False)\n", + " # can still be GPU\n", + " word_labels = [tensor.argmax(dim=1) for tensor in word_label_probas]\n", + " # still GPU\n", + " \n", + " target_labels = get_word_labels(word_ids, targets, agg_strategy='first', has_x=False)\n", + " \n", + " \n", + " # todo need to have a label to map groups of items back to each other,\n", + " # so first convert back to strings, then relabel based on strings, e.g. remove the 'B-I' stuff!\n", + " df_targets_predString = get_predictionString(target_labels, doc_ids)\n", + " df_outputs_predString = get_predictionString(word_labels, doc_ids)\n", + " \n", + " evaluate(df_outputs_predString, df_targets_predString)\n", + " \n", + " \n", + " # also needs the doc ID for the mapping, so doc_id is missing!!!!\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": 140, + "id": "a6627d50", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
tpfp
0True1
1True2
\n", + "
" + ], + "text/plain": [ + " tp fp\n", + "0 True 1\n", + "1 True 2" + ] + }, + "execution_count": 140, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "pd.DataFrame({'tp':[True,True,False, False], 'fp':[1,2,3,4]}).query('tp')" + ] + }, + { + "cell_type": "code", + "execution_count": 144, + "id": "b01f066d", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextspan_startspan_enddoc_idpredictionStringlabel_biolabel_bieo
0OOtherShould students be taught to compete or to coo...0503essay0011 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1...O O O O O O O O O O O O O O O O O O O O O O O ...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
1T1MajorClaimwe should attach more importance to cooperatio...503575essay00183 84 85 86 87 88 89 90 91 92B-MajorClaim I-MajorClaim I-MajorClaim I-Major...[B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M...
2OOther.\\nFirst of all,575591essay00193 94 95 96O O O O[O, O, O, O]
3T3Claimthrough cooperation, children can learn about ...591714essay00197 98 99 100 101 102 103 104 105 106 107 108 1...B-Claim I-Claim I-Claim I-Claim I-Claim I-Clai...[B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ...
4OOther.714716essay001115O[O]
5T4PremiseWhat we acquired from team work is not only ho...716851essay001116 117 118 119 120 121 122 123 124 125 126 12...B-Premise I-Premise I-Premise I-Premise I-Prem...[B-Premise, I-Premise, I-Premise, I-Premise, I...
6OOther.851853essay001142O[O]
7T5PremiseDuring the process of cooperation, children ca...8531086essay001143 144 145 146 147 148 149 150 151 152 153 15...B-Premise I-Premise I-Premise I-Premise I-Prem...[B-Premise, I-Premise, I-Premise, I-Premise, I...
8OOther.10861088essay001180O[O]
9T6PremiseAll of these skills help them to get on well w...10881191essay001181 182 183 184 185 186 187 188 189 190 191 19...B-Premise I-Premise I-Premise I-Premise I-Prem...[B-Premise, I-Premise, I-Premise, I-Premise, I...
10OOther.\\nOn the other hand,11911212essay001202 203 204 205 206O O O O O[O, O, O, O, O]
11T8Premisethe significance of competition is that how to...12121301essay001207 208 209 210 211 212 213 214 215 216 217 21...B-Premise I-Premise I-Premise I-Premise I-Prem...[B-Premise, I-Premise, I-Premise, I-Premise, I...
12OOther. Hence it is always said that13011332essay001222 223 224 225 226 227 228O O O O O O O[O, O, O, O, O, O, O]
13T7Claimcompetition makes the society more effective13321376essay001229 230 231 232 233 234B-Claim I-Claim I-Claim I-Claim I-Claim I-Claim[B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ...
14OOther. However,13761387essay001235 236O O[O, O]
15T9Premisewhen we consider about the question that how t...13871492essay001237 238 239 240 241 242 243 244 245 246 247 24...B-Premise I-Premise I-Premise I-Premise I-Prem...[B-Premise, I-Premise, I-Premise, I-Premise, I...
16OOther. The greater our goal is, the more competitio...14921549essay001257 258 259 260 261 262 263 264 265 266 267O O O O O O O O O O O[O, O, O, O, O, O, O, O, O, O, O]
17T10PremiseTake Olympic games which is a form of competit...15491846essay001268 269 270 271 272 273 274 275 276 277 278 27...B-Premise I-Premise I-Premise I-Premise I-Prem...[B-Premise, I-Premise, I-Premise, I-Premise, I...
18OOther. The winner is the athlete but the success be...18461927essay001326 327 328 329 330 331 332 333 334 335 336 33...O O O O O O O O O O O O O O O[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O]
19T11Claimwithout the cooperation, there would be no vic...19271992essay001341 342 343 344 345 346 347 348 349 350B-Claim I-Claim I-Claim I-Claim I-Claim I-Clai...[B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ...
20OOther.\\nConsequently, no matter from the view of in...19922154essay001351 352 353 354 355 356 357 358 359 360 361 36...O O O O O O O O O O O O O O O O O O O O O O O O[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
21T2MajorClaima more cooperative attitudes towards life is m...21542231essay001375 376 377 378 379 380 381 382 383 384 385 386B-MajorClaim I-MajorClaim I-MajorClaim I-Major...[B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M...
22OOther.22312232essay001387O[O]
\n", + "
" + ], + "text/plain": [ + " label_type label text \\\n", + "0 O Other Should students be taught to compete or to coo... \n", + "1 T1 MajorClaim we should attach more importance to cooperatio... \n", + "2 O Other .\\nFirst of all, \n", + "3 T3 Claim through cooperation, children can learn about ... \n", + "4 O Other . \n", + "5 T4 Premise What we acquired from team work is not only ho... \n", + "6 O Other . \n", + "7 T5 Premise During the process of cooperation, children ca... \n", + "8 O Other . \n", + "9 T6 Premise All of these skills help them to get on well w... \n", + "10 O Other .\\nOn the other hand, \n", + "11 T8 Premise the significance of competition is that how to... \n", + "12 O Other . Hence it is always said that \n", + "13 T7 Claim competition makes the society more effective \n", + "14 O Other . However, \n", + "15 T9 Premise when we consider about the question that how t... \n", + "16 O Other . The greater our goal is, the more competitio... \n", + "17 T10 Premise Take Olympic games which is a form of competit... \n", + "18 O Other . The winner is the athlete but the success be... \n", + "19 T11 Claim without the cooperation, there would be no vic... \n", + "20 O Other .\\nConsequently, no matter from the view of in... \n", + "21 T2 MajorClaim a more cooperative attitudes towards life is m... \n", + "22 O Other . \n", + "\n", + " span_start span_end doc_id \\\n", + "0 0 503 essay001 \n", + "1 503 575 essay001 \n", + "2 575 591 essay001 \n", + "3 591 714 essay001 \n", + "4 714 716 essay001 \n", + "5 716 851 essay001 \n", + "6 851 853 essay001 \n", + "7 853 1086 essay001 \n", + "8 1086 1088 essay001 \n", + "9 1088 1191 essay001 \n", + "10 1191 1212 essay001 \n", + "11 1212 1301 essay001 \n", + "12 1301 1332 essay001 \n", + "13 1332 1376 essay001 \n", + "14 1376 1387 essay001 \n", + "15 1387 1492 essay001 \n", + "16 1492 1549 essay001 \n", + "17 1549 1846 essay001 \n", + "18 1846 1927 essay001 \n", + "19 1927 1992 essay001 \n", + "20 1992 2154 essay001 \n", + "21 2154 2231 essay001 \n", + "22 2231 2232 essay001 \n", + "\n", + " predictionString \\\n", + "0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1... \n", + "1 83 84 85 86 87 88 89 90 91 92 \n", + "2 93 94 95 96 \n", + "3 97 98 99 100 101 102 103 104 105 106 107 108 1... \n", + "4 115 \n", + "5 116 117 118 119 120 121 122 123 124 125 126 12... \n", + "6 142 \n", + "7 143 144 145 146 147 148 149 150 151 152 153 15... \n", + "8 180 \n", + "9 181 182 183 184 185 186 187 188 189 190 191 19... \n", + "10 202 203 204 205 206 \n", + "11 207 208 209 210 211 212 213 214 215 216 217 21... \n", + "12 222 223 224 225 226 227 228 \n", + "13 229 230 231 232 233 234 \n", + "14 235 236 \n", + "15 237 238 239 240 241 242 243 244 245 246 247 24... \n", + "16 257 258 259 260 261 262 263 264 265 266 267 \n", + "17 268 269 270 271 272 273 274 275 276 277 278 27... \n", + "18 326 327 328 329 330 331 332 333 334 335 336 33... \n", + "19 341 342 343 344 345 346 347 348 349 350 \n", + "20 351 352 353 354 355 356 357 358 359 360 361 36... \n", + "21 375 376 377 378 379 380 381 382 383 384 385 386 \n", + "22 387 \n", + "\n", + " label_bio \\\n", + "0 O O O O O O O O O O O O O O O O O O O O O O O ... \n", + "1 B-MajorClaim I-MajorClaim I-MajorClaim I-Major... \n", + "2 O O O O \n", + "3 B-Claim I-Claim I-Claim I-Claim I-Claim I-Clai... \n", + "4 O \n", + "5 B-Premise I-Premise I-Premise I-Premise I-Prem... \n", + "6 O \n", + "7 B-Premise I-Premise I-Premise I-Premise I-Prem... \n", + "8 O \n", + "9 B-Premise I-Premise I-Premise I-Premise I-Prem... \n", + "10 O O O O O \n", + "11 B-Premise I-Premise I-Premise I-Premise I-Prem... \n", + "12 O O O O O O O \n", + "13 B-Claim I-Claim I-Claim I-Claim I-Claim I-Claim \n", + "14 O O \n", + "15 B-Premise I-Premise I-Premise I-Premise I-Prem... \n", + "16 O O O O O O O O O O O \n", + "17 B-Premise I-Premise I-Premise I-Premise I-Prem... \n", + "18 O O O O O O O O O O O O O O O \n", + "19 B-Claim I-Claim I-Claim I-Claim I-Claim I-Clai... \n", + "20 O O O O O O O O O O O O O O O O O O O O O O O O \n", + "21 B-MajorClaim I-MajorClaim I-MajorClaim I-Major... \n", + "22 O \n", + "\n", + " label_bieo \n", + "0 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "1 [B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M... \n", + "2 [O, O, O, O] \n", + "3 [B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ... \n", + "4 [O] \n", + "5 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "6 [O] \n", + "7 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "8 [O] \n", + "9 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "10 [O, O, O, O, O] \n", + "11 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "12 [O, O, O, O, O, O, O] \n", + "13 [B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ... \n", + "14 [O, O] \n", + "15 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "16 [O, O, O, O, O, O, O, O, O, O, O] \n", + "17 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "18 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O] \n", + "19 [B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ... \n", + "20 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "21 [B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M... \n", + "22 [O] " + ] + }, + "execution_count": 144, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_text[df_text.doc_id == 'essay001']" + ] + }, + { + "cell_type": "code", + "execution_count": 157, + "id": "332cc1e5", + "metadata": {}, + "outputs": [], + "source": [ + "def get_predictionString(labels, doc_ids):\n", + " \"\"\" \n", + " \"\"\"\n", + " # TODO need to ensure that we are mapping to the correct class names and doc IDs!\n", + " ids = []\n", + " classes = []\n", + " prediction_strings = []\n", + " for doc_id, label in zip(doc_ids, labels):\n", + " unique_classes, unique_class_counts = torch.unique_consecutive(label, return_counts=True)\n", + " start_id = 1\n", + " for unique_class, unique_class_count in zip(unique_classes, unique_class_counts):\n", + " ids.append(doc_id.item())\n", + " classes.append(unique_class.item())\n", + " end_id = start_id + unique_class_count + 1 \n", + " prediction_strings.append(set(range(start_id, end_id)))\n", + " start_id = end_id\n", + " return pd.DataFrame(data={'id': ids, 'class': classes, 'predictionString': prediction_strings})" + ] + }, + { + "cell_type": "code", + "execution_count": 127, + "id": "fd592852", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextspan_startspan_enddoc_idpredictionStringlabel_biolabel_bieo
0OOtherShould students be taught to compete or to coo...0503essay0011 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1...O O O O O O O O O O O O O O O O O O O O O O O ...[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
1T1MajorClaimwe should attach more importance to cooperatio...503575essay00183 84 85 86 87 88 89 90 91 92B-MajorClaim I-MajorClaim I-MajorClaim I-Major...[B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M...
2OOther.\\nFirst of all,575591essay00193 94 95 96O O O O[O, O, O, O]
3T3Claimthrough cooperation, children can learn about ...591714essay00197 98 99 100 101 102 103 104 105 106 107 108 1...B-Claim I-Claim I-Claim I-Claim I-Claim I-Clai...[B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ...
4OOther.714716essay001115O[O]
5T4PremiseWhat we acquired from team work is not only ho...716851essay001116 117 118 119 120 121 122 123 124 125 126 12...B-Premise I-Premise I-Premise I-Premise I-Prem...[B-Premise, I-Premise, I-Premise, I-Premise, I...
6OOther.851853essay001142O[O]
7T5PremiseDuring the process of cooperation, children ca...8531086essay001143 144 145 146 147 148 149 150 151 152 153 15...B-Premise I-Premise I-Premise I-Premise I-Prem...[B-Premise, I-Premise, I-Premise, I-Premise, I...
8OOther.10861088essay001180O[O]
9T6PremiseAll of these skills help them to get on well w...10881191essay001181 182 183 184 185 186 187 188 189 190 191 19...B-Premise I-Premise I-Premise I-Premise I-Prem...[B-Premise, I-Premise, I-Premise, I-Premise, I...
10OOther.\\nOn the other hand,11911212essay001202 203 204 205 206O O O O O[O, O, O, O, O]
11T8Premisethe significance of competition is that how to...12121301essay001207 208 209 210 211 212 213 214 215 216 217 21...B-Premise I-Premise I-Premise I-Premise I-Prem...[B-Premise, I-Premise, I-Premise, I-Premise, I...
12OOther. Hence it is always said that13011332essay001222 223 224 225 226 227 228O O O O O O O[O, O, O, O, O, O, O]
13T7Claimcompetition makes the society more effective13321376essay001229 230 231 232 233 234B-Claim I-Claim I-Claim I-Claim I-Claim I-Claim[B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ...
14OOther. However,13761387essay001235 236O O[O, O]
15T9Premisewhen we consider about the question that how t...13871492essay001237 238 239 240 241 242 243 244 245 246 247 24...B-Premise I-Premise I-Premise I-Premise I-Prem...[B-Premise, I-Premise, I-Premise, I-Premise, I...
16OOther. The greater our goal is, the more competitio...14921549essay001257 258 259 260 261 262 263 264 265 266 267O O O O O O O O O O O[O, O, O, O, O, O, O, O, O, O, O]
17T10PremiseTake Olympic games which is a form of competit...15491846essay001268 269 270 271 272 273 274 275 276 277 278 27...B-Premise I-Premise I-Premise I-Premise I-Prem...[B-Premise, I-Premise, I-Premise, I-Premise, I...
18OOther. The winner is the athlete but the success be...18461927essay001326 327 328 329 330 331 332 333 334 335 336 33...O O O O O O O O O O O O O O O[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O]
19T11Claimwithout the cooperation, there would be no vic...19271992essay001341 342 343 344 345 346 347 348 349 350B-Claim I-Claim I-Claim I-Claim I-Claim I-Clai...[B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ...
20OOther.\\nConsequently, no matter from the view of in...19922154essay001351 352 353 354 355 356 357 358 359 360 361 36...O O O O O O O O O O O O O O O O O O O O O O O O[O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ...
21T2MajorClaima more cooperative attitudes towards life is m...21542231essay001375 376 377 378 379 380 381 382 383 384 385 386B-MajorClaim I-MajorClaim I-MajorClaim I-Major...[B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M...
22OOther.22312232essay001387O[O]
\n", + "
" + ], + "text/plain": [ + " label_type label text \\\n", + "0 O Other Should students be taught to compete or to coo... \n", + "1 T1 MajorClaim we should attach more importance to cooperatio... \n", + "2 O Other .\\nFirst of all, \n", + "3 T3 Claim through cooperation, children can learn about ... \n", + "4 O Other . \n", + "5 T4 Premise What we acquired from team work is not only ho... \n", + "6 O Other . \n", + "7 T5 Premise During the process of cooperation, children ca... \n", + "8 O Other . \n", + "9 T6 Premise All of these skills help them to get on well w... \n", + "10 O Other .\\nOn the other hand, \n", + "11 T8 Premise the significance of competition is that how to... \n", + "12 O Other . Hence it is always said that \n", + "13 T7 Claim competition makes the society more effective \n", + "14 O Other . However, \n", + "15 T9 Premise when we consider about the question that how t... \n", + "16 O Other . The greater our goal is, the more competitio... \n", + "17 T10 Premise Take Olympic games which is a form of competit... \n", + "18 O Other . The winner is the athlete but the success be... \n", + "19 T11 Claim without the cooperation, there would be no vic... \n", + "20 O Other .\\nConsequently, no matter from the view of in... \n", + "21 T2 MajorClaim a more cooperative attitudes towards life is m... \n", + "22 O Other . \n", + "\n", + " span_start span_end doc_id \\\n", + "0 0 503 essay001 \n", + "1 503 575 essay001 \n", + "2 575 591 essay001 \n", + "3 591 714 essay001 \n", + "4 714 716 essay001 \n", + "5 716 851 essay001 \n", + "6 851 853 essay001 \n", + "7 853 1086 essay001 \n", + "8 1086 1088 essay001 \n", + "9 1088 1191 essay001 \n", + "10 1191 1212 essay001 \n", + "11 1212 1301 essay001 \n", + "12 1301 1332 essay001 \n", + "13 1332 1376 essay001 \n", + "14 1376 1387 essay001 \n", + "15 1387 1492 essay001 \n", + "16 1492 1549 essay001 \n", + "17 1549 1846 essay001 \n", + "18 1846 1927 essay001 \n", + "19 1927 1992 essay001 \n", + "20 1992 2154 essay001 \n", + "21 2154 2231 essay001 \n", + "22 2231 2232 essay001 \n", + "\n", + " predictionString \\\n", + "0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1... \n", + "1 83 84 85 86 87 88 89 90 91 92 \n", + "2 93 94 95 96 \n", + "3 97 98 99 100 101 102 103 104 105 106 107 108 1... \n", + "4 115 \n", + "5 116 117 118 119 120 121 122 123 124 125 126 12... \n", + "6 142 \n", + "7 143 144 145 146 147 148 149 150 151 152 153 15... \n", + "8 180 \n", + "9 181 182 183 184 185 186 187 188 189 190 191 19... \n", + "10 202 203 204 205 206 \n", + "11 207 208 209 210 211 212 213 214 215 216 217 21... \n", + "12 222 223 224 225 226 227 228 \n", + "13 229 230 231 232 233 234 \n", + "14 235 236 \n", + "15 237 238 239 240 241 242 243 244 245 246 247 24... \n", + "16 257 258 259 260 261 262 263 264 265 266 267 \n", + "17 268 269 270 271 272 273 274 275 276 277 278 27... \n", + "18 326 327 328 329 330 331 332 333 334 335 336 33... \n", + "19 341 342 343 344 345 346 347 348 349 350 \n", + "20 351 352 353 354 355 356 357 358 359 360 361 36... \n", + "21 375 376 377 378 379 380 381 382 383 384 385 386 \n", + "22 387 \n", + "\n", + " label_bio \\\n", + "0 O O O O O O O O O O O O O O O O O O O O O O O ... \n", + "1 B-MajorClaim I-MajorClaim I-MajorClaim I-Major... \n", + "2 O O O O \n", + "3 B-Claim I-Claim I-Claim I-Claim I-Claim I-Clai... \n", + "4 O \n", + "5 B-Premise I-Premise I-Premise I-Premise I-Prem... \n", + "6 O \n", + "7 B-Premise I-Premise I-Premise I-Premise I-Prem... \n", + "8 O \n", + "9 B-Premise I-Premise I-Premise I-Premise I-Prem... \n", + "10 O O O O O \n", + "11 B-Premise I-Premise I-Premise I-Premise I-Prem... \n", + "12 O O O O O O O \n", + "13 B-Claim I-Claim I-Claim I-Claim I-Claim I-Claim \n", + "14 O O \n", + "15 B-Premise I-Premise I-Premise I-Premise I-Prem... \n", + "16 O O O O O O O O O O O \n", + "17 B-Premise I-Premise I-Premise I-Premise I-Prem... \n", + "18 O O O O O O O O O O O O O O O \n", + "19 B-Claim I-Claim I-Claim I-Claim I-Claim I-Clai... \n", + "20 O O O O O O O O O O O O O O O O O O O O O O O O \n", + "21 B-MajorClaim I-MajorClaim I-MajorClaim I-Major... \n", + "22 O \n", + "\n", + " label_bieo \n", + "0 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "1 [B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M... \n", + "2 [O, O, O, O] \n", + "3 [B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ... \n", + "4 [O] \n", + "5 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "6 [O] \n", + "7 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "8 [O] \n", + "9 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "10 [O, O, O, O, O] \n", + "11 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "12 [O, O, O, O, O, O, O] \n", + "13 [B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ... \n", + "14 [O, O] \n", + "15 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "16 [O, O, O, O, O, O, O, O, O, O, O] \n", + "17 [B-Premise, I-Premise, I-Premise, I-Premise, I... \n", + "18 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O] \n", + "19 [B-Claim, I-Claim, I-Claim, I-Claim, I-Claim, ... \n", + "20 [O, O, O, O, O, O, O, O, O, O, O, O, O, O, O, ... \n", + "21 [B-MajorClaim, I-MajorClaim, I-MajorClaim, I-M... \n", + "22 [O] " + ] + }, + "execution_count": 127, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_text[df_text.doc_id == 'essay001']" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b9c6aeb9", + "metadata": {}, + "outputs": [], + "source": [ + "def get_predictionString(labels, doc_ids):\n", + " for label in labels:\n", + " unique_classes, unique_class_counts = torch.unique_consecutive(return_counts=True)\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 99, + "id": "894f7bfa", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "doc_id\n", + "essay001 387\n", + "essay002 346\n", + "Name: label_bio, dtype: int64" + ] + }, + "execution_count": 99, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_input.iloc[[0,1]].label_bio.apply(lambda x: len(x))" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "id": "7852a499", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
01
012
134
\n", + "
" + ], + "text/plain": [ + " 0 1\n", + "0 1 2\n", + "1 3 4" + ] + }, + "execution_count": 42, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [] + }, + { + "cell_type": "markdown", + "id": "54f2da94", + "metadata": {}, + "source": [ + "# Full Inference" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "id": "ee10760f", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "{0: 'O',\n", + " 1: 'B-MajorClaim',\n", + " 2: 'I-MajorClaim',\n", + " 3: 'B-Claim',\n", + " 4: 'I-Claim',\n", + " 5: 'B-Premise',\n", + " 6: 'I-Premise'}" + ] + }, + "execution_count": 25, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "valloader.dataset.id_to_label" + ] + }, + { + "cell_type": "code", + "execution_count": 72, + "id": "d41356f4", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " MultiAccuracy_no_agg MultiAccuracy_agg MultiAccuracy_agg_reduced\n", + "0 0.515625 0.397933 0.397933\n", + "1 0.480469 0.291908 0.291908\n", + " tp class fn fp f1\n", + "0 0.0 0 27 2 0.0\n", + "1 0.0 1 4 0 0.0\n", + "2 0.0 2 6 0 0.0\n", + "3 0.0 3 15 0 0.0\n" + ] + }, + { + "ename": "KeyboardInterrupt", + "evalue": "", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [72]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 10\u001b[0m outputs \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39margmax(outputs, dim\u001b[38;5;241m=\u001b[39m\u001b[38;5;241m-\u001b[39m\u001b[38;5;241m1\u001b[39m)\n\u001b[1;32m 11\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m torch\u001b[38;5;241m.\u001b[39msum(outputs \u001b[38;5;241m==\u001b[39m targets, dim\u001b[38;5;241m=\u001b[39m\u001b[38;5;241m-\u001b[39m\u001b[38;5;241m1\u001b[39m) \u001b[38;5;241m/\u001b[39m targets\u001b[38;5;241m.\u001b[39mshape[\u001b[38;5;241m-\u001b[39m\u001b[38;5;241m1\u001b[39m]\n\u001b[0;32m---> 14\u001b[0m \u001b[43minference\u001b[49m\u001b[43m(\u001b[49m\u001b[43mmodel\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mvalloader\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mmetrics\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43m[\u001b[49m\u001b[43mMultiAccuracy\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\u001b[43m]\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/Desktop/Main/0.Education/2.UCL/Courses/NLP/argument-mining/argminer/evaluation.py:179\u001b[0m, in \u001b[0;36minference\u001b[0;34m(model, testloader, metrics)\u001b[0m\n\u001b[1;32m 177\u001b[0m inputs \u001b[38;5;241m=\u001b[39m move_to_device(inputs, DEVICE)\n\u001b[1;32m 178\u001b[0m targets \u001b[38;5;241m=\u001b[39m move_to_device(targets, DEVICE)\n\u001b[0;32m--> 179\u001b[0m loss, outputs \u001b[38;5;241m=\u001b[39m \u001b[43mmodel\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 180\u001b[0m \u001b[43m \u001b[49m\u001b[43mlabels\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mtargets\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 181\u001b[0m \u001b[43m \u001b[49m\u001b[43minput_ids\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minputs\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43minput_ids\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m]\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 182\u001b[0m \u001b[43m \u001b[49m\u001b[43mattention_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minputs\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43mattention_mask\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m]\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 183\u001b[0m \u001b[43m \u001b[49m\u001b[43mreturn_dict\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mFalse\u001b[39;49;00m\n\u001b[1;32m 184\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 185\u001b[0m df_metrics_no_agg \u001b[38;5;241m=\u001b[39m pd\u001b[38;5;241m.\u001b[39mDataFrame\u001b[38;5;241m.\u001b[39mfrom_records({\n\u001b[1;32m 186\u001b[0m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;132;01m{\u001b[39;00mmetric\u001b[38;5;241m.\u001b[39m\u001b[38;5;18m__class__\u001b[39m\u001b[38;5;241m.\u001b[39m\u001b[38;5;18m__name__\u001b[39m\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m_no_agg\u001b[39m\u001b[38;5;124m'\u001b[39m: metric(outputs, targets) \u001b[38;5;28;01mfor\u001b[39;00m metric \u001b[38;5;129;01min\u001b[39;00m metrics\n\u001b[1;32m 187\u001b[0m })\n\u001b[1;32m 189\u001b[0m word_ids \u001b[38;5;241m=\u001b[39m inputs[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mword_ids\u001b[39m\u001b[38;5;124m'\u001b[39m]\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/module.py:1102\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1098\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1099\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1100\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1103\u001b[0m \u001b[38;5;66;03m# Do not call functions when jit is used\u001b[39;00m\n\u001b[1;32m 1104\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[38;5;241m=\u001b[39m [], []\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/transformers/models/big_bird/modeling_big_bird.py:2871\u001b[0m, in \u001b[0;36mBigBirdForTokenClassification.forward\u001b[0;34m(self, input_ids, attention_mask, token_type_ids, position_ids, head_mask, inputs_embeds, labels, output_attentions, output_hidden_states, return_dict)\u001b[0m\n\u001b[1;32m 2865\u001b[0m \u001b[38;5;124mr\u001b[39m\u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[1;32m 2866\u001b[0m \u001b[38;5;124;03mlabels (`torch.LongTensor` of shape `(batch_size, sequence_length)`, *optional*):\u001b[39;00m\n\u001b[1;32m 2867\u001b[0m \u001b[38;5;124;03m Labels for computing the token classification loss. Indices should be in `[0, ..., config.num_labels - 1]`.\u001b[39;00m\n\u001b[1;32m 2868\u001b[0m \u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[1;32m 2869\u001b[0m return_dict \u001b[38;5;241m=\u001b[39m return_dict \u001b[38;5;28;01mif\u001b[39;00m return_dict \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m \u001b[38;5;28;01melse\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mconfig\u001b[38;5;241m.\u001b[39muse_return_dict\n\u001b[0;32m-> 2871\u001b[0m outputs \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mbert\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 2872\u001b[0m \u001b[43m \u001b[49m\u001b[43minput_ids\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2873\u001b[0m \u001b[43m \u001b[49m\u001b[43mattention_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mattention_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2874\u001b[0m \u001b[43m \u001b[49m\u001b[43mtoken_type_ids\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mtoken_type_ids\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2875\u001b[0m \u001b[43m \u001b[49m\u001b[43mposition_ids\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mposition_ids\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2876\u001b[0m \u001b[43m \u001b[49m\u001b[43mhead_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mhead_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2877\u001b[0m \u001b[43m \u001b[49m\u001b[43minputs_embeds\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43minputs_embeds\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2878\u001b[0m \u001b[43m \u001b[49m\u001b[43moutput_attentions\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43moutput_attentions\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2879\u001b[0m \u001b[43m \u001b[49m\u001b[43moutput_hidden_states\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43moutput_hidden_states\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2880\u001b[0m \u001b[43m \u001b[49m\u001b[43mreturn_dict\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mreturn_dict\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2881\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 2883\u001b[0m sequence_output \u001b[38;5;241m=\u001b[39m outputs[\u001b[38;5;241m0\u001b[39m]\n\u001b[1;32m 2885\u001b[0m sequence_output \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mdropout(sequence_output)\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/module.py:1102\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1098\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1099\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1100\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1103\u001b[0m \u001b[38;5;66;03m# Do not call functions when jit is used\u001b[39;00m\n\u001b[1;32m 1104\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[38;5;241m=\u001b[39m [], []\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/transformers/models/big_bird/modeling_big_bird.py:2138\u001b[0m, in \u001b[0;36mBigBirdModel.forward\u001b[0;34m(self, input_ids, attention_mask, token_type_ids, position_ids, head_mask, inputs_embeds, encoder_hidden_states, encoder_attention_mask, past_key_values, use_cache, output_attentions, output_hidden_states, return_dict)\u001b[0m\n\u001b[1;32m 2128\u001b[0m head_mask \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mget_head_mask(head_mask, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mconfig\u001b[38;5;241m.\u001b[39mnum_hidden_layers)\n\u001b[1;32m 2130\u001b[0m embedding_output \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39membeddings(\n\u001b[1;32m 2131\u001b[0m input_ids\u001b[38;5;241m=\u001b[39minput_ids,\n\u001b[1;32m 2132\u001b[0m position_ids\u001b[38;5;241m=\u001b[39mposition_ids,\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 2135\u001b[0m past_key_values_length\u001b[38;5;241m=\u001b[39mpast_key_values_length,\n\u001b[1;32m 2136\u001b[0m )\n\u001b[0;32m-> 2138\u001b[0m encoder_outputs \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mencoder\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 2139\u001b[0m \u001b[43m \u001b[49m\u001b[43membedding_output\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2140\u001b[0m \u001b[43m \u001b[49m\u001b[43mattention_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mextended_attention_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2141\u001b[0m \u001b[43m \u001b[49m\u001b[43mhead_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mhead_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2142\u001b[0m \u001b[43m \u001b[49m\u001b[43mencoder_hidden_states\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mencoder_hidden_states\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2143\u001b[0m \u001b[43m \u001b[49m\u001b[43mencoder_attention_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mencoder_extended_attention_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2144\u001b[0m \u001b[43m \u001b[49m\u001b[43mpast_key_values\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mpast_key_values\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2145\u001b[0m \u001b[43m \u001b[49m\u001b[43muse_cache\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43muse_cache\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2146\u001b[0m \u001b[43m \u001b[49m\u001b[43moutput_attentions\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43moutput_attentions\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2147\u001b[0m \u001b[43m \u001b[49m\u001b[43moutput_hidden_states\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43moutput_hidden_states\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2148\u001b[0m \u001b[43m \u001b[49m\u001b[43mband_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mband_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2149\u001b[0m \u001b[43m \u001b[49m\u001b[43mfrom_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mfrom_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2150\u001b[0m \u001b[43m \u001b[49m\u001b[43mto_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mto_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2151\u001b[0m \u001b[43m \u001b[49m\u001b[43mblocked_encoder_mask\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mblocked_encoder_mask\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2152\u001b[0m \u001b[43m \u001b[49m\u001b[43mreturn_dict\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mreturn_dict\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2153\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 2154\u001b[0m sequence_output \u001b[38;5;241m=\u001b[39m encoder_outputs[\u001b[38;5;241m0\u001b[39m]\n\u001b[1;32m 2156\u001b[0m pooler_output \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mactivation(\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mpooler(sequence_output[:, \u001b[38;5;241m0\u001b[39m, :])) \u001b[38;5;28;01mif\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mpooler \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m) \u001b[38;5;28;01melse\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/module.py:1102\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *input, **kwargs)\u001b[0m\n\u001b[1;32m 1098\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1099\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1100\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1101\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1102\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1103\u001b[0m \u001b[38;5;66;03m# Do not call functions when jit is used\u001b[39;00m\n\u001b[1;32m 1104\u001b[0m full_backward_hooks, non_full_backward_hooks \u001b[38;5;241m=\u001b[39m [], []\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/transformers/models/big_bird/modeling_big_bird.py:1647\u001b[0m, in \u001b[0;36mBigBirdEncoder.forward\u001b[0;34m(self, hidden_states, attention_mask, head_mask, encoder_hidden_states, encoder_attention_mask, past_key_values, use_cache, output_attentions, output_hidden_states, band_mask, from_mask, to_mask, blocked_encoder_mask, return_dict)\u001b[0m\n\u001b[1;32m 1645\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m use_cache:\n\u001b[1;32m 1646\u001b[0m next_decoder_cache \u001b[38;5;241m+\u001b[39m\u001b[38;5;241m=\u001b[39m (layer_outputs[\u001b[38;5;241m-\u001b[39m\u001b[38;5;241m1\u001b[39m],)\n\u001b[0;32m-> 1647\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[43moutput_attentions\u001b[49m:\n\u001b[1;32m 1648\u001b[0m all_self_attentions \u001b[38;5;241m=\u001b[39m all_self_attentions \u001b[38;5;241m+\u001b[39m (layer_outputs[\u001b[38;5;241m1\u001b[39m],)\n\u001b[1;32m 1649\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mconfig\u001b[38;5;241m.\u001b[39madd_cross_attention:\n", + "\u001b[0;31mKeyboardInterrupt\u001b[0m: " + ] + } + ], + "source": [ + "class MultiAccuracy(torch.nn.Module):\n", + " \"\"\"Calculates accuracy for multiclass inputs (batchsize, feature length) by determining the most likely class\n", + " using argmax -> (batchsize,) and then comparing with targets which are also (batchsize,)\n", + " \"\"\"\n", + " def __init__(self):\n", + " super(MultiAccuracy, self).__init__()\n", + "\n", + " def forward(self, outputs, targets):\n", + " if outputs.shape != targets.shape:\n", + " outputs = torch.argmax(outputs, dim=-1)\n", + " return torch.sum(outputs == targets, dim=-1) / targets.shape[-1]\n", + "\n", + " \n", + "inference(model, valloader, metrics=[MultiAccuracy()])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "79b20a06", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/Longformer_debug.ipynb b/experiments/yousef/Longformer_debug.ipynb new file mode 100644 index 0000000..81c1e4a --- /dev/null +++ b/experiments/yousef/Longformer_debug.ipynb @@ -0,0 +1,4187 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "id": "8zIVWaSRUxuA" + }, + "source": [ + "# Foreword:\n", + "To run in Colab, we need to have the files in Drive. \n", + "To do this easily, we have to follow a couple of steps:\n", + "1. Go to Federico's `NLP_project` folder in Drive [here](https://drive.google.com/drive/folders/16Gm33Ckb_YoX_z_x9xVITt2afa-aAPLX?usp=sharing), and Add a shortcut to your drive.\n", + "2. Mount google drive on Colab by running the code cells that will follow.\n", + "3. Done, the directory structure will look like this:\n", + "```\n", + "YOUR_GOOGLE_DRIVE/\n", + "└── COMP0087/\n", + " ├── data/\n", + " │ ├── test\n", + " │ ├── train\n", + " │ ├── train.csv\n", + " │ └── sample_submission.csv\n", + " ├── model\n", + " └── output\n", + "```\n", + "4. Make sure you change the directory you are using in the `HyperParameters` class defined below to `/content/drive/MyDrive/NLP_project`\n", + "I have already done this automatically by setting a cd to that folder if we are on colab, I am writing this just so that you are aware." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "id": "ifzzOtkEUxuC", + "colab": { + "base_uri": "https://localhost:8080/" + }, + "outputId": "2be4b55c-738a-4f60-c694-6b3c68fc8843" + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Drive already mounted at /content/drive; to attempt to forcibly remount, call drive.mount(\"/content/drive\", force_remount=True).\n" + ] + } + ], + "source": [ + "ON_COLAB = True\n", + "if ON_COLAB:\n", + " # Mount drive:\n", + " from google.colab import drive, files\n", + " # mount Google Drive\n", + " drive.mount(\"/content/drive\")" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "V5K5Cr2fUxuE" + }, + "source": [ + "# Imports" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": { + "id": "eriNZqVPVW9a" + }, + "outputs": [], + "source": [ + "%%capture\n", + "# if on Colab, we need to install missing stuff!\n", + "if ON_COLAB:\n", + " !pip install transformers\n", + " !pip install iterative-stratification\n", + " !pip install nvidia-ml-py3" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "id": "OtO0xcw1UxuF" + }, + "outputs": [], + "source": [ + "import gc\n", + "import os\n", + "import torch\n", + "import random\n", + "import numpy as np\n", + "import pandas as pd\n", + "import torch.nn as nn\n", + "from pynvml import nvmlDeviceGetHandleByIndex, nvmlDeviceGetMemoryInfo, nvmlInit\n", + "\n", + "from tqdm.notebook import tqdm\n", + "from sklearn.metrics import accuracy_score\n", + "from torch.cuda.amp import autocast, GradScaler\n", + "from torch.utils.data import Dataset, DataLoader\n", + "from transformers import AutoConfig, AutoModel, AutoTokenizer\n", + "from iterstrat.ml_stratifiers import MultilabelStratifiedKFold" + ] + }, + { + "cell_type": "code", + "source": [ + "def print_gpu_utilization():\n", + " print(f\"GPU memory occupied: {get_gpu_utilization()} MB.\")\n", + "\n", + "def get_gpu_utilization():\n", + " nvmlInit()\n", + " handle = nvmlDeviceGetHandleByIndex(0)\n", + " info = nvmlDeviceGetMemoryInfo(handle)\n", + " return info.used//1024**2\n", + "\n", + "def print_summary(result):\n", + " print(f\"Time: {result.metrics['train_runtime']:.2f}\")\n", + " print(f\"Samples/second: {result.metrics['train_samples_per_second']:.2f}\")\n", + " print_gpu_utilization()\n", + "\n", + "print_gpu_utilization()" + ], + "metadata": { + "id": "4EE28HBXpjrJ", + "outputId": "5429cf18-4ca2-4f2b-81c3-639fadde27d6", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "execution_count": 4, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "GPU memory occupied: 0 MB.\n" + ] + } + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": { + "id": "i9N0xf4RXlVL" + }, + "outputs": [], + "source": [ + "if ON_COLAB:\n", + " !cd /content/drive/MyDrive/NLP_project\n", + "\n", + "\n", + "# DATA DIR ---- TO CHANGE\n", + "DATA_DIR = 'drive/MyDrive/NLP_project/'" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "_lgNlqCIUxuF" + }, + "source": [ + "Config class containing all necessary hyperparameters:" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": { + "id": "COkK9LFUUxuG" + }, + "outputs": [], + "source": [ + "class HyperParameters:\n", + " \n", + " # Here we choose model type. Can be changed for others\n", + " name = 'longformer'\n", + " model_savename = 'longformer'\n", + " model_name = 'allenai/longformer-base-4096' # this is the most important: determines what transformer is used in training\n", + " \n", + " # Directory hyperparameters: make sure to change with what you are using! Only needed to change here\n", + " base_dir = DATA_DIR\n", + " data_dir = os.path.join(base_dir, 'data')\n", + " pre_data_dir = os.path.join(base_dir, 'data/preprocessed')\n", + " model_dir = os.path.join(base_dir, f'model/{name}')\n", + " output_dir = os.path.join(base_dir, f'output/{name}')\n", + " \n", + " # Training hyperparameters\n", + " is_debug = False\n", + " n_epoch = 2 # not to exceed runtime limit\n", + " n_fold = 5\n", + " verbose_steps = 500\n", + " random_seed = 42\n", + "\n", + " # Model specific hyperparameters\n", + " max_length = 1024\n", + " inference_max_length = 4096\n", + " train_batch_size = 4\n", + " valid_batch_size = 4\n", + " lr = 4e-5\n", + "\n", + " # Task hyperparameters\n", + " num_labels = 15\n", + " label_subtokens = True\n", + " output_hidden_states = True\n", + " hidden_dropout_prob = 0.1\n", + " layer_norm_eps = 1e-7\n", + " add_pooling_layer = False\n", + " verbose_steps = 500\n", + " if is_debug:\n", + " debug_sample = 1000\n", + " verbose_steps = 16\n", + " n_epoch = 1\n", + " n_fold = 2\n", + "\n", + "if not os.path.exists(HyperParameters.model_dir):\n", + " !mkdir $HyperParameters.model_dir" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "BF5bW6aVUxuG" + }, + "source": [ + "Constant for the task:" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": { + "id": "08glsD47UxuH" + }, + "outputs": [], + "source": [ + "IGNORE_INDEX = -100\n", + "NON_LABEL = -1\n", + "OUTPUT_LABELS = ['O', 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', 'B-Counterclaim', 'I-Counterclaim', \n", + " 'B-Rebuttal', 'I-Rebuttal', 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', 'I-Concluding Statement']\n", + "LABELS_TO_IDS = {v:k for k,v in enumerate(OUTPUT_LABELS)}\n", + "IDS_TO_LABELS = {k:v for k,v in enumerate(OUTPUT_LABELS)}\n", + "\n", + "MIN_THRESH = {\n", + " \"I-Lead\": 9,\n", + " \"I-Position\": 5,\n", + " \"I-Evidence\": 14,\n", + " \"I-Claim\": 3,\n", + " \"I-Concluding Statement\": 11,\n", + " \"I-Counterclaim\": 6,\n", + " \"I-Rebuttal\": 4,\n", + "}\n", + "\n", + "PROB_THRESH = {\n", + " \"I-Lead\": 0.7,\n", + " \"I-Position\": 0.55,\n", + " \"I-Evidence\": 0.65,\n", + " \"I-Claim\": 0.55,\n", + " \"I-Concluding Statement\": 0.7,\n", + " \"I-Counterclaim\": 0.5,\n", + " \"I-Rebuttal\": 0.55,\n", + "}" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "5WJbWh4GUxuI" + }, + "source": [ + "Taming randomness and setting device" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": { + "id": "2u_8GvKvUxuI", + "colab": { + "base_uri": "https://localhost:8080/" + }, + "outputId": "862f4ecd-b342-482b-f278-b81d02cbf9c6" + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Using device: cuda\n" + ] + } + ], + "source": [ + "def set_seed(seed=HyperParameters.random_seed):\n", + " np.random.seed(seed)\n", + " \n", + " random.seed(seed)\n", + " \n", + " torch.manual_seed(seed)\n", + " torch.cuda.manual_seed(seed)\n", + " \n", + " torch.backends.cudnn.deterministic =True\n", + " torch.backends.cudnn.benchmark = False\n", + "\n", + "set_seed()\n", + "\n", + "# Set proper device\n", + "if torch.cuda.is_available():\n", + " device = torch.device('cuda')\n", + "else:\n", + " device = torch.device('cpu')\n", + "\n", + "print(f'Using device: {device}')" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "IXW7QdTPUxuK" + }, + "source": [ + "# Data importing and preprocessing" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "Fh1Bdo7UUxuK" + }, + "source": [ + "Importing corrected data" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": { + "id": "cDhwkU7MUxuK" + }, + "outputs": [], + "source": [ + "df_alltrain = pd.read_csv(f'{HyperParameters.data_dir}/corrected_train.csv')" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": { + "id": "O7hy7b6uUxuL" + }, + "outputs": [], + "source": [ + "def agg_essays(train_flg):\n", + " \"\"\"\n", + " Splits every word in an essay and adds the text of each essay to a dataframe.\n", + " \"\"\"\n", + " folder = 'train' if train_flg else 'test'\n", + " names, texts =[], []\n", + " for f in tqdm(list(os.listdir(f'{HyperParameters.data_dir}/{folder}'))):\n", + " names.append(f.replace('.txt', ''))\n", + " texts.append(open(f'{HyperParameters.data_dir}/{folder}/' + f, 'r').read())\n", + " df_texts = pd.DataFrame({'id': names, 'text': texts})\n", + "\n", + " df_texts['text_split'] = df_texts.text.str.split()\n", + " print('Completed tokenizing texts.')\n", + " return df_texts" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": { + "id": "av_kvU8eUxuL" + }, + "outputs": [], + "source": [ + "def ner(df_texts, df_train):\n", + " \"\"\"\n", + " Maps discourse type to each word of the text, according to the train.csv file.\n", + " \"\"\"\n", + " all_entities = []\n", + " for _, row in tqdm(df_texts.iterrows(), total=len(df_texts)):\n", + " total = len(row['text_split'])\n", + " entities = ['O'] * total\n", + "\n", + " for _, row2 in df_train[df_train['id'] == row['id']].iterrows():\n", + " discourse = row2['discourse_type']\n", + " list_ix = [int(x) for x in row2['predictionstring'].split(' ')]\n", + " entities[list_ix[0]] = f'B-{discourse}'\n", + " for k in list_ix[1:]: entities[k] = f'I-{discourse}'\n", + " all_entities.append(entities)\n", + "\n", + " df_texts['entities'] = all_entities\n", + " print('Completed mapping discourse to each token.')\n", + " return df_texts" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": { + "id": "Sq2Rco3eUxuL" + }, + "outputs": [], + "source": [ + "def preprocess(df_train = None):\n", + " \"\"\"\n", + " Generates the dataframe we will use for training.\n", + " Splits essays into words, assigns a token name to each word, and adds everything to a dataframe.\n", + " \"\"\"\n", + " if df_train is None:\n", + " train_flg = False\n", + " else:\n", + " train_flg = True\n", + " \n", + " df_texts = agg_essays(train_flg)\n", + "\n", + " if train_flg:\n", + " df_texts = ner(df_texts, df_train)\n", + " return df_texts\n", + "\n", + "# Make sure we only run pre-processing if we did not do it in the past:\n", + "\n", + "if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \n", + " alltrain_texts = preprocess(df_alltrain)\n", + " test_texts = preprocess()\n", + "else:\n", + " alltrain_texts = pd.read_csv(f\"{HyperParameters.data_dir}/train_folds.csv\")" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": { + "id": "ZLa0fkXbUxuM", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + }, + "outputId": "0d563dfc-8361-42b3-a647-29c2bd7d3caa" + }, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "\n", + "
\n", + "
\n", + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idtexttext_splitentitieskfold
03321A3E87AD3I do agree that some students would benefit fr...[I, do, agree, that, some, students, would, be...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...2
1DFEAEC512BABShould students design a summer project for sc...[Should, students, design, a, summer, project,...[O, O, O, O, O, O, O, O, B-Position, I-Positio...4
22E4AFCD3987FDear State Senator\\n\\n,\\n\\nIn the ruels of vot...[Dear, State, Senator, ,, In, the, ruels, of, ...[O, O, O, O, B-Position, I-Position, I-Positio...0
3EB6C2AF20BFEPeople sometimes have a different opinion than...[People, sometimes, have, a, different, opinio...[B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea...3
4A91A08E523D5Dear senator,\\n\\nAs you know the Electoral Col...[Dear, senator,, As, you, know, the, Electoral...[O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,...1
\n", + "
\n", + " \n", + " \n", + " \n", + "\n", + " \n", + "
\n", + "
\n", + " " + ], + "text/plain": [ + " id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "\n", + " entities kfold \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 " + ] + }, + "metadata": {}, + "execution_count": 13 + } + ], + "source": [ + "# Visualize preprocessing result:\n", + "parse_string = lambda x: [string[1:-1] for string in x[1:-1].split(', ')]\n", + "alltrain_texts.entities = alltrain_texts.entities.apply(parse_string)\n", + "alltrain_texts.text_split = alltrain_texts.text_split.apply(parse_string)\n", + "\n", + "alltrain_texts.head()" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "DRFI_KLMUxuN" + }, + "source": [ + "# Preparing cross validation\n", + "\n", + "Generate proper folds so that the essays we use in each fold have roughly the same number of discourse types overall.\n", + "Only compute if we don't have the file in directory already." + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": { + "id": "IOkXJ5UTUxuN" + }, + "outputs": [], + "source": [ + "if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \n", + " # Transform categorical labels to dummy variables. Group by id. Sum over dummy. \n", + " dfx = pd.get_dummies(df_alltrain, columns=[\"discourse_type\"]).groupby([\"id\"], as_index=False).sum()\n", + "\n", + " # Generate name for the dummy columns\n", + " dummy_cols = [c for c in dfx.columns if c.startswith(\"discourse_type_\") or c == \"id\" and c != \"discourse_type_num\"]\n", + " # dfx is now only the dataset with dummy columns selected: don't need to pass the data to do the splits\n", + " dfx = dfx[dummy_cols]" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": { + "id": "a1AuTst8UxuN" + }, + "outputs": [], + "source": [ + "if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \n", + " # Generate cross validation object\n", + " mskf = MultilabelStratifiedKFold(n_splits=5, shuffle=True, random_state=42)\n", + "\n", + " # Extract labels\n", + " labels = [c for c in dfx.columns if c != \"id\"]\n", + " dfx_labels = dfx[labels]\n", + "\n", + " # Dummy kfold assignment\n", + " dfx[\"kfold\"] = -1\n", + "\n", + " # Split\n", + " for fold, (trn_, val_) in enumerate(mskf.split(dfx, dfx_labels)):\n", + " print(len(trn_), len(val_))\n", + " \n", + " # Change the value of the kfold column at the validation index to the value of the fold\n", + " # This will tell us when to use the current entry in the validation set\n", + " dfx.loc[val_, \"kfold\"] = fold\n", + "\n", + " # merge back to original dataframe\n", + " alltrain_texts = alltrain_texts.merge(dfx[[\"id\", \"kfold\"]], on=\"id\", how=\"left\")\n", + " print(alltrain_texts.kfold.value_counts())\n", + "\n", + " # Save so next time we import it directly\n", + " alltrain_texts.to_csv(f\"{HyperParameters.data_dir}/train_folds.csv\", index=False)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "K7fcRANPUxuO" + }, + "source": [ + "# Model and Dataset classes" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "7gDGkTBtUxuO" + }, + "source": [ + "### Dataset" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": { + "id": "APIkM7YwUxuO" + }, + "outputs": [], + "source": [ + "# need help with this\n", + "class FeedbackPrizeDataset(Dataset):\n", + " def __init__(self, dataframe, tokenizer, max_len, has_labels):\n", + " self.len = len(dataframe)\n", + " self.data = dataframe\n", + " self.tokenizer = tokenizer\n", + " self.max_len = max_len\n", + " self.has_labels = has_labels\n", + " \n", + " def __getitem__(self, index):\n", + " text = self.data.text[index]\n", + " encoding = self.tokenizer(\n", + " text.split(),\n", + " is_split_into_words = True,\n", + " padding = 'max_length',\n", + " truncation = True,\n", + " max_length = self.max_len\n", + " )\n", + " word_ids = encoding.word_ids()\n", + "\n", + " # targets\n", + " if self.has_labels:\n", + " word_labels = self.data.entities[index]\n", + " prev_word_idx = None\n", + " labels_ids = []\n", + " for word_idx in word_ids:\n", + " if word_idx is None:\n", + " labels_ids.append(IGNORE_INDEX)\n", + " elif word_idx != prev_word_idx:\n", + " labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\n", + " else:\n", + " if HyperParameters.label_subtokens:\n", + " labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\n", + " else:\n", + " labels_ids.append(IGNORE_INDEX)\n", + " prev_word_idx = word_idx\n", + " encoding['labels'] = labels_ids\n", + " # convert to torch.tensor\n", + " item = {k: torch.as_tensor(v) for k, v in encoding.items()}\n", + " word_ids2 = [w if w is not None else NON_LABEL for w in word_ids]\n", + " item['word_ids'] = torch.as_tensor(word_ids2)\n", + " return item\n", + "\n", + " def __len__(self):\n", + " return self.len" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "eE6pC1LdUxuP" + }, + "source": [ + "### Model" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "metadata": { + "id": "X9UQQRt2UxuP" + }, + "outputs": [], + "source": [ + "class FeedbackModel(nn.Module):\n", + " def __init__(self):\n", + " super(FeedbackModel, self).__init__()\n", + " \n", + " # init config of transformer model of choice:\n", + " # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\n", + " model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\n", + " print(model_config)\n", + " self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\n", + " \n", + " # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\n", + " self.model_config = model_config\n", + " self.dropout1 = nn.Dropout(0.1)\n", + " self.dropout2 = nn.Dropout(0.2)\n", + " self.dropout3 = nn.Dropout(0.3)\n", + " self.dropout4 = nn.Dropout(0.4)\n", + " self.dropout5 = nn.Dropout(0.5)\n", + " self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\n", + " \n", + " def forward(self, input_ids, mask):\n", + " x = self.backbone(input_ids, mask)\n", + " logits1 = self.head(self.dropout1(x[0]))\n", + " logits2 = self.head(self.dropout2(x[0]))\n", + " logits3 = self.head(self.dropout3(x[0]))\n", + " logits4 = self.head(self.dropout4(x[0]))\n", + " logits5 = self.head(self.dropout5(x[0]))\n", + " logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\n", + " return logits" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": { + "id": "RslNIsyMUxuP" + }, + "outputs": [], + "source": [ + "def build_model_tokenizer():\n", + " tokenizer = AutoTokenizer.from_pretrained(HyperParameters.model_name, add_prefix_space = True)\n", + " model = FeedbackModel()\n", + " return model, tokenizer" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "PriptyGpUxuP" + }, + "source": [ + "### Utilities" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "CmRQM_TPUxuQ" + }, + "source": [ + "What does this do?" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": { + "id": "_CJQ0r-yUxuQ" + }, + "outputs": [], + "source": [ + "# Need help with this: used in training to transform raw logits to labels needed\n", + "def active_logits(raw_logits, word_ids):\n", + " word_ids = word_ids.view(-1)\n", + " active_mask = word_ids.unsqueeze(1).expand(word_ids.shape[0], HyperParameters.num_labels)\n", + " active_mask = active_mask != NON_LABEL\n", + " active_logits = raw_logits.view(-1, HyperParameters.num_labels)\n", + " active_logits = torch.masked_select(active_logits, active_mask) # return 1dTensor\n", + " active_logits = active_logits.view(-1, HyperParameters.num_labels) \n", + " return active_logits\n", + "\n", + "def active_labels(labels):\n", + " active_mask = labels.view(-1) != IGNORE_INDEX\n", + " active_labels = torch.masked_select(labels.view(-1), active_mask)\n", + " return active_labels\n", + "\n", + "def active_preds_prob(active_logits):\n", + " active_preds = torch.argmax(active_logits, axis = 1)\n", + " active_preds_prob, _ = torch.max(active_logits, axis = 1)\n", + " return active_preds, active_preds_prob" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "YkokQcdsUxuQ" + }, + "source": [ + "F1 scoring functions:" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": { + "id": "SfhEUmMcUxuQ" + }, + "outputs": [], + "source": [ + "def calculate_overlap(set_pred, set_gt):\n", + " \"\"\"\n", + " Calculates if the overlap between prediction and\n", + " ground truth is enough fora potential True positive\n", + " \"\"\"\n", + " # Length of each and intersection\n", + " try:\n", + " len_gt = len(set_gt)\n", + " len_pred = len(set_pred)\n", + " inter = len(set_gt & set_pred)\n", + " overlap_1 = inter / len_gt\n", + " overlap_2 = inter/ len_pred\n", + " return overlap_1 >= 0.5 and overlap_2 >= 0.5\n", + " except: # at least one of the input is NaN\n", + " return False\n", + "\n", + "def score_feedback_comp_micro(pred_df, gt_df, discourse_type):\n", + " \"\"\"\n", + " A function that scores for the kaggle\n", + " Student Writing Competition\n", + " \n", + " Uses the steps in the evaluation page here:\n", + " https://www.kaggle.com/c/feedback-prize-2021/overview/evaluation\n", + " \"\"\"\n", + " gt_df = gt_df.loc[gt_df['discourse_type'] == discourse_type, \n", + " ['id', 'predictionstring']].reset_index(drop=True)\n", + " pred_df = pred_df.loc[pred_df['class'] == discourse_type,\n", + " ['id', 'predictionstring']].reset_index(drop=True)\n", + " pred_df['pred_id'] = pred_df.index\n", + " gt_df['gt_id'] = gt_df.index\n", + " pred_df['predictionstring'] = [set(pred.split(' ')) for pred in pred_df['predictionstring']]\n", + " gt_df['predictionstring'] = [set(pred.split(' ')) for pred in gt_df['predictionstring']]\n", + " \n", + " # Step 1. all ground truths and predictions for a given class are compared.\n", + " joined = pred_df.merge(gt_df,\n", + " left_on='id',\n", + " right_on='id',\n", + " how='outer',\n", + " suffixes=('_pred','_gt')\n", + " )\n", + " overlaps = [calculate_overlap(*args) for args in zip(joined.predictionstring_pred, \n", + " joined.predictionstring_gt)]\n", + " \n", + " # 2. If the overlap between the ground truth and prediction is >= 0.5, \n", + " # and the overlap between the prediction and the ground truth >= 0.5,\n", + " # the prediction is a match and considered a true positive.\n", + " # If multiple matches exist, the match with the highest pair of overlaps is taken.\n", + " # we don't need to compute the match to compute the score\n", + " TP = joined.loc[overlaps]['gt_id'].nunique()\n", + "\n", + " # 3. Any unmatched ground truths are false negatives\n", + " # and any unmatched predictions are false positives.\n", + " TPandFP = len(pred_df)\n", + " TPandFN = len(gt_df)\n", + " \n", + " #calc microf1\n", + " my_f1_score = 2*TP / (TPandFP + TPandFN)\n", + " return my_f1_score\n", + "\n", + "def score_feedback_comp(pred_df, gt_df, return_class_scores=False):\n", + " \"\"\"\n", + " Final helper function for model evaluation.\n", + " \n", + " Args:\n", + " pred_df (pandas.DataFrame): dataframe containing model predictions. Needs to have columns: ['id','class','predictionstring']\n", + " gt_df (pandas.DataFrame): dataframe of ground truth used for model training\n", + " return_class_scores (bool): Boolean indicating if we want to return the F1 score for each predicted class.\n", + " \n", + " Returns:\n", + " f1 (float): F1 score of the model\n", + " (optional) class_scores (dict): Dictionary of per-class F1 score\n", + " \"\"\"\n", + " class_scores = {}\n", + " for discourse_type in gt_df.discourse_type.unique():\n", + " class_score = score_feedback_comp_micro(pred_df, gt_df, discourse_type)\n", + " class_scores[discourse_type] = class_score\n", + " f1 = np.mean([v for v in class_scores.values()])\n", + " if return_class_scores:\n", + " return f1, class_scores\n", + " return f1" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "IIQdqtzoUxuR" + }, + "source": [ + "# Training and validation functions" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "7GrUCjcbUxuR" + }, + "source": [ + "### Train" + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "metadata": { + "id": "WSeGDvufUxuR" + }, + "outputs": [], + "source": [ + "def train_fn(model, train_data_loader, optimizer, epoch, criterion):\n", + " print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\n", + " model.train()\n", + " train_loss = 0\n", + " train_accuracy = 0\n", + " stream = tqdm(train_data_loader)\n", + " # Init gradscaler to ensure everything works smoothly on cuda\n", + " scaler = GradScaler()\n", + " print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\n", + " for batch_idx, batch in enumerate(stream, start = 1):\n", + " ids = batch['input_ids'].to(device, dtype = torch.long)\n", + " mask = batch['attention_mask'].to(device, dtype = torch.long)\n", + " raw_labels = batch['labels'].to(device, dtype = torch.long)\n", + " word_ids = batch['word_ids'].to(device, dtype = torch.long)\n", + " print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\n", + "\n", + " optimizer.zero_grad()\n", + " print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\n", + "\n", + " # Calculate output with autocast for cuda support\n", + " with autocast():\n", + " raw_logits = model(input_ids = ids, mask = mask)\n", + " print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\n", + "\n", + " #logits = active_logits(raw_logits, word_ids)\n", + " #labels = active_labels(raw_labels)\n", + "\n", + " logits = raw_logits\n", + " labels = raw_labels\n", + " sf_logits = torch.softmax(logits, dim=-1)\n", + " preds, preds_prob = active_preds_prob(sf_logits)\n", + " train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\n", + " criterion = nn.CrossEntropyLoss()\n", + " loss = criterion(logits, labels)\n", + "\n", + " print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\n", + "\n", + " scaler.scale(loss).backward()\n", + " scaler.step(optimizer)\n", + " scaler.update()\n", + " train_loss += loss.item()\n", + " print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\n", + "\n", + " \n", + " if batch_idx % HyperParameters.verbose_steps == 0:\n", + " loss_step = train_loss / batch_idx\n", + " print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\n", + "\n", + " if batch_idx == 3:\n", + " raise Exception()\n", + " \n", + " epoch_loss = train_loss / batch_idx\n", + " epoch_accuracy = train_accuracy / batch_idx \n", + " print_gpu_utilization()\n", + " # Cleanup\n", + " del train_data_loader, raw_logits, logits, raw_labels, preds, labels\n", + " torch.cuda.empty_cache()\n", + " gc.collect()\n", + " \n", + " print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\n", + " print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "fRR3l8npUxuR" + }, + "source": [ + "### Validate" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": { + "id": "Mj0dSxx0UxuR" + }, + "outputs": [], + "source": [ + "def valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion):\n", + " oof, valid_loss, valid_acc = get_preds_onefold(model, df_val, dl_val, criterion, valid_flg=True)\n", + " f1score =[]\n", + " # classes = oof['class'].unique()\n", + " classes = ['Lead', 'Position', 'Claim','Counterclaim', 'Rebuttal','Evidence','Concluding Statement']\n", + " print(f\"Validation F1 scores\")\n", + "\n", + " for c in classes:\n", + " pred_df = oof.loc[oof['class'] == c].copy()\n", + " gt_df = df_val_eval.loc[df_val_eval['discourse_type'] == c].copy()\n", + " f1 = score_feedback_comp(pred_df, gt_df)\n", + " print(f' * {c:<10}: {f1:4f}')\n", + " f1score.append(f1)\n", + " f1avg = np.mean(f1score)\n", + " print(f'Overall Validation avg F1: {f1avg:.4f} val_loss:{valid_loss:.4f} val_accuracy:{valid_acc:.4f}')\n", + " return valid_loss, oof" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "xSZ3iq8dUxuS" + }, + "source": [ + "### Infer on validation data" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": { + "id": "3qtgxPTlUxuS" + }, + "outputs": [], + "source": [ + "def inference(model, data_loader, criterion, valid_flg):\n", + " stream = tqdm(data_loader)\n", + " model.eval()\n", + " \n", + " valid_loss = 0\n", + " valid_accuracy = 0\n", + " all_logits = None\n", + " for batch_idx, batch in enumerate(stream, start = 1):\n", + " ids = batch['input_ids'].to(device, dtype = torch.long)\n", + " mask = batch['attention_mask'].to(device, dtype = torch.long)\n", + " with torch.no_grad():\n", + " raw_logits = model(input_ids=ids, mask = mask)\n", + " del ids, mask\n", + " \n", + " word_ids = batch['word_ids'].to(device, dtype = torch.long)\n", + " logits = active_logits(raw_logits, word_ids)\n", + " sf_logits = torch.softmax(logits, dim= -1)\n", + " sf_raw_logits = torch.softmax(raw_logits, dim=-1)\n", + " if valid_flg: \n", + " raw_labels = batch['labels'].to(device, dtype = torch.long)\n", + " labels = active_labels(raw_labels)\n", + " preds, preds_prob = active_preds_prob(sf_logits)\n", + " valid_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\n", + " loss = criterion(logits, labels)\n", + " valid_loss += loss.item()\n", + " \n", + " if batch_idx == 1:\n", + " all_logits = sf_raw_logits.cpu().numpy()\n", + " else:\n", + " all_logits = np.append(all_logits, sf_raw_logits.cpu().numpy(), axis=0)\n", + "\n", + " \n", + " if valid_flg: \n", + " epoch_loss = valid_loss / batch_idx\n", + " epoch_accuracy = valid_accuracy / batch_idx\n", + " else:\n", + " epoch_loss, epoch_accuracy = 0, 0\n", + " return all_logits, epoch_loss, epoch_accuracy\n", + "\n", + "\n", + "def preds_class_prob(all_logits, data_loader):\n", + " print(\"predict target class and its probabilty\")\n", + " final_predictions = []\n", + " final_predictions_score = []\n", + " stream = tqdm(data_loader)\n", + " len_sample = all_logits.shape[0]\n", + "\n", + " for batch_idx, batch in enumerate(stream, start=0):\n", + " for minibatch_idx in range(HyperParameters.valid_batch_size):\n", + " sample_idx = int(batch_idx * HyperParameters.valid_batch_size + minibatch_idx)\n", + " if sample_idx > len_sample - 1 : break\n", + " word_ids = batch['word_ids'][minibatch_idx].numpy()\n", + " predictions =[]\n", + " predictions_prob = []\n", + " pred_class_id = np.argmax(all_logits[sample_idx], axis=1)\n", + " pred_score = np.max(all_logits[sample_idx], axis=1)\n", + " pred_class_labels = [IDS_TO_LABELS[i] for i in pred_class_id]\n", + " prev_word_idx = -1\n", + " for idx, word_idx in enumerate(word_ids):\n", + " if word_idx == -1:\n", + " pass\n", + " elif word_idx != prev_word_idx:\n", + " predictions.append(pred_class_labels[idx])\n", + " predictions_prob.append(pred_score[idx])\n", + " prev_word_idx = word_idx\n", + " final_predictions.append(predictions)\n", + " final_predictions_score.append(predictions_prob)\n", + " return final_predictions, final_predictions_score" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": { + "id": "E5dGJEzDUxuS" + }, + "outputs": [], + "source": [ + "def get_preds_onefold(model, df, dl, criterion, valid_flg):\n", + " logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\n", + " all_preds, all_preds_prob = preds_class_prob(logits, dl)\n", + " df_pred = post_process_pred(df, all_preds, all_preds_prob)\n", + " return df_pred, valid_loss, valid_acc\n", + "\n", + "def get_preds_folds(model, df, dl, criterion, valid_flg=False):\n", + " for i_fold in range(HyperParameters.n_fold):\n", + " model_filename = os.path.join(HyperParameters.model_dir, f\"{HyperParameters.model_savename}_{i_fold}.bin\")\n", + " print(f\"{model_filename} inference\")\n", + " model = model.to(device)\n", + " model.load_state_dict(torch.load(model_filename))\n", + " logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\n", + " if i_fold == 0:\n", + " avg_pred_logits = logits\n", + " else:\n", + " avg_pred_logits += logits\n", + " avg_pred_logits /= HyperParameters.n_fold\n", + " all_preds, all_preds_prob = preds_class_prob(avg_pred_logits, dl)\n", + " df_pred = post_process_pred(df, all_preds, all_preds_prob)\n", + " return df_pred\n", + "\n", + "def post_process_pred(df, all_preds, all_preds_prob):\n", + " final_preds = []\n", + " for i in range(len(df)):\n", + " idx = df.id.values[i]\n", + " pred = all_preds[i]\n", + " pred_prob = all_preds_prob[i]\n", + " j = 0\n", + " while j < len(pred):\n", + " cls = pred[j]\n", + " if cls == 'O': j += 1\n", + " else: cls = cls.replace('B', 'I')\n", + " end = j + 1\n", + " while end < len(pred) and pred[end] == cls:\n", + " end += 1\n", + " if cls != 'O' and cls !='':\n", + " avg_score = np.mean(pred_prob[j:end])\n", + " if end - j > MIN_THRESH[cls] and avg_score > PROB_THRESH[cls]:\n", + " final_preds.append((idx, cls.replace('I-', ''), ' '.join(map(str, list(range(j, end))))))\n", + " j = end\n", + " df_pred = pd.DataFrame(final_preds)\n", + " df_pred.columns = ['id', 'class', 'new_predictionstring']\n", + " return df_pred" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "NAmJyKnHUxuS" + }, + "source": [ + "# Finally getting some action" + ] + }, + { + "cell_type": "code", + "source": [ + "print_gpu_utilization()" + ], + "metadata": { + "id": "eNRB8mFsufoL", + "outputId": "52736f74-53aa-4d0f-f5e8-881d96bcc99d", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "execution_count": 25, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "GPU memory occupied: 3 MB.\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "def pretty_size(size):\n", + "\t\"\"\"Pretty prints a torch.Size object\"\"\"\n", + "\tassert(isinstance(size, torch.Size))\n", + "\treturn \" × \".join(map(str, size))\n", + "\n", + "def dump_tensors(gpu_only=True):\n", + "\t\"\"\"Prints a list of the Tensors being tracked by the garbage collector.\"\"\"\n", + "\timport gc\n", + "\ttotal_size = 0\n", + "\tfor obj in gc.get_objects():\n", + "\t\ttry:\n", + "\t\t\tif torch.is_tensor(obj):\n", + "\t\t\t\tif not gpu_only or obj.is_cuda:\n", + "\t\t\t\t\tprint(\"%s:%s%s %s\" % (type(obj).__name__, \n", + "\t\t\t\t\t\t\t\t\t\t \" GPU\" if obj.is_cuda else \"\",\n", + "\t\t\t\t\t\t\t\t\t\t \" pinned\" if obj.is_pinned else \"\",\n", + "\t\t\t\t\t\t\t\t\t\t pretty_size(obj.size())))\n", + "\t\t\t\t\ttotal_size += obj.numel()\n", + "\t\t\telif hasattr(obj, \"data\") and torch.is_tensor(obj.data):\n", + "\t\t\t\tif not gpu_only or obj.is_cuda:\n", + "\t\t\t\t\tprint(\"%s → %s:%s%s%s%s %s\" % (type(obj).__name__, \n", + "\t\t\t\t\t\t\t\t\t\t\t\t type(obj.data).__name__, \n", + "\t\t\t\t\t\t\t\t\t\t\t\t \" GPU\" if obj.is_cuda else \"\",\n", + "\t\t\t\t\t\t\t\t\t\t\t\t \" pinned\" if obj.data.is_pinned else \"\",\n", + "\t\t\t\t\t\t\t\t\t\t\t\t \" grad\" if obj.requires_grad else \"\", \n", + "\t\t\t\t\t\t\t\t\t\t\t\t \" volatile\" if obj.volatile else \"\",\n", + "\t\t\t\t\t\t\t\t\t\t\t\t pretty_size(obj.data.size())))\n", + "\t\t\t\t\ttotal_size += obj.data.numel()\n", + "\t\texcept Exception as e:\n", + "\t\t\tpass \n", + "\tprint(\"Total size:\", total_size)" + ], + "metadata": { + "id": "WVHmI_NzvTPy" + }, + "execution_count": 26, + "outputs": [] + }, + { + "cell_type": "code", + "source": [ + "dump_tensors()" + ], + "metadata": { + "id": "U-gD0UN7vVMu", + "outputId": "02a1068e-c816-487d-bcd3-a47b02e4f188", + "colab": { + "base_uri": "https://localhost:8080/" + } + }, + "execution_count": 27, + "outputs": [ + { + "output_type": "stream", + "name": "stderr", + "text": [ + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:19: DeprecationWarning: astor.all_symbols is deprecated. Please use astor.symbol_data.\n", + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:19: DeprecationWarning: astor.treewalk is deprecated. Please use astor.tree_walk.\n", + "/usr/local/lib/python3.7/dist-packages/ipykernel_launcher.py:19: DeprecationWarning: astor.codegen is deprecated. Please use astor.code_gen.\n", + "/usr/local/lib/python3.7/dist-packages/torch/distributed/distributed_c10d.py:171: UserWarning: torch.distributed.reduce_op is deprecated, please use torch.distributed.ReduceOp instead\n", + " \"torch.distributed.reduce_op is deprecated, please use \"\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Total size: 0\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "class KaggleDataset(Dataset):\n", + " \"\"\"\n", + " Class for loading data in batches after it has been processed\n", + " \"\"\"\n", + " def __init__(self, dataframe, tokenizer, max_length):\n", + "\n", + " super().__init__()\n", + "\n", + " # -- prepare data\n", + " assert sorted(dataframe.columns) == ['labels', 'text'], f\"Please make sure input dataframe has the columns (text, labels)\"\n", + " # data must be in the correct format\n", + " self.inputs = dataframe.text.values\n", + " self.targets = dataframe.labels.values\n", + " #if not is_string_dtype(self.inputs): raise TypeError('Text data must be string type')\n", + " # TODO assertion below is bug; not deleting so remember to add correct assertions\n", + " #if not is_integer_dtype(self.targets): raise TypeError('Label data must be integer type')\n", + "\n", + " # -- prepare tokenizer\n", + " self.tokenizer = tokenizer\n", + " self.max_length = max_length\n", + "\n", + " def __len__(self):\n", + " return len(self.inputs)\n", + "\n", + " def __getitem__(self, index):\n", + " # self.inputs anf self.targets must be of a type that is indexible as shown\n", + " inputs = self.inputs[index]\n", + " targets = self.targets[index]\n", + "\n", + " inputs = self.tokenizer(\n", + " # consider parametrising these\n", + " inputs.split(),\n", + " is_split_into_words=True, # this means that extra \\n should be ignored\n", + " padding='max_length',\n", + " truncation=True,\n", + " max_length=self.max_length\n", + " )\n", + "\n", + " word_ids = inputs.word_ids()\n", + " word_id_mask = [word_id is not None for word_id in word_ids]\n", + " word_ids = [word_id for word_id in word_ids if word_id is not None]\n", + "\n", + " inputs = {\n", + " key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\n", + " }\n", + " targets = torch.as_tensor(targets, dtype=torch.long)\n", + " expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\n", + " expanded_targets[word_id_mask] = targets[word_ids]\n", + " inputs['labels'] = expanded_targets\n", + " inputs['word_ids'] = torch.tensor(word_ids, dtype=torch.long)\n", + " return inputs\n", + "\n", + " " + ], + "metadata": { + "id": "-bNSOZ2t01cS" + }, + "execution_count": 35, + "outputs": [] + }, + { + "cell_type": "code", + "execution_count": 47, + "metadata": { + "id": "7dHGvjpPUxuS", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 1000, + "referenced_widgets": [ + "eef7a90afeb44c448532e10c8ef5a20e", + "ca3198d71a3f4887874da99cc3e78882", + "c4d33c2a02644f85a146f390d6aa0736", + "9d549d2487dd4197a978761bd72be2ad", + "ec2dd4649f114c6fad2430c245fe68aa", + "81cfe2eb173e40fea93d20dc2f171f03", + "433b7e11f87442198edef448a8c16074", + "22c91851758d425383c6653f877dbc1b", + "25ffd2bde996468a9c003a1883191813", + "45645e8eb5af4fca8c6a84fa3b99dab3", + "d81a205322c84e7e8830374196e00a36" + ] + }, + "outputId": "c2bc7157-8d6d-44fd-f2c4-5bb29bf72079" + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "[', line 32, code train_fn>, {'model': FeedbackModel(\n", + " (backbone): LongformerModel(\n", + " (embeddings): LongformerEmbeddings(\n", + " (word_embeddings): Embedding(50265, 768, padding_idx=1)\n", + " (position_embeddings): Embedding(4098, 768, padding_idx=1)\n", + " (token_type_embeddings): Embedding(1, 768)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " (encoder): LongformerEncoder(\n", + " (layer): ModuleList(\n", + " (0): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (1): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (2): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (3): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (4): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (5): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (6): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (7): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (8): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (9): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (10): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (11): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " )\n", + " )\n", + " (pooler): LongformerPooler(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (activation): Tanh()\n", + " )\n", + " )\n", + " (dropout1): Dropout(p=0.1, inplace=False)\n", + " (dropout2): Dropout(p=0.2, inplace=False)\n", + " (dropout3): Dropout(p=0.3, inplace=False)\n", + " (dropout4): Dropout(p=0.4, inplace=False)\n", + " (dropout5): Dropout(p=0.5, inplace=False)\n", + " (head): Linear(in_features=768, out_features=15, bias=True)\n", + "), 'train_data_loader': , 'optimizer': Adam (\n", + "Parameter Group 0\n", + " amsgrad: False\n", + " betas: (0.9, 0.999)\n", + " eps: 1e-08\n", + " lr: 4e-05\n", + " weight_decay: 0\n", + "), 'epoch': 1, 'criterion': CrossEntropyLoss(), 'train_loss': 0, 'train_accuracy': 0, 'stream': , 'scaler': , 'batch_idx': 1, 'batch': {'input_ids': tensor([[ 0, 38, 109, 2854, 14, 103, 521, 74, 1796, 31,\n", + " 804, 4050, 6, 53, 45, 70, 9, 106, 74, 4,\n", + " 345, 18, 82, 14, 1532, 357, 114, 51, 32, 11,\n", + " 10, 8171, 19, 10, 3254, 2934, 11, 760, 9, 106,\n", + " 4, 345, 18, 67, 82, 54, 3860, 7, 4161, 12461,\n", + " 11, 5, 8171, 4, 2246, 32, 5, 82, 14, 74,\n", + " 4008, 1796, 31, 41, 804, 768, 4, 404, 9, 49,\n", + " 26434, 32, 9820, 8, 51, 64, 1004, 5, 3149, 62,\n", + " 15, 49, 9972, 114, 51, 3860, 7, 4161, 4, 345,\n", + " 32, 1795, 31, 258, 145, 11, 10, 8171, 8, 145,\n", + " 11, 41, 804, 8171, 4, 1773, 38, 2854, 14, 103,\n", + " 74, 1796, 6, 905, 18, 1067, 59, 596, 24, 18,\n", + " 129, 22, 12465, 845, 318, 47, 32, 101, 162, 6,\n", + " 47, 74, 1195, 28, 11, 10, 8171, 19, 97, 521,\n", + " 54, 32, 2239, 5, 276, 383, 25, 47, 4, 9068,\n", + " 6, 47, 64, 1394, 106, 13, 244, 114, 47, 2039,\n", + " 402, 50, 95, 33, 10, 1607, 15, 5, 5674, 4,\n", + " 1801, 1686, 7, 643, 59, 99, 47, 214, 2239, 40,\n", + " 1733, 110, 2655, 15, 5, 2087, 8, 47, 429, 190,\n", + " 6396, 106, 10, 631, 50, 80, 4, 152, 40, 67,\n", + " 492, 47, 10, 778, 7, 1067, 19, 5, 2721, 1972,\n", + " 11, 110, 1380, 328, 407, 6, 596, 32, 51, 258,\n", + " 10142, 116, 38, 348, 393, 551, 10, 1380, 804, 6,\n", + " 53, 24, 531, 28, 2579, 7, 836, 5, 1380, 11263,\n", + " 47, 236, 4, 407, 6, 114, 47, 214, 41, 15,\n", + " 12, 627, 12, 2977, 1294, 6, 38, 74, 356, 88,\n", + " 804, 7484, 4, 42027, 16, 10, 380, 631, 209, 360,\n", + " 8, 38, 348, 1317, 9, 171, 82, 19, 22, 4684,\n", + " 4294, 6882, 845, 252, 32, 888, 6023, 7, 213, 7,\n", + " 334, 8, 38, 1395, 206, 9, 10, 357, 13306, 13,\n", + " 14, 87, 804, 4050, 4, 374, 5, 97, 865, 6,\n", + " 82, 11, 5, 8171, 64, 1994, 15, 5, 2087, 8,\n", + " 6396, 349, 97, 92, 383, 25, 38, 26, 137, 4,\n", + " 370, 33, 5, 4808, 9, 1996, 5, 3254, 13, 3485,\n", + " 4, 8374, 11, 10, 8171, 67, 15296, 110, 82, 2417,\n", + " 4, 166, 70, 216, 89, 16, 205, 8, 1099, 14,\n", + " 283, 31, 804, 7484, 4, 1216, 32, 103, 2188, 596,\n", + " 82, 206, 89, 16, 117, 205, 567, 31, 24, 4,\n", + " 370, 189, 45, 120, 5, 455, 2239, 676, 31, 546,\n", + " 23, 110, 9972, 1195, 87, 519, 951, 19, 70, 5,\n", + " 5274, 2686, 7, 47, 8, 442, 47, 3116, 106, 159,\n", + " 4, 370, 33, 117, 592, 301, 150, 47, 214, 2239,\n", + " 8, 47, 64, 75, 1994, 19, 18295, 7, 1532, 55,\n", + " 50, 120, 5274, 13, 10, 19122, 4, 318, 47, 214,\n", + " 804, 2239, 6, 960, 16, 15, 47, 328, 345, 16,\n", + " 410, 244, 14, 606, 19, 804, 4050, 1195, 87, 10,\n", + " 588, 8171, 4, 404, 11, 70, 6, 38, 2854, 14,\n", + " 103, 521, 74, 1796, 31, 804, 4050, 4, 2246, 54,\n", + " 32, 182, 2222, 8, 15295, 74, 657, 804, 4050, 4,\n", + " 38, 619, 14, 89, 32, 55, 521, 54, 74, 1195,\n", + " 1095, 11, 5, 8171, 8, 2764, 15189, 7, 1532, 55,\n", + " 4, 85, 18, 70, 59, 99, 349, 621, 20618, 4,\n", + " 5855, 7484, 32, 45, 13, 961, 53, 32, 2299, 10,\n", + " 372, 2]]), 'attention_mask': tensor([[1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1]]), 'labels': tensor([[ 0, 1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8,\n", + " 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8,\n", + " 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8,\n", + " 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8,\n", + " 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 2,\n", + " 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 4, 11, 11,\n", + " 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 3, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 4, 4,\n", + " 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11,\n", + " 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11,\n", + " 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 3, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 6, 13, 13, 13, 13, 13, 13, 13, 13,\n", + " 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13,\n", + " 13, 13, 3, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 5, 12, 12, 12, 12,\n", + " 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12,\n", + " 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12,\n", + " 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12,\n", + " 12, 12, 12, 12, 12, 12, 12, 12, 12, 0]]), 'word_ids': tensor([[ 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 10, 11, 12,\n", + " 13, 14, 15, 16, 16, 17, 17, 18, 19, 20, 21, 22, 23, 24,\n", + " 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 35, 36, 36,\n", + " 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 46, 47, 48, 49,\n", + " 50, 51, 52, 53, 54, 55, 56, 57, 58, 58, 59, 60, 61, 62,\n", + " 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76,\n", + " 77, 78, 79, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89,\n", + " 90, 91, 92, 93, 94, 94, 95, 96, 97, 98, 99, 100, 101, 101,\n", + " 102, 102, 103, 104, 105, 106, 106, 107, 108, 108, 108, 109, 110, 111,\n", + " 112, 113, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124,\n", + " 125, 126, 127, 128, 129, 130, 131, 131, 132, 132, 133, 134, 135, 136,\n", + " 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150,\n", + " 150, 151, 152, 153, 154, 155, 156, 157, 157, 158, 159, 160, 161, 162,\n", + " 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 175,\n", + " 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189,\n", + " 190, 191, 191, 192, 192, 193, 194, 195, 196, 197, 197, 198, 198, 199,\n", + " 200, 201, 202, 203, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212,\n", + " 213, 214, 215, 215, 216, 216, 217, 218, 218, 219, 220, 220, 220, 220,\n", + " 220, 221, 221, 222, 223, 224, 225, 226, 227, 227, 228, 229, 230, 231,\n", + " 232, 233, 234, 235, 236, 236, 237, 238, 239, 240, 241, 242, 242, 242,\n", + " 243, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255,\n", + " 256, 257, 258, 259, 260, 261, 262, 263, 264, 264, 265, 266, 267, 268,\n", + " 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281,\n", + " 282, 283, 284, 285, 286, 287, 287, 288, 289, 290, 291, 292, 293, 294,\n", + " 295, 296, 297, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 306,\n", + " 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 319,\n", + " 320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 331, 332, 333,\n", + " 333, 334, 335, 336, 337, 338, 339, 340, 341, 342, 343, 344, 345, 346,\n", + " 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360,\n", + " 361, 362, 363, 363, 364, 365, 366, 367, 368, 369, 370, 370, 371, 372,\n", + " 373, 374, 374, 375, 376, 377, 378, 379, 380, 381, 382, 383, 384, 385,\n", + " 386, 386, 387, 388, 388, 389, 390, 390, 391, 392, 393, 394, 394, 395,\n", + " 396, 397, 398, 399, 400, 401, 402, 403, 404, 405, 406, 407, 408, 408,\n", + " 409, 410, 411, 411, 412, 413, 414, 415, 416, 417, 418, 419, 420, 421,\n", + " 421, 422, 423, 424, 425, 426, 427, 428, 429, 430, 431, 432, 432, 433,\n", + " 434, 435, 436, 437, 438, 439, 440, 441, 442, 443, 444, 445, 446, 447,\n", + " 448, 448, 449, 450, 451, 451, 452, 452, 453, 454, 455, 456, 457, 458,\n", + " 458, 459, 460, 461, 462, 463, 464, 465, 466, 467, 468, 469]])}, 'ids': tensor([[ 0, 38, 109, 2854, 14, 103, 521, 74, 1796, 31,\n", + " 804, 4050, 6, 53, 45, 70, 9, 106, 74, 4,\n", + " 345, 18, 82, 14, 1532, 357, 114, 51, 32, 11,\n", + " 10, 8171, 19, 10, 3254, 2934, 11, 760, 9, 106,\n", + " 4, 345, 18, 67, 82, 54, 3860, 7, 4161, 12461,\n", + " 11, 5, 8171, 4, 2246, 32, 5, 82, 14, 74,\n", + " 4008, 1796, 31, 41, 804, 768, 4, 404, 9, 49,\n", + " 26434, 32, 9820, 8, 51, 64, 1004, 5, 3149, 62,\n", + " 15, 49, 9972, 114, 51, 3860, 7, 4161, 4, 345,\n", + " 32, 1795, 31, 258, 145, 11, 10, 8171, 8, 145,\n", + " 11, 41, 804, 8171, 4, 1773, 38, 2854, 14, 103,\n", + " 74, 1796, 6, 905, 18, 1067, 59, 596, 24, 18,\n", + " 129, 22, 12465, 845, 318, 47, 32, 101, 162, 6,\n", + " 47, 74, 1195, 28, 11, 10, 8171, 19, 97, 521,\n", + " 54, 32, 2239, 5, 276, 383, 25, 47, 4, 9068,\n", + " 6, 47, 64, 1394, 106, 13, 244, 114, 47, 2039,\n", + " 402, 50, 95, 33, 10, 1607, 15, 5, 5674, 4,\n", + " 1801, 1686, 7, 643, 59, 99, 47, 214, 2239, 40,\n", + " 1733, 110, 2655, 15, 5, 2087, 8, 47, 429, 190,\n", + " 6396, 106, 10, 631, 50, 80, 4, 152, 40, 67,\n", + " 492, 47, 10, 778, 7, 1067, 19, 5, 2721, 1972,\n", + " 11, 110, 1380, 328, 407, 6, 596, 32, 51, 258,\n", + " 10142, 116, 38, 348, 393, 551, 10, 1380, 804, 6,\n", + " 53, 24, 531, 28, 2579, 7, 836, 5, 1380, 11263,\n", + " 47, 236, 4, 407, 6, 114, 47, 214, 41, 15,\n", + " 12, 627, 12, 2977, 1294, 6, 38, 74, 356, 88,\n", + " 804, 7484, 4, 42027, 16, 10, 380, 631, 209, 360,\n", + " 8, 38, 348, 1317, 9, 171, 82, 19, 22, 4684,\n", + " 4294, 6882, 845, 252, 32, 888, 6023, 7, 213, 7,\n", + " 334, 8, 38, 1395, 206, 9, 10, 357, 13306, 13,\n", + " 14, 87, 804, 4050, 4, 374, 5, 97, 865, 6,\n", + " 82, 11, 5, 8171, 64, 1994, 15, 5, 2087, 8,\n", + " 6396, 349, 97, 92, 383, 25, 38, 26, 137, 4,\n", + " 370, 33, 5, 4808, 9, 1996, 5, 3254, 13, 3485,\n", + " 4, 8374, 11, 10, 8171, 67, 15296, 110, 82, 2417,\n", + " 4, 166, 70, 216, 89, 16, 205, 8, 1099, 14,\n", + " 283, 31, 804, 7484, 4, 1216, 32, 103, 2188, 596,\n", + " 82, 206, 89, 16, 117, 205, 567, 31, 24, 4,\n", + " 370, 189, 45, 120, 5, 455, 2239, 676, 31, 546,\n", + " 23, 110, 9972, 1195, 87, 519, 951, 19, 70, 5,\n", + " 5274, 2686, 7, 47, 8, 442, 47, 3116, 106, 159,\n", + " 4, 370, 33, 117, 592, 301, 150, 47, 214, 2239,\n", + " 8, 47, 64, 75, 1994, 19, 18295, 7, 1532, 55,\n", + " 50, 120, 5274, 13, 10, 19122, 4, 318, 47, 214,\n", + " 804, 2239, 6, 960, 16, 15, 47, 328, 345, 16,\n", + " 410, 244, 14, 606, 19, 804, 4050, 1195, 87, 10,\n", + " 588, 8171, 4, 404, 11, 70, 6, 38, 2854, 14,\n", + " 103, 521, 74, 1796, 31, 804, 4050, 4, 2246, 54,\n", + " 32, 182, 2222, 8, 15295, 74, 657, 804, 4050, 4,\n", + " 38, 619, 14, 89, 32, 55, 521, 54, 74, 1195,\n", + " 1095, 11, 5, 8171, 8, 2764, 15189, 7, 1532, 55,\n", + " 4, 85, 18, 70, 59, 99, 349, 621, 20618, 4,\n", + " 5855, 7484, 32, 45, 13, 961, 53, 32, 2299, 10,\n", + " 372, 2]], device='cuda:0'), 'mask': tensor([[1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,\n", + " 1, 1, 1, 1]], device='cuda:0'), 'raw_labels': tensor([[ 0, 1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8,\n", + " 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8,\n", + " 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8,\n", + " 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8,\n", + " 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 2,\n", + " 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 4, 11, 11,\n", + " 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 3, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 4, 4,\n", + " 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11,\n", + " 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11,\n", + " 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 3, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 6, 13, 13, 13, 13, 13, 13, 13, 13,\n", + " 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13,\n", + " 13, 13, 3, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 5, 12, 12, 12, 12,\n", + " 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12,\n", + " 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12,\n", + " 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12,\n", + " 12, 12, 12, 12, 12, 12, 12, 12, 12, 0]], device='cuda:0'), 'word_ids': tensor([[ 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 10, 11, 12,\n", + " 13, 14, 15, 16, 16, 17, 17, 18, 19, 20, 21, 22, 23, 24,\n", + " 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 35, 36, 36,\n", + " 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 46, 47, 48, 49,\n", + " 50, 51, 52, 53, 54, 55, 56, 57, 58, 58, 59, 60, 61, 62,\n", + " 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76,\n", + " 77, 78, 79, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89,\n", + " 90, 91, 92, 93, 94, 94, 95, 96, 97, 98, 99, 100, 101, 101,\n", + " 102, 102, 103, 104, 105, 106, 106, 107, 108, 108, 108, 109, 110, 111,\n", + " 112, 113, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124,\n", + " 125, 126, 127, 128, 129, 130, 131, 131, 132, 132, 133, 134, 135, 136,\n", + " 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150,\n", + " 150, 151, 152, 153, 154, 155, 156, 157, 157, 158, 159, 160, 161, 162,\n", + " 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 175,\n", + " 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189,\n", + " 190, 191, 191, 192, 192, 193, 194, 195, 196, 197, 197, 198, 198, 199,\n", + " 200, 201, 202, 203, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212,\n", + " 213, 214, 215, 215, 216, 216, 217, 218, 218, 219, 220, 220, 220, 220,\n", + " 220, 221, 221, 222, 223, 224, 225, 226, 227, 227, 228, 229, 230, 231,\n", + " 232, 233, 234, 235, 236, 236, 237, 238, 239, 240, 241, 242, 242, 242,\n", + " 243, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255,\n", + " 256, 257, 258, 259, 260, 261, 262, 263, 264, 264, 265, 266, 267, 268,\n", + " 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281,\n", + " 282, 283, 284, 285, 286, 287, 287, 288, 289, 290, 291, 292, 293, 294,\n", + " 295, 296, 297, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 306,\n", + " 307, 308, 309, 310, 311, 312, 313, 314, 315, 316, 317, 318, 319, 319,\n", + " 320, 321, 322, 323, 324, 325, 326, 327, 328, 329, 330, 331, 332, 333,\n", + " 333, 334, 335, 336, 337, 338, 339, 340, 341, 342, 343, 344, 345, 346,\n", + " 347, 348, 349, 350, 351, 352, 353, 354, 355, 356, 357, 358, 359, 360,\n", + " 361, 362, 363, 363, 364, 365, 366, 367, 368, 369, 370, 370, 371, 372,\n", + " 373, 374, 374, 375, 376, 377, 378, 379, 380, 381, 382, 383, 384, 385,\n", + " 386, 386, 387, 388, 388, 389, 390, 390, 391, 392, 393, 394, 394, 395,\n", + " 396, 397, 398, 399, 400, 401, 402, 403, 404, 405, 406, 407, 408, 408,\n", + " 409, 410, 411, 411, 412, 413, 414, 415, 416, 417, 418, 419, 420, 421,\n", + " 421, 422, 423, 424, 425, 426, 427, 428, 429, 430, 431, 432, 432, 433,\n", + " 434, 435, 436, 437, 438, 439, 440, 441, 442, 443, 444, 445, 446, 447,\n", + " 448, 448, 449, 450, 451, 451, 452, 452, 453, 454, 455, 456, 457, 458,\n", + " 458, 459, 460, 461, 462, 463, 464, 465, 466, 467, 468, 469]],\n", + " device='cuda:0'), 'raw_logits': tensor([[[ 0.0022, -0.0614, 0.2769, ..., -0.2312, -0.6885, -0.5127],\n", + " [-0.1190, -0.4741, 0.3333, ..., -0.7251, -0.8467, -0.0442],\n", + " [ 0.0159, -0.3042, -0.0317, ..., -0.4985, -0.5952, -0.0503],\n", + " ...,\n", + " [ 0.2512, -0.3347, -0.0521, ..., -0.2754, -0.3628, 0.0062],\n", + " [ 0.0347, -0.1438, 0.1104, ..., -0.2168, -0.0638, -0.1055],\n", + " [ 0.1670, -0.3379, 0.0158, ..., -0.3630, -0.3218, -0.1176]]],\n", + " device='cuda:0', dtype=torch.float16, grad_fn=), 'logits': tensor([[[ 0.0022, -0.0614, 0.2769, ..., -0.2312, -0.6885, -0.5127],\n", + " [-0.1190, -0.4741, 0.3333, ..., -0.7251, -0.8467, -0.0442],\n", + " [ 0.0159, -0.3042, -0.0317, ..., -0.4985, -0.5952, -0.0503],\n", + " ...,\n", + " [ 0.2512, -0.3347, -0.0521, ..., -0.2754, -0.3628, 0.0062],\n", + " [ 0.0347, -0.1438, 0.1104, ..., -0.2168, -0.0638, -0.1055],\n", + " [ 0.1670, -0.3379, 0.0158, ..., -0.3630, -0.3218, -0.1176]]],\n", + " device='cuda:0', dtype=torch.float16, grad_fn=), 'labels': tensor([[ 0, 1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8,\n", + " 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8,\n", + " 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8,\n", + " 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8,\n", + " 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 2,\n", + " 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 4, 11, 11,\n", + " 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 3, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 4, 4,\n", + " 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11,\n", + " 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11,\n", + " 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 11, 3, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 6, 13, 13, 13, 13, 13, 13, 13, 13,\n", + " 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13, 13,\n", + " 13, 13, 3, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10,\n", + " 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 10, 5, 12, 12, 12, 12,\n", + " 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12,\n", + " 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12,\n", + " 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12,\n", + " 12, 12, 12, 12, 12, 12, 12, 12, 12, 0]], device='cuda:0'), 'sf_logits': tensor([[[0.0702, 0.0659, 0.0923, ..., 0.0556, 0.0352, 0.0419],\n", + " [0.0630, 0.0442, 0.0991, ..., 0.0344, 0.0305, 0.0679],\n", + " [0.0731, 0.0531, 0.0697, ..., 0.0437, 0.0397, 0.0684],\n", + " ...,\n", + " [0.0869, 0.0483, 0.0641, ..., 0.0513, 0.0470, 0.0680],\n", + " [0.0660, 0.0553, 0.0712, ..., 0.0514, 0.0598, 0.0574],\n", + " [0.0861, 0.0520, 0.0740, ..., 0.0507, 0.0528, 0.0648]]],\n", + " device='cuda:0', dtype=torch.float16, grad_fn=), 'preds': tensor([[195, 493, 254, 270, 8, 46, 140, 17, 28, 477, 191, 132, 277, 358,\n", + " 233]], device='cuda:0'), 'preds_prob': tensor([[0.1466, 0.0923, 0.1648, 0.1434, 0.2612, 0.1029, 0.0749, 0.1711, 0.2017,\n", + " 0.1486, 0.1722, 0.1117, 0.1091, 0.0998, 0.1423]], device='cuda:0',\n", + " dtype=torch.float16, grad_fn=)}, {'__name__': '__main__', '__doc__': 'Automatically created module for IPython interactive environment', '__package__': None, '__loader__': None, '__spec__': None, '__builtin__': , '__builtins__': , '_ih': ['', 'ON_COLAB = True\\nif ON_COLAB:\\n # Mount drive:\\n from google.colab import drive, files\\n # mount Google Drive\\n drive.mount(\"/content/drive\")', \"get_ipython().run_cell_magic('capture', '', '# if on Colab, we need to install missing stuff!\\\\nif ON_COLAB:\\\\n !pip install transformers\\\\n !pip install iterative-stratification\\\\n !pip install nvidia-ml-py3')\", 'import gc\\nimport os\\nimport torch\\nimport random\\nimport numpy as np\\nimport pandas as pd\\nimport torch.nn as nn\\nfrom pynvml import nvmlDeviceGetHandleByIndex, nvmlDeviceGetMemoryInfo, nvmlInit\\n\\nfrom tqdm.notebook import tqdm\\nfrom sklearn.metrics import accuracy_score\\nfrom torch.cuda.amp import autocast, GradScaler\\nfrom torch.utils.data import Dataset, DataLoader\\nfrom transformers import AutoConfig, AutoModel, AutoTokenizer\\nfrom iterstrat.ml_stratifiers import MultilabelStratifiedKFold', 'def print_gpu_utilization():\\n print(f\"GPU memory occupied: {get_gpu_utilization()} MB.\")\\n\\ndef get_gpu_utilization():\\n nvmlInit()\\n handle = nvmlDeviceGetHandleByIndex(0)\\n info = nvmlDeviceGetMemoryInfo(handle)\\n return info.used//1024**2\\n\\ndef print_summary(result):\\n print(f\"Time: {result.metrics[\\'train_runtime\\']:.2f}\")\\n print(f\"Samples/second: {result.metrics[\\'train_samples_per_second\\']:.2f}\")\\n print_gpu_utilization()\\n\\nprint_gpu_utilization()', \"if ON_COLAB:\\n get_ipython().system('cd /content/drive/MyDrive/NLP_project')\\n\\n\\n# DATA DIR ---- TO CHANGE\\nDATA_DIR = 'drive/MyDrive/NLP_project/'\", \"class HyperParameters:\\n \\n # Here we choose model type. Can be changed for others\\n name = 'longformer'\\n model_savename = 'longformer'\\n model_name = 'allenai/longformer-base-4096' # this is the most important: determines what transformer is used in training\\n \\n # Directory hyperparameters: make sure to change with what you are using! Only needed to change here\\n base_dir = DATA_DIR\\n data_dir = os.path.join(base_dir, 'data')\\n pre_data_dir = os.path.join(base_dir, 'data/preprocessed')\\n model_dir = os.path.join(base_dir, f'model/{name}')\\n output_dir = os.path.join(base_dir, f'output/{name}')\\n \\n # Training hyperparameters\\n is_debug = False\\n n_epoch = 2 # not to exceed runtime limit\\n n_fold = 5\\n verbose_steps = 500\\n random_seed = 42\\n\\n # Model specific hyperparameters\\n max_length = 1024\\n inference_max_length = 4096\\n train_batch_size = 4\\n valid_batch_size = 4\\n lr = 4e-5\\n\\n # Task hyperparameters\\n num_labels = 15\\n label_subtokens = True\\n output_hidden_states = True\\n hidden_dropout_prob = 0.1\\n layer_norm_eps = 1e-7\\n add_pooling_layer = False\\n verbose_steps = 500\\n if is_debug:\\n debug_sample = 1000\\n verbose_steps = 16\\n n_epoch = 1\\n n_fold = 2\\n\\nif not os.path.exists(HyperParameters.model_dir):\\n get_ipython().system('mkdir $HyperParameters.model_dir')\", 'IGNORE_INDEX = -100\\nNON_LABEL = -1\\nOUTPUT_LABELS = [\\'O\\', \\'B-Lead\\', \\'I-Lead\\', \\'B-Position\\', \\'I-Position\\', \\'B-Claim\\', \\'I-Claim\\', \\'B-Counterclaim\\', \\'I-Counterclaim\\', \\n \\'B-Rebuttal\\', \\'I-Rebuttal\\', \\'B-Evidence\\', \\'I-Evidence\\', \\'B-Concluding Statement\\', \\'I-Concluding Statement\\']\\nLABELS_TO_IDS = {v:k for k,v in enumerate(OUTPUT_LABELS)}\\nIDS_TO_LABELS = {k:v for k,v in enumerate(OUTPUT_LABELS)}\\n\\nMIN_THRESH = {\\n \"I-Lead\": 9,\\n \"I-Position\": 5,\\n \"I-Evidence\": 14,\\n \"I-Claim\": 3,\\n \"I-Concluding Statement\": 11,\\n \"I-Counterclaim\": 6,\\n \"I-Rebuttal\": 4,\\n}\\n\\nPROB_THRESH = {\\n \"I-Lead\": 0.7,\\n \"I-Position\": 0.55,\\n \"I-Evidence\": 0.65,\\n \"I-Claim\": 0.55,\\n \"I-Concluding Statement\": 0.7,\\n \"I-Counterclaim\": 0.5,\\n \"I-Rebuttal\": 0.55,\\n}', \"def set_seed(seed=HyperParameters.random_seed):\\n np.random.seed(seed)\\n \\n random.seed(seed)\\n \\n torch.manual_seed(seed)\\n torch.cuda.manual_seed(seed)\\n \\n torch.backends.cudnn.deterministic =True\\n torch.backends.cudnn.benchmark = False\\n\\nset_seed()\\n\\n# Set proper device\\nif torch.cuda.is_available():\\n device = torch.device('cuda')\\nelse:\\n device = torch.device('cpu')\\n\\nprint(f'Using device: {device}')\", \"df_alltrain = pd.read_csv(f'{HyperParameters.data_dir}/corrected_train.csv')\", 'def agg_essays(train_flg):\\n \"\"\"\\n Splits every word in an essay and adds the text of each essay to a dataframe.\\n \"\"\"\\n folder = \\'train\\' if train_flg else \\'test\\'\\n names, texts =[], []\\n for f in tqdm(list(os.listdir(f\\'{HyperParameters.data_dir}/{folder}\\'))):\\n names.append(f.replace(\\'.txt\\', \\'\\'))\\n texts.append(open(f\\'{HyperParameters.data_dir}/{folder}/\\' + f, \\'r\\').read())\\n df_texts = pd.DataFrame({\\'id\\': names, \\'text\\': texts})\\n\\n df_texts[\\'text_split\\'] = df_texts.text.str.split()\\n print(\\'Completed tokenizing texts.\\')\\n return df_texts', 'def ner(df_texts, df_train):\\n \"\"\"\\n Maps discourse type to each word of the text, according to the train.csv file.\\n \"\"\"\\n all_entities = []\\n for _, row in tqdm(df_texts.iterrows(), total=len(df_texts)):\\n total = len(row[\\'text_split\\'])\\n entities = [\\'O\\'] * total\\n\\n for _, row2 in df_train[df_train[\\'id\\'] == row[\\'id\\']].iterrows():\\n discourse = row2[\\'discourse_type\\']\\n list_ix = [int(x) for x in row2[\\'predictionstring\\'].split(\\' \\')]\\n entities[list_ix[0]] = f\\'B-{discourse}\\'\\n for k in list_ix[1:]: entities[k] = f\\'I-{discourse}\\'\\n all_entities.append(entities)\\n\\n df_texts[\\'entities\\'] = all_entities\\n print(\\'Completed mapping discourse to each token.\\')\\n return df_texts', 'def preprocess(df_train = None):\\n \"\"\"\\n Generates the dataframe we will use for training.\\n Splits essays into words, assigns a token name to each word, and adds everything to a dataframe.\\n \"\"\"\\n if df_train is None:\\n train_flg = False\\n else:\\n train_flg = True\\n \\n df_texts = agg_essays(train_flg)\\n\\n if train_flg:\\n df_texts = ner(df_texts, df_train)\\n return df_texts\\n\\n# Make sure we only run pre-processing if we did not do it in the past:\\n\\nif not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n alltrain_texts = preprocess(df_alltrain)\\n test_texts = preprocess()\\nelse:\\n alltrain_texts = pd.read_csv(f\"{HyperParameters.data_dir}/train_folds.csv\")', \"# Visualize preprocessing result:\\nparse_string = lambda x: [string[1:-1] for string in x[1:-1].split(', ')]\\nalltrain_texts.entities = alltrain_texts.entities.apply(parse_string)\\nalltrain_texts.text_split = alltrain_texts.text_split.apply(parse_string)\\n\\nalltrain_texts.head()\", 'if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n # Transform categorical labels to dummy variables. Group by id. Sum over dummy. \\n dfx = pd.get_dummies(df_alltrain, columns=[\"discourse_type\"]).groupby([\"id\"], as_index=False).sum()\\n\\n # Generate name for the dummy columns\\n dummy_cols = [c for c in dfx.columns if c.startswith(\"discourse_type_\") or c == \"id\" and c != \"discourse_type_num\"]\\n # dfx is now only the dataset with dummy columns selected: don\\'t need to pass the data to do the splits\\n dfx = dfx[dummy_cols]', 'if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n # Generate cross validation object\\n mskf = MultilabelStratifiedKFold(n_splits=5, shuffle=True, random_state=42)\\n\\n # Extract labels\\n labels = [c for c in dfx.columns if c != \"id\"]\\n dfx_labels = dfx[labels]\\n\\n # Dummy kfold assignment\\n dfx[\"kfold\"] = -1\\n\\n # Split\\n for fold, (trn_, val_) in enumerate(mskf.split(dfx, dfx_labels)):\\n print(len(trn_), len(val_))\\n \\n # Change the value of the kfold column at the validation index to the value of the fold\\n # This will tell us when to use the current entry in the validation set\\n dfx.loc[val_, \"kfold\"] = fold\\n\\n # merge back to original dataframe\\n alltrain_texts = alltrain_texts.merge(dfx[[\"id\", \"kfold\"]], on=\"id\", how=\"left\")\\n print(alltrain_texts.kfold.value_counts())\\n\\n # Save so next time we import it directly\\n alltrain_texts.to_csv(f\"{HyperParameters.data_dir}/train_folds.csv\", index=False)', \"# need help with this\\nclass FeedbackPrizeDataset(Dataset):\\n def __init__(self, dataframe, tokenizer, max_len, has_labels):\\n self.len = len(dataframe)\\n self.data = dataframe\\n self.tokenizer = tokenizer\\n self.max_len = max_len\\n self.has_labels = has_labels\\n \\n def __getitem__(self, index):\\n text = self.data.text[index]\\n encoding = self.tokenizer(\\n text.split(),\\n is_split_into_words = True,\\n padding = 'max_length',\\n truncation = True,\\n max_length = self.max_len\\n )\\n word_ids = encoding.word_ids()\\n\\n # targets\\n if self.has_labels:\\n word_labels = self.data.entities[index]\\n prev_word_idx = None\\n labels_ids = []\\n for word_idx in word_ids:\\n if word_idx is None:\\n labels_ids.append(IGNORE_INDEX)\\n elif word_idx != prev_word_idx:\\n labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\\n else:\\n if HyperParameters.label_subtokens:\\n labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\\n else:\\n labels_ids.append(IGNORE_INDEX)\\n prev_word_idx = word_idx\\n encoding['labels'] = labels_ids\\n # convert to torch.tensor\\n item = {k: torch.as_tensor(v) for k, v in encoding.items()}\\n word_ids2 = [w if w is not None else NON_LABEL for w in word_ids]\\n item['word_ids'] = torch.as_tensor(word_ids2)\\n return item\\n\\n def __len__(self):\\n return self.len\", \"class FeedbackModel(nn.Module):\\n def __init__(self):\\n super(FeedbackModel, self).__init__()\\n \\n # init config of transformer model of choice:\\n # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\\n model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\\n self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\\n \\n # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\\n self.model_config = model_config\\n self.dropout1 = nn.Dropout(0.1)\\n self.dropout2 = nn.Dropout(0.2)\\n self.dropout3 = nn.Dropout(0.3)\\n self.dropout4 = nn.Dropout(0.4)\\n self.dropout5 = nn.Dropout(0.5)\\n self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\\n \\n def forward(self, input_ids, mask):\\n x = self.backbone(input_ids, mask)\\n logits1 = self.head(self.dropout1(x[0]))\\n logits2 = self.head(self.dropout2(x[0]))\\n logits3 = self.head(self.dropout3(x[0]))\\n logits4 = self.head(self.dropout4(x[0]))\\n logits5 = self.head(self.dropout5(x[0]))\\n logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\\n return logits\", 'def build_model_tokenizer():\\n tokenizer = AutoTokenizer.from_pretrained(HyperParameters.model_name, add_prefix_space = True)\\n model = FeedbackModel()\\n return model, tokenizer', '# Need help with this: used in training to transform raw logits to labels needed\\ndef active_logits(raw_logits, word_ids):\\n word_ids = word_ids.view(-1)\\n active_mask = word_ids.unsqueeze(1).expand(word_ids.shape[0], HyperParameters.num_labels)\\n active_mask = active_mask != NON_LABEL\\n active_logits = raw_logits.view(-1, HyperParameters.num_labels)\\n active_logits = torch.masked_select(active_logits, active_mask) # return 1dTensor\\n active_logits = active_logits.view(-1, HyperParameters.num_labels) \\n return active_logits\\n\\ndef active_labels(labels):\\n active_mask = labels.view(-1) != IGNORE_INDEX\\n active_labels = torch.masked_select(labels.view(-1), active_mask)\\n return active_labels\\n\\ndef active_preds_prob(active_logits):\\n active_preds = torch.argmax(active_logits, axis = 1)\\n active_preds_prob, _ = torch.max(active_logits, axis = 1)\\n return active_preds, active_preds_prob', 'def calculate_overlap(set_pred, set_gt):\\n \"\"\"\\n Calculates if the overlap between prediction and\\n ground truth is enough fora potential True positive\\n \"\"\"\\n # Length of each and intersection\\n try:\\n len_gt = len(set_gt)\\n len_pred = len(set_pred)\\n inter = len(set_gt & set_pred)\\n overlap_1 = inter / len_gt\\n overlap_2 = inter/ len_pred\\n return overlap_1 >= 0.5 and overlap_2 >= 0.5\\n except: # at least one of the input is NaN\\n return False\\n\\ndef score_feedback_comp_micro(pred_df, gt_df, discourse_type):\\n \"\"\"\\n A function that scores for the kaggle\\n Student Writing Competition\\n \\n Uses the steps in the evaluation page here:\\n https://www.kaggle.com/c/feedback-prize-2021/overview/evaluation\\n \"\"\"\\n gt_df = gt_df.loc[gt_df[\\'discourse_type\\'] == discourse_type, \\n [\\'id\\', \\'predictionstring\\']].reset_index(drop=True)\\n pred_df = pred_df.loc[pred_df[\\'class\\'] == discourse_type,\\n [\\'id\\', \\'predictionstring\\']].reset_index(drop=True)\\n pred_df[\\'pred_id\\'] = pred_df.index\\n gt_df[\\'gt_id\\'] = gt_df.index\\n pred_df[\\'predictionstring\\'] = [set(pred.split(\\' \\')) for pred in pred_df[\\'predictionstring\\']]\\n gt_df[\\'predictionstring\\'] = [set(pred.split(\\' \\')) for pred in gt_df[\\'predictionstring\\']]\\n \\n # Step 1. all ground truths and predictions for a given class are compared.\\n joined = pred_df.merge(gt_df,\\n left_on=\\'id\\',\\n right_on=\\'id\\',\\n how=\\'outer\\',\\n suffixes=(\\'_pred\\',\\'_gt\\')\\n )\\n overlaps = [calculate_overlap(*args) for args in zip(joined.predictionstring_pred, \\n joined.predictionstring_gt)]\\n \\n # 2. If the overlap between the ground truth and prediction is >= 0.5, \\n # and the overlap between the prediction and the ground truth >= 0.5,\\n # the prediction is a match and considered a true positive.\\n # If multiple matches exist, the match with the highest pair of overlaps is taken.\\n # we don\\'t need to compute the match to compute the score\\n TP = joined.loc[overlaps][\\'gt_id\\'].nunique()\\n\\n # 3. Any unmatched ground truths are false negatives\\n # and any unmatched predictions are false positives.\\n TPandFP = len(pred_df)\\n TPandFN = len(gt_df)\\n \\n #calc microf1\\n my_f1_score = 2*TP / (TPandFP + TPandFN)\\n return my_f1_score\\n\\ndef score_feedback_comp(pred_df, gt_df, return_class_scores=False):\\n \"\"\"\\n Final helper function for model evaluation.\\n \\n Args:\\n pred_df (pandas.DataFrame): dataframe containing model predictions. Needs to have columns: [\\'id\\',\\'class\\',\\'predictionstring\\']\\n gt_df (pandas.DataFrame): dataframe of ground truth used for model training\\n return_class_scores (bool): Boolean indicating if we want to return the F1 score for each predicted class.\\n \\n Returns:\\n f1 (float): F1 score of the model\\n (optional) class_scores (dict): Dictionary of per-class F1 score\\n \"\"\"\\n class_scores = {}\\n for discourse_type in gt_df.discourse_type.unique():\\n class_score = score_feedback_comp_micro(pred_df, gt_df, discourse_type)\\n class_scores[discourse_type] = class_score\\n f1 = np.mean([v for v in class_scores.values()])\\n if return_class_scores:\\n return f1, class_scores\\n return f1', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n logits = active_logits(raw_logits, word_ids)\\n labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n \\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'def valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion):\\n oof, valid_loss, valid_acc = get_preds_onefold(model, df_val, dl_val, criterion, valid_flg=True)\\n f1score =[]\\n # classes = oof[\\'class\\'].unique()\\n classes = [\\'Lead\\', \\'Position\\', \\'Claim\\',\\'Counterclaim\\', \\'Rebuttal\\',\\'Evidence\\',\\'Concluding Statement\\']\\n print(f\"Validation F1 scores\")\\n\\n for c in classes:\\n pred_df = oof.loc[oof[\\'class\\'] == c].copy()\\n gt_df = df_val_eval.loc[df_val_eval[\\'discourse_type\\'] == c].copy()\\n f1 = score_feedback_comp(pred_df, gt_df)\\n print(f\\' * {c:<10}: {f1:4f}\\')\\n f1score.append(f1)\\n f1avg = np.mean(f1score)\\n print(f\\'Overall Validation avg F1: {f1avg:.4f} val_loss:{valid_loss:.4f} val_accuracy:{valid_acc:.4f}\\')\\n return valid_loss, oof', 'def inference(model, data_loader, criterion, valid_flg):\\n stream = tqdm(data_loader)\\n model.eval()\\n \\n valid_loss = 0\\n valid_accuracy = 0\\n all_logits = None\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch[\\'input_ids\\'].to(device, dtype = torch.long)\\n mask = batch[\\'attention_mask\\'].to(device, dtype = torch.long)\\n with torch.no_grad():\\n raw_logits = model(input_ids=ids, mask = mask)\\n del ids, mask\\n \\n word_ids = batch[\\'word_ids\\'].to(device, dtype = torch.long)\\n logits = active_logits(raw_logits, word_ids)\\n sf_logits = torch.softmax(logits, dim= -1)\\n sf_raw_logits = torch.softmax(raw_logits, dim=-1)\\n if valid_flg: \\n raw_labels = batch[\\'labels\\'].to(device, dtype = torch.long)\\n labels = active_labels(raw_labels)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n valid_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n loss = criterion(logits, labels)\\n valid_loss += loss.item()\\n \\n if batch_idx == 1:\\n all_logits = sf_raw_logits.cpu().numpy()\\n else:\\n all_logits = np.append(all_logits, sf_raw_logits.cpu().numpy(), axis=0)\\n\\n \\n if valid_flg: \\n epoch_loss = valid_loss / batch_idx\\n epoch_accuracy = valid_accuracy / batch_idx\\n else:\\n epoch_loss, epoch_accuracy = 0, 0\\n return all_logits, epoch_loss, epoch_accuracy\\n\\n\\ndef preds_class_prob(all_logits, data_loader):\\n print(\"predict target class and its probabilty\")\\n final_predictions = []\\n final_predictions_score = []\\n stream = tqdm(data_loader)\\n len_sample = all_logits.shape[0]\\n\\n for batch_idx, batch in enumerate(stream, start=0):\\n for minibatch_idx in range(HyperParameters.valid_batch_size):\\n sample_idx = int(batch_idx * HyperParameters.valid_batch_size + minibatch_idx)\\n if sample_idx > len_sample - 1 : break\\n word_ids = batch[\\'word_ids\\'][minibatch_idx].numpy()\\n predictions =[]\\n predictions_prob = []\\n pred_class_id = np.argmax(all_logits[sample_idx], axis=1)\\n pred_score = np.max(all_logits[sample_idx], axis=1)\\n pred_class_labels = [IDS_TO_LABELS[i] for i in pred_class_id]\\n prev_word_idx = -1\\n for idx, word_idx in enumerate(word_ids):\\n if word_idx == -1:\\n pass\\n elif word_idx != prev_word_idx:\\n predictions.append(pred_class_labels[idx])\\n predictions_prob.append(pred_score[idx])\\n prev_word_idx = word_idx\\n final_predictions.append(predictions)\\n final_predictions_score.append(predictions_prob)\\n return final_predictions, final_predictions_score', 'def get_preds_onefold(model, df, dl, criterion, valid_flg):\\n logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\\n all_preds, all_preds_prob = preds_class_prob(logits, dl)\\n df_pred = post_process_pred(df, all_preds, all_preds_prob)\\n return df_pred, valid_loss, valid_acc\\n\\ndef get_preds_folds(model, df, dl, criterion, valid_flg=False):\\n for i_fold in range(HyperParameters.n_fold):\\n model_filename = os.path.join(HyperParameters.model_dir, f\"{HyperParameters.model_savename}_{i_fold}.bin\")\\n print(f\"{model_filename} inference\")\\n model = model.to(device)\\n model.load_state_dict(torch.load(model_filename))\\n logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\\n if i_fold == 0:\\n avg_pred_logits = logits\\n else:\\n avg_pred_logits += logits\\n avg_pred_logits /= HyperParameters.n_fold\\n all_preds, all_preds_prob = preds_class_prob(avg_pred_logits, dl)\\n df_pred = post_process_pred(df, all_preds, all_preds_prob)\\n return df_pred\\n\\ndef post_process_pred(df, all_preds, all_preds_prob):\\n final_preds = []\\n for i in range(len(df)):\\n idx = df.id.values[i]\\n pred = all_preds[i]\\n pred_prob = all_preds_prob[i]\\n j = 0\\n while j < len(pred):\\n cls = pred[j]\\n if cls == \\'O\\': j += 1\\n else: cls = cls.replace(\\'B\\', \\'I\\')\\n end = j + 1\\n while end < len(pred) and pred[end] == cls:\\n end += 1\\n if cls != \\'O\\' and cls !=\\'\\':\\n avg_score = np.mean(pred_prob[j:end])\\n if end - j > MIN_THRESH[cls] and avg_score > PROB_THRESH[cls]:\\n final_preds.append((idx, cls.replace(\\'I-\\', \\'\\'), \\' \\'.join(map(str, list(range(j, end))))))\\n j = end\\n df_pred = pd.DataFrame(final_preds)\\n df_pred.columns = [\\'id\\', \\'class\\', \\'new_predictionstring\\']\\n return df_pred', 'print_gpu_utilization()', 'def pretty_size(size):\\n\\t\"\"\"Pretty prints a torch.Size object\"\"\"\\n\\tassert(isinstance(size, torch.Size))\\n\\treturn \" × \".join(map(str, size))\\n\\ndef dump_tensors(gpu_only=True):\\n\\t\"\"\"Prints a list of the Tensors being tracked by the garbage collector.\"\"\"\\n\\timport gc\\n\\ttotal_size = 0\\n\\tfor obj in gc.get_objects():\\n\\t\\ttry:\\n\\t\\t\\tif torch.is_tensor(obj):\\n\\t\\t\\t\\tif not gpu_only or obj.is_cuda:\\n\\t\\t\\t\\t\\tprint(\"%s:%s%s %s\" % (type(obj).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" GPU\" if obj.is_cuda else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" pinned\" if obj.is_pinned else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t pretty_size(obj.size())))\\n\\t\\t\\t\\t\\ttotal_size += obj.numel()\\n\\t\\t\\telif hasattr(obj, \"data\") and torch.is_tensor(obj.data):\\n\\t\\t\\t\\tif not gpu_only or obj.is_cuda:\\n\\t\\t\\t\\t\\tprint(\"%s → %s:%s%s%s%s %s\" % (type(obj).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t type(obj.data).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" GPU\" if obj.is_cuda else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" pinned\" if obj.data.is_pinned else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" grad\" if obj.requires_grad else \"\", \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" volatile\" if obj.volatile else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t pretty_size(obj.data.size())))\\n\\t\\t\\t\\t\\ttotal_size += obj.data.numel()\\n\\t\\texcept Exception as e:\\n\\t\\t\\tpass \\n\\tprint(\"Total size:\", total_size)', 'dump_tensors()', 'try:\\n print(gc.get_referrers(model))\\n del model\\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n print(gc.get_referrers(model))\\n del model\\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'class KaggleDataset(Dataset):\\n \"\"\"\\n Class for loading data in batches after it has been processed\\n \"\"\"\\n def __init__(self, dataframe, tokenizer, max_length):\\n\\n super().__init__()\\n\\n # -- prepare data\\n assert sorted(dataframe.columns) == [\\'labels\\', \\'text\\'], f\"Please make sure input dataframe has the columns (text, labels)\"\\n # data must be in the correct format\\n self.inputs = dataframe.text.values\\n self.targets = dataframe.labels.values\\n if not is_string_dtype(self.inputs): raise TypeError(\\'Text data must be string type\\')\\n # TODO assertion below is bug; not deleting so remember to add correct assertions\\n #if not is_integer_dtype(self.targets): raise TypeError(\\'Label data must be integer type\\')\\n\\n # -- prepare tokenizer\\n self.tokenizer = tokenizer\\n self.max_length = max_length\\n\\n def __len__(self):\\n return len(self.inputs)\\n\\n def __getitem__(self, index):\\n # self.inputs anf self.targets must be of a type that is indexible as shown\\n inputs = self.inputs[index]\\n targets = self.targets[index]\\n\\n inputs = self.tokenizer(\\n # consider parametrising these\\n inputs.split(),\\n is_split_into_words=True, # this means that extra \\\\n should be ignored\\n padding=\\'max_length\\',\\n truncation=True,\\n max_length=self.max_length\\n )\\n\\n word_ids = inputs.word_ids()\\n word_id_mask = [word_id is not None for word_id in word_ids]\\n word_ids = [word_id for word_id in word_ids if word_id is not None]\\n\\n inputs = {\\n key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\\n }\\n targets = torch.as_tensor(targets, dtype=torch.long)\\n expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\\n expanded_targets[word_id_mask] = targets[word_ids]\\n inputs[\\'labels\\'] = expanded_targets\\n inputs[\\'word_ids\\'] = torch.tensor(word_ids, dtype=torch.long)\\n return inputs\\n\\n ', 'try:\\n print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n print(df_train.head())\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n print(df_train.head())\\n raise Exception()\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n print(df_train.head())\\n raise Exception()\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'class KaggleDataset(Dataset):\\n \"\"\"\\n Class for loading data in batches after it has been processed\\n \"\"\"\\n def __init__(self, dataframe, tokenizer, max_length):\\n\\n super().__init__()\\n\\n # -- prepare data\\n assert sorted(dataframe.columns) == [\\'labels\\', \\'text\\'], f\"Please make sure input dataframe has the columns (text, labels)\"\\n # data must be in the correct format\\n self.inputs = dataframe.text.values\\n self.targets = dataframe.labels.values\\n #if not is_string_dtype(self.inputs): raise TypeError(\\'Text data must be string type\\')\\n # TODO assertion below is bug; not deleting so remember to add correct assertions\\n #if not is_integer_dtype(self.targets): raise TypeError(\\'Label data must be integer type\\')\\n\\n # -- prepare tokenizer\\n self.tokenizer = tokenizer\\n self.max_length = max_length\\n\\n def __len__(self):\\n return len(self.inputs)\\n\\n def __getitem__(self, index):\\n # self.inputs anf self.targets must be of a type that is indexible as shown\\n inputs = self.inputs[index]\\n targets = self.targets[index]\\n\\n inputs = self.tokenizer(\\n # consider parametrising these\\n inputs.split(),\\n is_split_into_words=True, # this means that extra \\\\n should be ignored\\n padding=\\'max_length\\',\\n truncation=True,\\n max_length=self.max_length\\n )\\n\\n word_ids = inputs.word_ids()\\n word_id_mask = [word_id is not None for word_id in word_ids]\\n word_ids = [word_id for word_id in word_ids if word_id is not None]\\n\\n inputs = {\\n key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\\n }\\n targets = torch.as_tensor(targets, dtype=torch.long)\\n expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\\n expanded_targets[word_id_mask] = targets[word_ids]\\n inputs[\\'labels\\'] = expanded_targets\\n inputs[\\'word_ids\\'] = torch.tensor(word_ids, dtype=torch.long)\\n return inputs\\n\\n ', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"class FeedbackModel(nn.Module):\\n def __init__(self):\\n super(FeedbackModel, self).__init__()\\n \\n # init config of transformer model of choice:\\n # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\\n model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\\n print(model_config)\\n self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\\n \\n # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\\n self.model_config = model_config\\n self.dropout1 = nn.Dropout(0.1)\\n self.dropout2 = nn.Dropout(0.2)\\n self.dropout3 = nn.Dropout(0.3)\\n self.dropout4 = nn.Dropout(0.4)\\n self.dropout5 = nn.Dropout(0.5)\\n self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\\n \\n def forward(self, input_ids, mask):\\n x = self.backbone(input_ids, mask)\\n logits1 = self.head(self.dropout1(x[0]))\\n logits2 = self.head(self.dropout2(x[0]))\\n logits3 = self.head(self.dropout3(x[0]))\\n logits4 = self.head(self.dropout4(x[0]))\\n logits5 = self.head(self.dropout5(x[0]))\\n logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\\n return logits\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(raw_logits.shape)\\n print(word_ids.shape)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n logits = active_logits(raw_logits, word_ids)\\n labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n labels = raw_labels\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n print(gc.get_referrers(model))\\n raise Exception()\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])'], '_oh': {13: id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "\n", + " entities kfold \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 }, '_dh': ['/content'], '_sh': , 'In': ['', 'ON_COLAB = True\\nif ON_COLAB:\\n # Mount drive:\\n from google.colab import drive, files\\n # mount Google Drive\\n drive.mount(\"/content/drive\")', \"get_ipython().run_cell_magic('capture', '', '# if on Colab, we need to install missing stuff!\\\\nif ON_COLAB:\\\\n !pip install transformers\\\\n !pip install iterative-stratification\\\\n !pip install nvidia-ml-py3')\", 'import gc\\nimport os\\nimport torch\\nimport random\\nimport numpy as np\\nimport pandas as pd\\nimport torch.nn as nn\\nfrom pynvml import nvmlDeviceGetHandleByIndex, nvmlDeviceGetMemoryInfo, nvmlInit\\n\\nfrom tqdm.notebook import tqdm\\nfrom sklearn.metrics import accuracy_score\\nfrom torch.cuda.amp import autocast, GradScaler\\nfrom torch.utils.data import Dataset, DataLoader\\nfrom transformers import AutoConfig, AutoModel, AutoTokenizer\\nfrom iterstrat.ml_stratifiers import MultilabelStratifiedKFold', 'def print_gpu_utilization():\\n print(f\"GPU memory occupied: {get_gpu_utilization()} MB.\")\\n\\ndef get_gpu_utilization():\\n nvmlInit()\\n handle = nvmlDeviceGetHandleByIndex(0)\\n info = nvmlDeviceGetMemoryInfo(handle)\\n return info.used//1024**2\\n\\ndef print_summary(result):\\n print(f\"Time: {result.metrics[\\'train_runtime\\']:.2f}\")\\n print(f\"Samples/second: {result.metrics[\\'train_samples_per_second\\']:.2f}\")\\n print_gpu_utilization()\\n\\nprint_gpu_utilization()', \"if ON_COLAB:\\n get_ipython().system('cd /content/drive/MyDrive/NLP_project')\\n\\n\\n# DATA DIR ---- TO CHANGE\\nDATA_DIR = 'drive/MyDrive/NLP_project/'\", \"class HyperParameters:\\n \\n # Here we choose model type. Can be changed for others\\n name = 'longformer'\\n model_savename = 'longformer'\\n model_name = 'allenai/longformer-base-4096' # this is the most important: determines what transformer is used in training\\n \\n # Directory hyperparameters: make sure to change with what you are using! Only needed to change here\\n base_dir = DATA_DIR\\n data_dir = os.path.join(base_dir, 'data')\\n pre_data_dir = os.path.join(base_dir, 'data/preprocessed')\\n model_dir = os.path.join(base_dir, f'model/{name}')\\n output_dir = os.path.join(base_dir, f'output/{name}')\\n \\n # Training hyperparameters\\n is_debug = False\\n n_epoch = 2 # not to exceed runtime limit\\n n_fold = 5\\n verbose_steps = 500\\n random_seed = 42\\n\\n # Model specific hyperparameters\\n max_length = 1024\\n inference_max_length = 4096\\n train_batch_size = 4\\n valid_batch_size = 4\\n lr = 4e-5\\n\\n # Task hyperparameters\\n num_labels = 15\\n label_subtokens = True\\n output_hidden_states = True\\n hidden_dropout_prob = 0.1\\n layer_norm_eps = 1e-7\\n add_pooling_layer = False\\n verbose_steps = 500\\n if is_debug:\\n debug_sample = 1000\\n verbose_steps = 16\\n n_epoch = 1\\n n_fold = 2\\n\\nif not os.path.exists(HyperParameters.model_dir):\\n get_ipython().system('mkdir $HyperParameters.model_dir')\", 'IGNORE_INDEX = -100\\nNON_LABEL = -1\\nOUTPUT_LABELS = [\\'O\\', \\'B-Lead\\', \\'I-Lead\\', \\'B-Position\\', \\'I-Position\\', \\'B-Claim\\', \\'I-Claim\\', \\'B-Counterclaim\\', \\'I-Counterclaim\\', \\n \\'B-Rebuttal\\', \\'I-Rebuttal\\', \\'B-Evidence\\', \\'I-Evidence\\', \\'B-Concluding Statement\\', \\'I-Concluding Statement\\']\\nLABELS_TO_IDS = {v:k for k,v in enumerate(OUTPUT_LABELS)}\\nIDS_TO_LABELS = {k:v for k,v in enumerate(OUTPUT_LABELS)}\\n\\nMIN_THRESH = {\\n \"I-Lead\": 9,\\n \"I-Position\": 5,\\n \"I-Evidence\": 14,\\n \"I-Claim\": 3,\\n \"I-Concluding Statement\": 11,\\n \"I-Counterclaim\": 6,\\n \"I-Rebuttal\": 4,\\n}\\n\\nPROB_THRESH = {\\n \"I-Lead\": 0.7,\\n \"I-Position\": 0.55,\\n \"I-Evidence\": 0.65,\\n \"I-Claim\": 0.55,\\n \"I-Concluding Statement\": 0.7,\\n \"I-Counterclaim\": 0.5,\\n \"I-Rebuttal\": 0.55,\\n}', \"def set_seed(seed=HyperParameters.random_seed):\\n np.random.seed(seed)\\n \\n random.seed(seed)\\n \\n torch.manual_seed(seed)\\n torch.cuda.manual_seed(seed)\\n \\n torch.backends.cudnn.deterministic =True\\n torch.backends.cudnn.benchmark = False\\n\\nset_seed()\\n\\n# Set proper device\\nif torch.cuda.is_available():\\n device = torch.device('cuda')\\nelse:\\n device = torch.device('cpu')\\n\\nprint(f'Using device: {device}')\", \"df_alltrain = pd.read_csv(f'{HyperParameters.data_dir}/corrected_train.csv')\", 'def agg_essays(train_flg):\\n \"\"\"\\n Splits every word in an essay and adds the text of each essay to a dataframe.\\n \"\"\"\\n folder = \\'train\\' if train_flg else \\'test\\'\\n names, texts =[], []\\n for f in tqdm(list(os.listdir(f\\'{HyperParameters.data_dir}/{folder}\\'))):\\n names.append(f.replace(\\'.txt\\', \\'\\'))\\n texts.append(open(f\\'{HyperParameters.data_dir}/{folder}/\\' + f, \\'r\\').read())\\n df_texts = pd.DataFrame({\\'id\\': names, \\'text\\': texts})\\n\\n df_texts[\\'text_split\\'] = df_texts.text.str.split()\\n print(\\'Completed tokenizing texts.\\')\\n return df_texts', 'def ner(df_texts, df_train):\\n \"\"\"\\n Maps discourse type to each word of the text, according to the train.csv file.\\n \"\"\"\\n all_entities = []\\n for _, row in tqdm(df_texts.iterrows(), total=len(df_texts)):\\n total = len(row[\\'text_split\\'])\\n entities = [\\'O\\'] * total\\n\\n for _, row2 in df_train[df_train[\\'id\\'] == row[\\'id\\']].iterrows():\\n discourse = row2[\\'discourse_type\\']\\n list_ix = [int(x) for x in row2[\\'predictionstring\\'].split(\\' \\')]\\n entities[list_ix[0]] = f\\'B-{discourse}\\'\\n for k in list_ix[1:]: entities[k] = f\\'I-{discourse}\\'\\n all_entities.append(entities)\\n\\n df_texts[\\'entities\\'] = all_entities\\n print(\\'Completed mapping discourse to each token.\\')\\n return df_texts', 'def preprocess(df_train = None):\\n \"\"\"\\n Generates the dataframe we will use for training.\\n Splits essays into words, assigns a token name to each word, and adds everything to a dataframe.\\n \"\"\"\\n if df_train is None:\\n train_flg = False\\n else:\\n train_flg = True\\n \\n df_texts = agg_essays(train_flg)\\n\\n if train_flg:\\n df_texts = ner(df_texts, df_train)\\n return df_texts\\n\\n# Make sure we only run pre-processing if we did not do it in the past:\\n\\nif not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n alltrain_texts = preprocess(df_alltrain)\\n test_texts = preprocess()\\nelse:\\n alltrain_texts = pd.read_csv(f\"{HyperParameters.data_dir}/train_folds.csv\")', \"# Visualize preprocessing result:\\nparse_string = lambda x: [string[1:-1] for string in x[1:-1].split(', ')]\\nalltrain_texts.entities = alltrain_texts.entities.apply(parse_string)\\nalltrain_texts.text_split = alltrain_texts.text_split.apply(parse_string)\\n\\nalltrain_texts.head()\", 'if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n # Transform categorical labels to dummy variables. Group by id. Sum over dummy. \\n dfx = pd.get_dummies(df_alltrain, columns=[\"discourse_type\"]).groupby([\"id\"], as_index=False).sum()\\n\\n # Generate name for the dummy columns\\n dummy_cols = [c for c in dfx.columns if c.startswith(\"discourse_type_\") or c == \"id\" and c != \"discourse_type_num\"]\\n # dfx is now only the dataset with dummy columns selected: don\\'t need to pass the data to do the splits\\n dfx = dfx[dummy_cols]', 'if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n # Generate cross validation object\\n mskf = MultilabelStratifiedKFold(n_splits=5, shuffle=True, random_state=42)\\n\\n # Extract labels\\n labels = [c for c in dfx.columns if c != \"id\"]\\n dfx_labels = dfx[labels]\\n\\n # Dummy kfold assignment\\n dfx[\"kfold\"] = -1\\n\\n # Split\\n for fold, (trn_, val_) in enumerate(mskf.split(dfx, dfx_labels)):\\n print(len(trn_), len(val_))\\n \\n # Change the value of the kfold column at the validation index to the value of the fold\\n # This will tell us when to use the current entry in the validation set\\n dfx.loc[val_, \"kfold\"] = fold\\n\\n # merge back to original dataframe\\n alltrain_texts = alltrain_texts.merge(dfx[[\"id\", \"kfold\"]], on=\"id\", how=\"left\")\\n print(alltrain_texts.kfold.value_counts())\\n\\n # Save so next time we import it directly\\n alltrain_texts.to_csv(f\"{HyperParameters.data_dir}/train_folds.csv\", index=False)', \"# need help with this\\nclass FeedbackPrizeDataset(Dataset):\\n def __init__(self, dataframe, tokenizer, max_len, has_labels):\\n self.len = len(dataframe)\\n self.data = dataframe\\n self.tokenizer = tokenizer\\n self.max_len = max_len\\n self.has_labels = has_labels\\n \\n def __getitem__(self, index):\\n text = self.data.text[index]\\n encoding = self.tokenizer(\\n text.split(),\\n is_split_into_words = True,\\n padding = 'max_length',\\n truncation = True,\\n max_length = self.max_len\\n )\\n word_ids = encoding.word_ids()\\n\\n # targets\\n if self.has_labels:\\n word_labels = self.data.entities[index]\\n prev_word_idx = None\\n labels_ids = []\\n for word_idx in word_ids:\\n if word_idx is None:\\n labels_ids.append(IGNORE_INDEX)\\n elif word_idx != prev_word_idx:\\n labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\\n else:\\n if HyperParameters.label_subtokens:\\n labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\\n else:\\n labels_ids.append(IGNORE_INDEX)\\n prev_word_idx = word_idx\\n encoding['labels'] = labels_ids\\n # convert to torch.tensor\\n item = {k: torch.as_tensor(v) for k, v in encoding.items()}\\n word_ids2 = [w if w is not None else NON_LABEL for w in word_ids]\\n item['word_ids'] = torch.as_tensor(word_ids2)\\n return item\\n\\n def __len__(self):\\n return self.len\", \"class FeedbackModel(nn.Module):\\n def __init__(self):\\n super(FeedbackModel, self).__init__()\\n \\n # init config of transformer model of choice:\\n # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\\n model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\\n self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\\n \\n # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\\n self.model_config = model_config\\n self.dropout1 = nn.Dropout(0.1)\\n self.dropout2 = nn.Dropout(0.2)\\n self.dropout3 = nn.Dropout(0.3)\\n self.dropout4 = nn.Dropout(0.4)\\n self.dropout5 = nn.Dropout(0.5)\\n self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\\n \\n def forward(self, input_ids, mask):\\n x = self.backbone(input_ids, mask)\\n logits1 = self.head(self.dropout1(x[0]))\\n logits2 = self.head(self.dropout2(x[0]))\\n logits3 = self.head(self.dropout3(x[0]))\\n logits4 = self.head(self.dropout4(x[0]))\\n logits5 = self.head(self.dropout5(x[0]))\\n logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\\n return logits\", 'def build_model_tokenizer():\\n tokenizer = AutoTokenizer.from_pretrained(HyperParameters.model_name, add_prefix_space = True)\\n model = FeedbackModel()\\n return model, tokenizer', '# Need help with this: used in training to transform raw logits to labels needed\\ndef active_logits(raw_logits, word_ids):\\n word_ids = word_ids.view(-1)\\n active_mask = word_ids.unsqueeze(1).expand(word_ids.shape[0], HyperParameters.num_labels)\\n active_mask = active_mask != NON_LABEL\\n active_logits = raw_logits.view(-1, HyperParameters.num_labels)\\n active_logits = torch.masked_select(active_logits, active_mask) # return 1dTensor\\n active_logits = active_logits.view(-1, HyperParameters.num_labels) \\n return active_logits\\n\\ndef active_labels(labels):\\n active_mask = labels.view(-1) != IGNORE_INDEX\\n active_labels = torch.masked_select(labels.view(-1), active_mask)\\n return active_labels\\n\\ndef active_preds_prob(active_logits):\\n active_preds = torch.argmax(active_logits, axis = 1)\\n active_preds_prob, _ = torch.max(active_logits, axis = 1)\\n return active_preds, active_preds_prob', 'def calculate_overlap(set_pred, set_gt):\\n \"\"\"\\n Calculates if the overlap between prediction and\\n ground truth is enough fora potential True positive\\n \"\"\"\\n # Length of each and intersection\\n try:\\n len_gt = len(set_gt)\\n len_pred = len(set_pred)\\n inter = len(set_gt & set_pred)\\n overlap_1 = inter / len_gt\\n overlap_2 = inter/ len_pred\\n return overlap_1 >= 0.5 and overlap_2 >= 0.5\\n except: # at least one of the input is NaN\\n return False\\n\\ndef score_feedback_comp_micro(pred_df, gt_df, discourse_type):\\n \"\"\"\\n A function that scores for the kaggle\\n Student Writing Competition\\n \\n Uses the steps in the evaluation page here:\\n https://www.kaggle.com/c/feedback-prize-2021/overview/evaluation\\n \"\"\"\\n gt_df = gt_df.loc[gt_df[\\'discourse_type\\'] == discourse_type, \\n [\\'id\\', \\'predictionstring\\']].reset_index(drop=True)\\n pred_df = pred_df.loc[pred_df[\\'class\\'] == discourse_type,\\n [\\'id\\', \\'predictionstring\\']].reset_index(drop=True)\\n pred_df[\\'pred_id\\'] = pred_df.index\\n gt_df[\\'gt_id\\'] = gt_df.index\\n pred_df[\\'predictionstring\\'] = [set(pred.split(\\' \\')) for pred in pred_df[\\'predictionstring\\']]\\n gt_df[\\'predictionstring\\'] = [set(pred.split(\\' \\')) for pred in gt_df[\\'predictionstring\\']]\\n \\n # Step 1. all ground truths and predictions for a given class are compared.\\n joined = pred_df.merge(gt_df,\\n left_on=\\'id\\',\\n right_on=\\'id\\',\\n how=\\'outer\\',\\n suffixes=(\\'_pred\\',\\'_gt\\')\\n )\\n overlaps = [calculate_overlap(*args) for args in zip(joined.predictionstring_pred, \\n joined.predictionstring_gt)]\\n \\n # 2. If the overlap between the ground truth and prediction is >= 0.5, \\n # and the overlap between the prediction and the ground truth >= 0.5,\\n # the prediction is a match and considered a true positive.\\n # If multiple matches exist, the match with the highest pair of overlaps is taken.\\n # we don\\'t need to compute the match to compute the score\\n TP = joined.loc[overlaps][\\'gt_id\\'].nunique()\\n\\n # 3. Any unmatched ground truths are false negatives\\n # and any unmatched predictions are false positives.\\n TPandFP = len(pred_df)\\n TPandFN = len(gt_df)\\n \\n #calc microf1\\n my_f1_score = 2*TP / (TPandFP + TPandFN)\\n return my_f1_score\\n\\ndef score_feedback_comp(pred_df, gt_df, return_class_scores=False):\\n \"\"\"\\n Final helper function for model evaluation.\\n \\n Args:\\n pred_df (pandas.DataFrame): dataframe containing model predictions. Needs to have columns: [\\'id\\',\\'class\\',\\'predictionstring\\']\\n gt_df (pandas.DataFrame): dataframe of ground truth used for model training\\n return_class_scores (bool): Boolean indicating if we want to return the F1 score for each predicted class.\\n \\n Returns:\\n f1 (float): F1 score of the model\\n (optional) class_scores (dict): Dictionary of per-class F1 score\\n \"\"\"\\n class_scores = {}\\n for discourse_type in gt_df.discourse_type.unique():\\n class_score = score_feedback_comp_micro(pred_df, gt_df, discourse_type)\\n class_scores[discourse_type] = class_score\\n f1 = np.mean([v for v in class_scores.values()])\\n if return_class_scores:\\n return f1, class_scores\\n return f1', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n logits = active_logits(raw_logits, word_ids)\\n labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n \\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'def valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion):\\n oof, valid_loss, valid_acc = get_preds_onefold(model, df_val, dl_val, criterion, valid_flg=True)\\n f1score =[]\\n # classes = oof[\\'class\\'].unique()\\n classes = [\\'Lead\\', \\'Position\\', \\'Claim\\',\\'Counterclaim\\', \\'Rebuttal\\',\\'Evidence\\',\\'Concluding Statement\\']\\n print(f\"Validation F1 scores\")\\n\\n for c in classes:\\n pred_df = oof.loc[oof[\\'class\\'] == c].copy()\\n gt_df = df_val_eval.loc[df_val_eval[\\'discourse_type\\'] == c].copy()\\n f1 = score_feedback_comp(pred_df, gt_df)\\n print(f\\' * {c:<10}: {f1:4f}\\')\\n f1score.append(f1)\\n f1avg = np.mean(f1score)\\n print(f\\'Overall Validation avg F1: {f1avg:.4f} val_loss:{valid_loss:.4f} val_accuracy:{valid_acc:.4f}\\')\\n return valid_loss, oof', 'def inference(model, data_loader, criterion, valid_flg):\\n stream = tqdm(data_loader)\\n model.eval()\\n \\n valid_loss = 0\\n valid_accuracy = 0\\n all_logits = None\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch[\\'input_ids\\'].to(device, dtype = torch.long)\\n mask = batch[\\'attention_mask\\'].to(device, dtype = torch.long)\\n with torch.no_grad():\\n raw_logits = model(input_ids=ids, mask = mask)\\n del ids, mask\\n \\n word_ids = batch[\\'word_ids\\'].to(device, dtype = torch.long)\\n logits = active_logits(raw_logits, word_ids)\\n sf_logits = torch.softmax(logits, dim= -1)\\n sf_raw_logits = torch.softmax(raw_logits, dim=-1)\\n if valid_flg: \\n raw_labels = batch[\\'labels\\'].to(device, dtype = torch.long)\\n labels = active_labels(raw_labels)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n valid_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n loss = criterion(logits, labels)\\n valid_loss += loss.item()\\n \\n if batch_idx == 1:\\n all_logits = sf_raw_logits.cpu().numpy()\\n else:\\n all_logits = np.append(all_logits, sf_raw_logits.cpu().numpy(), axis=0)\\n\\n \\n if valid_flg: \\n epoch_loss = valid_loss / batch_idx\\n epoch_accuracy = valid_accuracy / batch_idx\\n else:\\n epoch_loss, epoch_accuracy = 0, 0\\n return all_logits, epoch_loss, epoch_accuracy\\n\\n\\ndef preds_class_prob(all_logits, data_loader):\\n print(\"predict target class and its probabilty\")\\n final_predictions = []\\n final_predictions_score = []\\n stream = tqdm(data_loader)\\n len_sample = all_logits.shape[0]\\n\\n for batch_idx, batch in enumerate(stream, start=0):\\n for minibatch_idx in range(HyperParameters.valid_batch_size):\\n sample_idx = int(batch_idx * HyperParameters.valid_batch_size + minibatch_idx)\\n if sample_idx > len_sample - 1 : break\\n word_ids = batch[\\'word_ids\\'][minibatch_idx].numpy()\\n predictions =[]\\n predictions_prob = []\\n pred_class_id = np.argmax(all_logits[sample_idx], axis=1)\\n pred_score = np.max(all_logits[sample_idx], axis=1)\\n pred_class_labels = [IDS_TO_LABELS[i] for i in pred_class_id]\\n prev_word_idx = -1\\n for idx, word_idx in enumerate(word_ids):\\n if word_idx == -1:\\n pass\\n elif word_idx != prev_word_idx:\\n predictions.append(pred_class_labels[idx])\\n predictions_prob.append(pred_score[idx])\\n prev_word_idx = word_idx\\n final_predictions.append(predictions)\\n final_predictions_score.append(predictions_prob)\\n return final_predictions, final_predictions_score', 'def get_preds_onefold(model, df, dl, criterion, valid_flg):\\n logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\\n all_preds, all_preds_prob = preds_class_prob(logits, dl)\\n df_pred = post_process_pred(df, all_preds, all_preds_prob)\\n return df_pred, valid_loss, valid_acc\\n\\ndef get_preds_folds(model, df, dl, criterion, valid_flg=False):\\n for i_fold in range(HyperParameters.n_fold):\\n model_filename = os.path.join(HyperParameters.model_dir, f\"{HyperParameters.model_savename}_{i_fold}.bin\")\\n print(f\"{model_filename} inference\")\\n model = model.to(device)\\n model.load_state_dict(torch.load(model_filename))\\n logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\\n if i_fold == 0:\\n avg_pred_logits = logits\\n else:\\n avg_pred_logits += logits\\n avg_pred_logits /= HyperParameters.n_fold\\n all_preds, all_preds_prob = preds_class_prob(avg_pred_logits, dl)\\n df_pred = post_process_pred(df, all_preds, all_preds_prob)\\n return df_pred\\n\\ndef post_process_pred(df, all_preds, all_preds_prob):\\n final_preds = []\\n for i in range(len(df)):\\n idx = df.id.values[i]\\n pred = all_preds[i]\\n pred_prob = all_preds_prob[i]\\n j = 0\\n while j < len(pred):\\n cls = pred[j]\\n if cls == \\'O\\': j += 1\\n else: cls = cls.replace(\\'B\\', \\'I\\')\\n end = j + 1\\n while end < len(pred) and pred[end] == cls:\\n end += 1\\n if cls != \\'O\\' and cls !=\\'\\':\\n avg_score = np.mean(pred_prob[j:end])\\n if end - j > MIN_THRESH[cls] and avg_score > PROB_THRESH[cls]:\\n final_preds.append((idx, cls.replace(\\'I-\\', \\'\\'), \\' \\'.join(map(str, list(range(j, end))))))\\n j = end\\n df_pred = pd.DataFrame(final_preds)\\n df_pred.columns = [\\'id\\', \\'class\\', \\'new_predictionstring\\']\\n return df_pred', 'print_gpu_utilization()', 'def pretty_size(size):\\n\\t\"\"\"Pretty prints a torch.Size object\"\"\"\\n\\tassert(isinstance(size, torch.Size))\\n\\treturn \" × \".join(map(str, size))\\n\\ndef dump_tensors(gpu_only=True):\\n\\t\"\"\"Prints a list of the Tensors being tracked by the garbage collector.\"\"\"\\n\\timport gc\\n\\ttotal_size = 0\\n\\tfor obj in gc.get_objects():\\n\\t\\ttry:\\n\\t\\t\\tif torch.is_tensor(obj):\\n\\t\\t\\t\\tif not gpu_only or obj.is_cuda:\\n\\t\\t\\t\\t\\tprint(\"%s:%s%s %s\" % (type(obj).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" GPU\" if obj.is_cuda else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" pinned\" if obj.is_pinned else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t pretty_size(obj.size())))\\n\\t\\t\\t\\t\\ttotal_size += obj.numel()\\n\\t\\t\\telif hasattr(obj, \"data\") and torch.is_tensor(obj.data):\\n\\t\\t\\t\\tif not gpu_only or obj.is_cuda:\\n\\t\\t\\t\\t\\tprint(\"%s → %s:%s%s%s%s %s\" % (type(obj).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t type(obj.data).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" GPU\" if obj.is_cuda else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" pinned\" if obj.data.is_pinned else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" grad\" if obj.requires_grad else \"\", \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" volatile\" if obj.volatile else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t pretty_size(obj.data.size())))\\n\\t\\t\\t\\t\\ttotal_size += obj.data.numel()\\n\\t\\texcept Exception as e:\\n\\t\\t\\tpass \\n\\tprint(\"Total size:\", total_size)', 'dump_tensors()', 'try:\\n print(gc.get_referrers(model))\\n del model\\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n print(gc.get_referrers(model))\\n del model\\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'class KaggleDataset(Dataset):\\n \"\"\"\\n Class for loading data in batches after it has been processed\\n \"\"\"\\n def __init__(self, dataframe, tokenizer, max_length):\\n\\n super().__init__()\\n\\n # -- prepare data\\n assert sorted(dataframe.columns) == [\\'labels\\', \\'text\\'], f\"Please make sure input dataframe has the columns (text, labels)\"\\n # data must be in the correct format\\n self.inputs = dataframe.text.values\\n self.targets = dataframe.labels.values\\n if not is_string_dtype(self.inputs): raise TypeError(\\'Text data must be string type\\')\\n # TODO assertion below is bug; not deleting so remember to add correct assertions\\n #if not is_integer_dtype(self.targets): raise TypeError(\\'Label data must be integer type\\')\\n\\n # -- prepare tokenizer\\n self.tokenizer = tokenizer\\n self.max_length = max_length\\n\\n def __len__(self):\\n return len(self.inputs)\\n\\n def __getitem__(self, index):\\n # self.inputs anf self.targets must be of a type that is indexible as shown\\n inputs = self.inputs[index]\\n targets = self.targets[index]\\n\\n inputs = self.tokenizer(\\n # consider parametrising these\\n inputs.split(),\\n is_split_into_words=True, # this means that extra \\\\n should be ignored\\n padding=\\'max_length\\',\\n truncation=True,\\n max_length=self.max_length\\n )\\n\\n word_ids = inputs.word_ids()\\n word_id_mask = [word_id is not None for word_id in word_ids]\\n word_ids = [word_id for word_id in word_ids if word_id is not None]\\n\\n inputs = {\\n key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\\n }\\n targets = torch.as_tensor(targets, dtype=torch.long)\\n expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\\n expanded_targets[word_id_mask] = targets[word_ids]\\n inputs[\\'labels\\'] = expanded_targets\\n inputs[\\'word_ids\\'] = torch.tensor(word_ids, dtype=torch.long)\\n return inputs\\n\\n ', 'try:\\n print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n print(df_train.head())\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n print(df_train.head())\\n raise Exception()\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n print(df_train.head())\\n raise Exception()\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'class KaggleDataset(Dataset):\\n \"\"\"\\n Class for loading data in batches after it has been processed\\n \"\"\"\\n def __init__(self, dataframe, tokenizer, max_length):\\n\\n super().__init__()\\n\\n # -- prepare data\\n assert sorted(dataframe.columns) == [\\'labels\\', \\'text\\'], f\"Please make sure input dataframe has the columns (text, labels)\"\\n # data must be in the correct format\\n self.inputs = dataframe.text.values\\n self.targets = dataframe.labels.values\\n #if not is_string_dtype(self.inputs): raise TypeError(\\'Text data must be string type\\')\\n # TODO assertion below is bug; not deleting so remember to add correct assertions\\n #if not is_integer_dtype(self.targets): raise TypeError(\\'Label data must be integer type\\')\\n\\n # -- prepare tokenizer\\n self.tokenizer = tokenizer\\n self.max_length = max_length\\n\\n def __len__(self):\\n return len(self.inputs)\\n\\n def __getitem__(self, index):\\n # self.inputs anf self.targets must be of a type that is indexible as shown\\n inputs = self.inputs[index]\\n targets = self.targets[index]\\n\\n inputs = self.tokenizer(\\n # consider parametrising these\\n inputs.split(),\\n is_split_into_words=True, # this means that extra \\\\n should be ignored\\n padding=\\'max_length\\',\\n truncation=True,\\n max_length=self.max_length\\n )\\n\\n word_ids = inputs.word_ids()\\n word_id_mask = [word_id is not None for word_id in word_ids]\\n word_ids = [word_id for word_id in word_ids if word_id is not None]\\n\\n inputs = {\\n key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\\n }\\n targets = torch.as_tensor(targets, dtype=torch.long)\\n expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\\n expanded_targets[word_id_mask] = targets[word_ids]\\n inputs[\\'labels\\'] = expanded_targets\\n inputs[\\'word_ids\\'] = torch.tensor(word_ids, dtype=torch.long)\\n return inputs\\n\\n ', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"class FeedbackModel(nn.Module):\\n def __init__(self):\\n super(FeedbackModel, self).__init__()\\n \\n # init config of transformer model of choice:\\n # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\\n model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\\n print(model_config)\\n self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\\n \\n # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\\n self.model_config = model_config\\n self.dropout1 = nn.Dropout(0.1)\\n self.dropout2 = nn.Dropout(0.2)\\n self.dropout3 = nn.Dropout(0.3)\\n self.dropout4 = nn.Dropout(0.4)\\n self.dropout5 = nn.Dropout(0.5)\\n self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\\n \\n def forward(self, input_ids, mask):\\n x = self.backbone(input_ids, mask)\\n logits1 = self.head(self.dropout1(x[0]))\\n logits2 = self.head(self.dropout2(x[0]))\\n logits3 = self.head(self.dropout3(x[0]))\\n logits4 = self.head(self.dropout4(x[0]))\\n logits5 = self.head(self.dropout5(x[0]))\\n logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\\n return logits\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(raw_logits.shape)\\n print(word_ids.shape)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n logits = active_logits(raw_logits, word_ids)\\n labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n labels = raw_labels\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n print(gc.get_referrers(model))\\n raise Exception()\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])'], 'Out': {13: id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "\n", + " entities kfold \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 }, 'get_ipython': >, 'exit': , 'quit': , '_': id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "\n", + " entities kfold \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 , '__': '', '___': '', '_i': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_ii': \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n labels = raw_labels\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", '_iii': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i1': 'ON_COLAB = True\\nif ON_COLAB:\\n # Mount drive:\\n from google.colab import drive, files\\n # mount Google Drive\\n drive.mount(\"/content/drive\")', 'ON_COLAB': True, 'drive': , 'files': , '_i2': '%%capture\\n# if on Colab, we need to install missing stuff!\\nif ON_COLAB:\\n !pip install transformers\\n !pip install iterative-stratification\\n !pip install nvidia-ml-py3', '_exit_code': 0, '_i3': 'import gc\\nimport os\\nimport torch\\nimport random\\nimport numpy as np\\nimport pandas as pd\\nimport torch.nn as nn\\nfrom pynvml import nvmlDeviceGetHandleByIndex, nvmlDeviceGetMemoryInfo, nvmlInit\\n\\nfrom tqdm.notebook import tqdm\\nfrom sklearn.metrics import accuracy_score\\nfrom torch.cuda.amp import autocast, GradScaler\\nfrom torch.utils.data import Dataset, DataLoader\\nfrom transformers import AutoConfig, AutoModel, AutoTokenizer\\nfrom iterstrat.ml_stratifiers import MultilabelStratifiedKFold', 'gc': , 'os': , 'torch': , 'random': , 'np': , 'pd': , 'nn': , 'nvmlDeviceGetHandleByIndex': , 'nvmlDeviceGetMemoryInfo': , 'nvmlInit': , 'tqdm': , 'accuracy_score': , 'autocast': , 'GradScaler': , 'Dataset': , 'DataLoader': , 'AutoConfig': , 'AutoModel': , 'AutoTokenizer': , 'MultilabelStratifiedKFold': , '_i4': 'def print_gpu_utilization():\\n print(f\"GPU memory occupied: {get_gpu_utilization()} MB.\")\\n\\ndef get_gpu_utilization():\\n nvmlInit()\\n handle = nvmlDeviceGetHandleByIndex(0)\\n info = nvmlDeviceGetMemoryInfo(handle)\\n return info.used//1024**2\\n\\ndef print_summary(result):\\n print(f\"Time: {result.metrics[\\'train_runtime\\']:.2f}\")\\n print(f\"Samples/second: {result.metrics[\\'train_samples_per_second\\']:.2f}\")\\n print_gpu_utilization()\\n\\nprint_gpu_utilization()', 'print_gpu_utilization': , 'get_gpu_utilization': , 'print_summary': , '_i5': \"if ON_COLAB:\\n !cd /content/drive/MyDrive/NLP_project\\n\\n\\n# DATA DIR ---- TO CHANGE\\nDATA_DIR = 'drive/MyDrive/NLP_project/'\", 'DATA_DIR': 'drive/MyDrive/NLP_project/', '_i6': \"class HyperParameters:\\n \\n # Here we choose model type. Can be changed for others\\n name = 'longformer'\\n model_savename = 'longformer'\\n model_name = 'allenai/longformer-base-4096' # this is the most important: determines what transformer is used in training\\n \\n # Directory hyperparameters: make sure to change with what you are using! Only needed to change here\\n base_dir = DATA_DIR\\n data_dir = os.path.join(base_dir, 'data')\\n pre_data_dir = os.path.join(base_dir, 'data/preprocessed')\\n model_dir = os.path.join(base_dir, f'model/{name}')\\n output_dir = os.path.join(base_dir, f'output/{name}')\\n \\n # Training hyperparameters\\n is_debug = False\\n n_epoch = 2 # not to exceed runtime limit\\n n_fold = 5\\n verbose_steps = 500\\n random_seed = 42\\n\\n # Model specific hyperparameters\\n max_length = 1024\\n inference_max_length = 4096\\n train_batch_size = 4\\n valid_batch_size = 4\\n lr = 4e-5\\n\\n # Task hyperparameters\\n num_labels = 15\\n label_subtokens = True\\n output_hidden_states = True\\n hidden_dropout_prob = 0.1\\n layer_norm_eps = 1e-7\\n add_pooling_layer = False\\n verbose_steps = 500\\n if is_debug:\\n debug_sample = 1000\\n verbose_steps = 16\\n n_epoch = 1\\n n_fold = 2\\n\\nif not os.path.exists(HyperParameters.model_dir):\\n !mkdir $HyperParameters.model_dir\", 'HyperParameters': , '_i7': 'IGNORE_INDEX = -100\\nNON_LABEL = -1\\nOUTPUT_LABELS = [\\'O\\', \\'B-Lead\\', \\'I-Lead\\', \\'B-Position\\', \\'I-Position\\', \\'B-Claim\\', \\'I-Claim\\', \\'B-Counterclaim\\', \\'I-Counterclaim\\', \\n \\'B-Rebuttal\\', \\'I-Rebuttal\\', \\'B-Evidence\\', \\'I-Evidence\\', \\'B-Concluding Statement\\', \\'I-Concluding Statement\\']\\nLABELS_TO_IDS = {v:k for k,v in enumerate(OUTPUT_LABELS)}\\nIDS_TO_LABELS = {k:v for k,v in enumerate(OUTPUT_LABELS)}\\n\\nMIN_THRESH = {\\n \"I-Lead\": 9,\\n \"I-Position\": 5,\\n \"I-Evidence\": 14,\\n \"I-Claim\": 3,\\n \"I-Concluding Statement\": 11,\\n \"I-Counterclaim\": 6,\\n \"I-Rebuttal\": 4,\\n}\\n\\nPROB_THRESH = {\\n \"I-Lead\": 0.7,\\n \"I-Position\": 0.55,\\n \"I-Evidence\": 0.65,\\n \"I-Claim\": 0.55,\\n \"I-Concluding Statement\": 0.7,\\n \"I-Counterclaim\": 0.5,\\n \"I-Rebuttal\": 0.55,\\n}', 'IGNORE_INDEX': -100, 'NON_LABEL': -1, 'OUTPUT_LABELS': ['O', 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', 'B-Counterclaim', 'I-Counterclaim', 'B-Rebuttal', 'I-Rebuttal', 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', 'I-Concluding Statement'], 'LABELS_TO_IDS': {'O': 0, 'B-Lead': 1, 'I-Lead': 2, 'B-Position': 3, 'I-Position': 4, 'B-Claim': 5, 'I-Claim': 6, 'B-Counterclaim': 7, 'I-Counterclaim': 8, 'B-Rebuttal': 9, 'I-Rebuttal': 10, 'B-Evidence': 11, 'I-Evidence': 12, 'B-Concluding Statement': 13, 'I-Concluding Statement': 14}, 'IDS_TO_LABELS': {0: 'O', 1: 'B-Lead', 2: 'I-Lead', 3: 'B-Position', 4: 'I-Position', 5: 'B-Claim', 6: 'I-Claim', 7: 'B-Counterclaim', 8: 'I-Counterclaim', 9: 'B-Rebuttal', 10: 'I-Rebuttal', 11: 'B-Evidence', 12: 'I-Evidence', 13: 'B-Concluding Statement', 14: 'I-Concluding Statement'}, 'MIN_THRESH': {'I-Lead': 9, 'I-Position': 5, 'I-Evidence': 14, 'I-Claim': 3, 'I-Concluding Statement': 11, 'I-Counterclaim': 6, 'I-Rebuttal': 4}, 'PROB_THRESH': {'I-Lead': 0.7, 'I-Position': 0.55, 'I-Evidence': 0.65, 'I-Claim': 0.55, 'I-Concluding Statement': 0.7, 'I-Counterclaim': 0.5, 'I-Rebuttal': 0.55}, '_i8': \"def set_seed(seed=HyperParameters.random_seed):\\n np.random.seed(seed)\\n \\n random.seed(seed)\\n \\n torch.manual_seed(seed)\\n torch.cuda.manual_seed(seed)\\n \\n torch.backends.cudnn.deterministic =True\\n torch.backends.cudnn.benchmark = False\\n\\nset_seed()\\n\\n# Set proper device\\nif torch.cuda.is_available():\\n device = torch.device('cuda')\\nelse:\\n device = torch.device('cpu')\\n\\nprint(f'Using device: {device}')\", 'set_seed': , 'device': device(type='cuda'), '_i9': \"df_alltrain = pd.read_csv(f'{HyperParameters.data_dir}/corrected_train.csv')\", 'df_alltrain': id discourse_id discourse_start discourse_end \\\n", + "0 423A1CA112E2 1.622628e+12 8.0 229.0 \n", + "1 423A1CA112E2 1.622628e+12 230.0 312.0 \n", + "2 423A1CA112E2 1.622628e+12 313.0 401.0 \n", + "3 423A1CA112E2 1.622628e+12 402.0 758.0 \n", + "4 423A1CA112E2 1.622628e+12 759.0 886.0 \n", + "... ... ... ... ... \n", + "144288 4C471936CD75 1.618153e+12 2234.0 3203.0 \n", + "144289 4C471936CD75 1.618153e+12 3221.0 4509.0 \n", + "144290 4C471936CD75 1.618025e+12 4510.0 4570.0 \n", + "144291 4C471936CD75 1.618025e+12 4570.0 4922.0 \n", + "144292 4C471936CD75 1.618025e+12 4935.0 5825.0 \n", + "\n", + " discourse_text \\\n", + "0 Modern humans today are always on their phone.... \n", + "1 They are some really bad consequences when stu... \n", + "2 Some certain areas in the United States ban ph... \n", + "3 When people have phones, they know about certa... \n", + "4 Driving is one of the way how to get around. P... \n", + "... ... \n", + "144288 if I'm not sure what college I want to attend... \n", + "144289 seeking multiple opinions before making a har... \n", + "144290 it is better to seek multiple opinions instead... \n", + "144291 The impact of asking people to help you make a... \n", + "144292 there are many other reasons one might want to... \n", + "\n", + " discourse_type discourse_type_num \\\n", + "0 Lead Lead 1 \n", + "1 Position Position 1 \n", + "2 Evidence Evidence 1 \n", + "3 Evidence Evidence 2 \n", + "4 Claim Claim 1 \n", + "... ... ... \n", + "144288 Evidence Evidence 2 \n", + "144289 Evidence Evidence 3 \n", + "144290 Position Position 1 \n", + "144291 Evidence Evidence 4 \n", + "144292 Concluding Statement Concluding Statement 1 \n", + "\n", + " predictionstring \\\n", + "0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1... \n", + "1 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 \n", + "2 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 \n", + "3 76 77 78 79 80 81 82 83 84 85 86 87 88 89 90 9... \n", + "4 139 140 141 142 143 144 145 146 147 148 149 15... \n", + "... ... \n", + "144288 386 387 388 389 390 391 392 393 394 395 396 39... \n", + "144289 576 577 578 579 580 581 582 583 584 585 586 58... \n", + "144290 828 829 830 831 832 833 834 835 836 837 838 \n", + "144291 839 840 841 842 843 844 845 846 847 848 849 85... \n", + "144292 905 906 907 908 909 910 911 912 913 914 915 91... \n", + "\n", + " text_by_index new_start new_end \\\n", + "0 Modern humans today are always on their phone.... 8 230 \n", + "1 They are some really bad consequences when stu... 230 313 \n", + "2 Some certain areas in the United States ban ph... 313 401 \n", + "3 When people have phones, they know about certa... 402 758 \n", + "4 Driving is one of the way how to get around. P... 759 887 \n", + "... ... ... ... \n", + "144288 if I'm not sure what college I want to attend... 2235 3203 \n", + "144289 seeking multiple opinions before making a har... 3222 4510 \n", + "144290 it is better to seek multiple opinions instead... 4510 4570 \n", + "144291 The impact of asking people to help you make a... 4570 4923 \n", + "144292 there are many other reasons one might want to... 4935 5748 \n", + "\n", + " text_by_new_index \\\n", + "0 Modern humans today are always on their phone.... \n", + "1 They are some really bad consequences when stu... \n", + "2 Some certain areas in the United States ban ph... \n", + "3 When people have phones, they know about certa... \n", + "4 Driving is one of the way how to get around. P... \n", + "... ... \n", + "144288 if I'm not sure what college I want to attend,... \n", + "144289 seeking multiple opinions before making a hard... \n", + "144290 it is better to seek multiple opinions instead... \n", + "144291 The impact of asking people to help you make a... \n", + "144292 there are many other reasons one might want to... \n", + "\n", + " new_predictionstring \n", + "0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1... \n", + "1 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 \n", + "2 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 \n", + "3 76 77 78 79 80 81 82 83 84 85 86 87 88 89 90 9... \n", + "4 139 140 141 142 143 144 145 146 147 148 149 15... \n", + "... ... \n", + "144288 386 387 388 389 390 391 392 393 394 395 396 39... \n", + "144289 576 577 578 579 580 581 582 583 584 585 586 58... \n", + "144290 828 829 830 831 832 833 834 835 836 837 838 \n", + "144291 839 840 841 842 843 844 845 846 847 848 849 85... \n", + "144292 905 906 907 908 909 910 911 912 913 914 915 91... \n", + "\n", + "[144293 rows x 13 columns], '_i10': 'def agg_essays(train_flg):\\n \"\"\"\\n Splits every word in an essay and adds the text of each essay to a dataframe.\\n \"\"\"\\n folder = \\'train\\' if train_flg else \\'test\\'\\n names, texts =[], []\\n for f in tqdm(list(os.listdir(f\\'{HyperParameters.data_dir}/{folder}\\'))):\\n names.append(f.replace(\\'.txt\\', \\'\\'))\\n texts.append(open(f\\'{HyperParameters.data_dir}/{folder}/\\' + f, \\'r\\').read())\\n df_texts = pd.DataFrame({\\'id\\': names, \\'text\\': texts})\\n\\n df_texts[\\'text_split\\'] = df_texts.text.str.split()\\n print(\\'Completed tokenizing texts.\\')\\n return df_texts', 'agg_essays': , '_i11': 'def ner(df_texts, df_train):\\n \"\"\"\\n Maps discourse type to each word of the text, according to the train.csv file.\\n \"\"\"\\n all_entities = []\\n for _, row in tqdm(df_texts.iterrows(), total=len(df_texts)):\\n total = len(row[\\'text_split\\'])\\n entities = [\\'O\\'] * total\\n\\n for _, row2 in df_train[df_train[\\'id\\'] == row[\\'id\\']].iterrows():\\n discourse = row2[\\'discourse_type\\']\\n list_ix = [int(x) for x in row2[\\'predictionstring\\'].split(\\' \\')]\\n entities[list_ix[0]] = f\\'B-{discourse}\\'\\n for k in list_ix[1:]: entities[k] = f\\'I-{discourse}\\'\\n all_entities.append(entities)\\n\\n df_texts[\\'entities\\'] = all_entities\\n print(\\'Completed mapping discourse to each token.\\')\\n return df_texts', 'ner': , '_i12': 'def preprocess(df_train = None):\\n \"\"\"\\n Generates the dataframe we will use for training.\\n Splits essays into words, assigns a token name to each word, and adds everything to a dataframe.\\n \"\"\"\\n if df_train is None:\\n train_flg = False\\n else:\\n train_flg = True\\n \\n df_texts = agg_essays(train_flg)\\n\\n if train_flg:\\n df_texts = ner(df_texts, df_train)\\n return df_texts\\n\\n# Make sure we only run pre-processing if we did not do it in the past:\\n\\nif not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n alltrain_texts = preprocess(df_alltrain)\\n test_texts = preprocess()\\nelse:\\n alltrain_texts = pd.read_csv(f\"{HyperParameters.data_dir}/train_folds.csv\")', 'preprocess': , 'alltrain_texts': id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "... ... ... \n", + "15589 1C899F124FEB While some students may think it's a beneficia... \n", + "15590 4453444AF383 There has been a strong arguement going on wea... \n", + "15591 EF0D75BF48DA I favor in to changing election by popular vot... \n", + "15592 8FFDA5B9D359 Do you think students would benefit from being... \n", + "15593 ACAB1FCA0A30 I would like to change the election for the pr... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "... ... \n", + "15589 [While, some, students, may, think, it's, a, b... \n", + "15590 [There, has, been, a, strong, arguement, going... \n", + "15591 [I, favor, in, to, changing, election, by, pop... \n", + "15592 [Do, you, think, students, would, benefit, fro... \n", + "15593 [I, would, like, to, change, the, election, fo... \n", + "\n", + " entities kfold \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 \n", + "... ... ... \n", + "15589 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "15590 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "15591 [B-Position, I-Position, I-Position, I-Positio... 3 \n", + "15592 [B-Position, I-Position, I-Position, I-Positio... 2 \n", + "15593 [B-Position, I-Position, I-Position, I-Positio... 4 \n", + "\n", + "[15594 rows x 5 columns], '_i13': \"# Visualize preprocessing result:\\nparse_string = lambda x: [string[1:-1] for string in x[1:-1].split(', ')]\\nalltrain_texts.entities = alltrain_texts.entities.apply(parse_string)\\nalltrain_texts.text_split = alltrain_texts.text_split.apply(parse_string)\\n\\nalltrain_texts.head()\", 'parse_string': at 0x7fb010272830>, '_13': id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "\n", + " entities kfold \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 , '_i14': 'if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n # Transform categorical labels to dummy variables. Group by id. Sum over dummy. \\n dfx = pd.get_dummies(df_alltrain, columns=[\"discourse_type\"]).groupby([\"id\"], as_index=False).sum()\\n\\n # Generate name for the dummy columns\\n dummy_cols = [c for c in dfx.columns if c.startswith(\"discourse_type_\") or c == \"id\" and c != \"discourse_type_num\"]\\n # dfx is now only the dataset with dummy columns selected: don\\'t need to pass the data to do the splits\\n dfx = dfx[dummy_cols]', '_i15': 'if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n # Generate cross validation object\\n mskf = MultilabelStratifiedKFold(n_splits=5, shuffle=True, random_state=42)\\n\\n # Extract labels\\n labels = [c for c in dfx.columns if c != \"id\"]\\n dfx_labels = dfx[labels]\\n\\n # Dummy kfold assignment\\n dfx[\"kfold\"] = -1\\n\\n # Split\\n for fold, (trn_, val_) in enumerate(mskf.split(dfx, dfx_labels)):\\n print(len(trn_), len(val_))\\n \\n # Change the value of the kfold column at the validation index to the value of the fold\\n # This will tell us when to use the current entry in the validation set\\n dfx.loc[val_, \"kfold\"] = fold\\n\\n # merge back to original dataframe\\n alltrain_texts = alltrain_texts.merge(dfx[[\"id\", \"kfold\"]], on=\"id\", how=\"left\")\\n print(alltrain_texts.kfold.value_counts())\\n\\n # Save so next time we import it directly\\n alltrain_texts.to_csv(f\"{HyperParameters.data_dir}/train_folds.csv\", index=False)', '_i16': \"# need help with this\\nclass FeedbackPrizeDataset(Dataset):\\n def __init__(self, dataframe, tokenizer, max_len, has_labels):\\n self.len = len(dataframe)\\n self.data = dataframe\\n self.tokenizer = tokenizer\\n self.max_len = max_len\\n self.has_labels = has_labels\\n \\n def __getitem__(self, index):\\n text = self.data.text[index]\\n encoding = self.tokenizer(\\n text.split(),\\n is_split_into_words = True,\\n padding = 'max_length',\\n truncation = True,\\n max_length = self.max_len\\n )\\n word_ids = encoding.word_ids()\\n\\n # targets\\n if self.has_labels:\\n word_labels = self.data.entities[index]\\n prev_word_idx = None\\n labels_ids = []\\n for word_idx in word_ids:\\n if word_idx is None:\\n labels_ids.append(IGNORE_INDEX)\\n elif word_idx != prev_word_idx:\\n labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\\n else:\\n if HyperParameters.label_subtokens:\\n labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\\n else:\\n labels_ids.append(IGNORE_INDEX)\\n prev_word_idx = word_idx\\n encoding['labels'] = labels_ids\\n # convert to torch.tensor\\n item = {k: torch.as_tensor(v) for k, v in encoding.items()}\\n word_ids2 = [w if w is not None else NON_LABEL for w in word_ids]\\n item['word_ids'] = torch.as_tensor(word_ids2)\\n return item\\n\\n def __len__(self):\\n return self.len\", 'FeedbackPrizeDataset': , '_i17': \"class FeedbackModel(nn.Module):\\n def __init__(self):\\n super(FeedbackModel, self).__init__()\\n \\n # init config of transformer model of choice:\\n # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\\n model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\\n self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\\n \\n # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\\n self.model_config = model_config\\n self.dropout1 = nn.Dropout(0.1)\\n self.dropout2 = nn.Dropout(0.2)\\n self.dropout3 = nn.Dropout(0.3)\\n self.dropout4 = nn.Dropout(0.4)\\n self.dropout5 = nn.Dropout(0.5)\\n self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\\n \\n def forward(self, input_ids, mask):\\n x = self.backbone(input_ids, mask)\\n logits1 = self.head(self.dropout1(x[0]))\\n logits2 = self.head(self.dropout2(x[0]))\\n logits3 = self.head(self.dropout3(x[0]))\\n logits4 = self.head(self.dropout4(x[0]))\\n logits5 = self.head(self.dropout5(x[0]))\\n logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\\n return logits\", 'FeedbackModel': , '_i18': 'def build_model_tokenizer():\\n tokenizer = AutoTokenizer.from_pretrained(HyperParameters.model_name, add_prefix_space = True)\\n model = FeedbackModel()\\n return model, tokenizer', 'build_model_tokenizer': , '_i19': '# Need help with this: used in training to transform raw logits to labels needed\\ndef active_logits(raw_logits, word_ids):\\n word_ids = word_ids.view(-1)\\n active_mask = word_ids.unsqueeze(1).expand(word_ids.shape[0], HyperParameters.num_labels)\\n active_mask = active_mask != NON_LABEL\\n active_logits = raw_logits.view(-1, HyperParameters.num_labels)\\n active_logits = torch.masked_select(active_logits, active_mask) # return 1dTensor\\n active_logits = active_logits.view(-1, HyperParameters.num_labels) \\n return active_logits\\n\\ndef active_labels(labels):\\n active_mask = labels.view(-1) != IGNORE_INDEX\\n active_labels = torch.masked_select(labels.view(-1), active_mask)\\n return active_labels\\n\\ndef active_preds_prob(active_logits):\\n active_preds = torch.argmax(active_logits, axis = 1)\\n active_preds_prob, _ = torch.max(active_logits, axis = 1)\\n return active_preds, active_preds_prob', 'active_logits': , 'active_labels': , 'active_preds_prob': , '_i20': 'def calculate_overlap(set_pred, set_gt):\\n \"\"\"\\n Calculates if the overlap between prediction and\\n ground truth is enough fora potential True positive\\n \"\"\"\\n # Length of each and intersection\\n try:\\n len_gt = len(set_gt)\\n len_pred = len(set_pred)\\n inter = len(set_gt & set_pred)\\n overlap_1 = inter / len_gt\\n overlap_2 = inter/ len_pred\\n return overlap_1 >= 0.5 and overlap_2 >= 0.5\\n except: # at least one of the input is NaN\\n return False\\n\\ndef score_feedback_comp_micro(pred_df, gt_df, discourse_type):\\n \"\"\"\\n A function that scores for the kaggle\\n Student Writing Competition\\n \\n Uses the steps in the evaluation page here:\\n https://www.kaggle.com/c/feedback-prize-2021/overview/evaluation\\n \"\"\"\\n gt_df = gt_df.loc[gt_df[\\'discourse_type\\'] == discourse_type, \\n [\\'id\\', \\'predictionstring\\']].reset_index(drop=True)\\n pred_df = pred_df.loc[pred_df[\\'class\\'] == discourse_type,\\n [\\'id\\', \\'predictionstring\\']].reset_index(drop=True)\\n pred_df[\\'pred_id\\'] = pred_df.index\\n gt_df[\\'gt_id\\'] = gt_df.index\\n pred_df[\\'predictionstring\\'] = [set(pred.split(\\' \\')) for pred in pred_df[\\'predictionstring\\']]\\n gt_df[\\'predictionstring\\'] = [set(pred.split(\\' \\')) for pred in gt_df[\\'predictionstring\\']]\\n \\n # Step 1. all ground truths and predictions for a given class are compared.\\n joined = pred_df.merge(gt_df,\\n left_on=\\'id\\',\\n right_on=\\'id\\',\\n how=\\'outer\\',\\n suffixes=(\\'_pred\\',\\'_gt\\')\\n )\\n overlaps = [calculate_overlap(*args) for args in zip(joined.predictionstring_pred, \\n joined.predictionstring_gt)]\\n \\n # 2. If the overlap between the ground truth and prediction is >= 0.5, \\n # and the overlap between the prediction and the ground truth >= 0.5,\\n # the prediction is a match and considered a true positive.\\n # If multiple matches exist, the match with the highest pair of overlaps is taken.\\n # we don\\'t need to compute the match to compute the score\\n TP = joined.loc[overlaps][\\'gt_id\\'].nunique()\\n\\n # 3. Any unmatched ground truths are false negatives\\n # and any unmatched predictions are false positives.\\n TPandFP = len(pred_df)\\n TPandFN = len(gt_df)\\n \\n #calc microf1\\n my_f1_score = 2*TP / (TPandFP + TPandFN)\\n return my_f1_score\\n\\ndef score_feedback_comp(pred_df, gt_df, return_class_scores=False):\\n \"\"\"\\n Final helper function for model evaluation.\\n \\n Args:\\n pred_df (pandas.DataFrame): dataframe containing model predictions. Needs to have columns: [\\'id\\',\\'class\\',\\'predictionstring\\']\\n gt_df (pandas.DataFrame): dataframe of ground truth used for model training\\n return_class_scores (bool): Boolean indicating if we want to return the F1 score for each predicted class.\\n \\n Returns:\\n f1 (float): F1 score of the model\\n (optional) class_scores (dict): Dictionary of per-class F1 score\\n \"\"\"\\n class_scores = {}\\n for discourse_type in gt_df.discourse_type.unique():\\n class_score = score_feedback_comp_micro(pred_df, gt_df, discourse_type)\\n class_scores[discourse_type] = class_score\\n f1 = np.mean([v for v in class_scores.values()])\\n if return_class_scores:\\n return f1, class_scores\\n return f1', 'calculate_overlap': , 'score_feedback_comp_micro': , 'score_feedback_comp': , '_i21': \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n logits = active_logits(raw_logits, word_ids)\\n labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n \\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'train_fn': , '_i22': 'def valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion):\\n oof, valid_loss, valid_acc = get_preds_onefold(model, df_val, dl_val, criterion, valid_flg=True)\\n f1score =[]\\n # classes = oof[\\'class\\'].unique()\\n classes = [\\'Lead\\', \\'Position\\', \\'Claim\\',\\'Counterclaim\\', \\'Rebuttal\\',\\'Evidence\\',\\'Concluding Statement\\']\\n print(f\"Validation F1 scores\")\\n\\n for c in classes:\\n pred_df = oof.loc[oof[\\'class\\'] == c].copy()\\n gt_df = df_val_eval.loc[df_val_eval[\\'discourse_type\\'] == c].copy()\\n f1 = score_feedback_comp(pred_df, gt_df)\\n print(f\\' * {c:<10}: {f1:4f}\\')\\n f1score.append(f1)\\n f1avg = np.mean(f1score)\\n print(f\\'Overall Validation avg F1: {f1avg:.4f} val_loss:{valid_loss:.4f} val_accuracy:{valid_acc:.4f}\\')\\n return valid_loss, oof', 'valid_fn': , '_i23': 'def inference(model, data_loader, criterion, valid_flg):\\n stream = tqdm(data_loader)\\n model.eval()\\n \\n valid_loss = 0\\n valid_accuracy = 0\\n all_logits = None\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch[\\'input_ids\\'].to(device, dtype = torch.long)\\n mask = batch[\\'attention_mask\\'].to(device, dtype = torch.long)\\n with torch.no_grad():\\n raw_logits = model(input_ids=ids, mask = mask)\\n del ids, mask\\n \\n word_ids = batch[\\'word_ids\\'].to(device, dtype = torch.long)\\n logits = active_logits(raw_logits, word_ids)\\n sf_logits = torch.softmax(logits, dim= -1)\\n sf_raw_logits = torch.softmax(raw_logits, dim=-1)\\n if valid_flg: \\n raw_labels = batch[\\'labels\\'].to(device, dtype = torch.long)\\n labels = active_labels(raw_labels)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n valid_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n loss = criterion(logits, labels)\\n valid_loss += loss.item()\\n \\n if batch_idx == 1:\\n all_logits = sf_raw_logits.cpu().numpy()\\n else:\\n all_logits = np.append(all_logits, sf_raw_logits.cpu().numpy(), axis=0)\\n\\n \\n if valid_flg: \\n epoch_loss = valid_loss / batch_idx\\n epoch_accuracy = valid_accuracy / batch_idx\\n else:\\n epoch_loss, epoch_accuracy = 0, 0\\n return all_logits, epoch_loss, epoch_accuracy\\n\\n\\ndef preds_class_prob(all_logits, data_loader):\\n print(\"predict target class and its probabilty\")\\n final_predictions = []\\n final_predictions_score = []\\n stream = tqdm(data_loader)\\n len_sample = all_logits.shape[0]\\n\\n for batch_idx, batch in enumerate(stream, start=0):\\n for minibatch_idx in range(HyperParameters.valid_batch_size):\\n sample_idx = int(batch_idx * HyperParameters.valid_batch_size + minibatch_idx)\\n if sample_idx > len_sample - 1 : break\\n word_ids = batch[\\'word_ids\\'][minibatch_idx].numpy()\\n predictions =[]\\n predictions_prob = []\\n pred_class_id = np.argmax(all_logits[sample_idx], axis=1)\\n pred_score = np.max(all_logits[sample_idx], axis=1)\\n pred_class_labels = [IDS_TO_LABELS[i] for i in pred_class_id]\\n prev_word_idx = -1\\n for idx, word_idx in enumerate(word_ids):\\n if word_idx == -1:\\n pass\\n elif word_idx != prev_word_idx:\\n predictions.append(pred_class_labels[idx])\\n predictions_prob.append(pred_score[idx])\\n prev_word_idx = word_idx\\n final_predictions.append(predictions)\\n final_predictions_score.append(predictions_prob)\\n return final_predictions, final_predictions_score', 'inference': , 'preds_class_prob': , '_i24': 'def get_preds_onefold(model, df, dl, criterion, valid_flg):\\n logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\\n all_preds, all_preds_prob = preds_class_prob(logits, dl)\\n df_pred = post_process_pred(df, all_preds, all_preds_prob)\\n return df_pred, valid_loss, valid_acc\\n\\ndef get_preds_folds(model, df, dl, criterion, valid_flg=False):\\n for i_fold in range(HyperParameters.n_fold):\\n model_filename = os.path.join(HyperParameters.model_dir, f\"{HyperParameters.model_savename}_{i_fold}.bin\")\\n print(f\"{model_filename} inference\")\\n model = model.to(device)\\n model.load_state_dict(torch.load(model_filename))\\n logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\\n if i_fold == 0:\\n avg_pred_logits = logits\\n else:\\n avg_pred_logits += logits\\n avg_pred_logits /= HyperParameters.n_fold\\n all_preds, all_preds_prob = preds_class_prob(avg_pred_logits, dl)\\n df_pred = post_process_pred(df, all_preds, all_preds_prob)\\n return df_pred\\n\\ndef post_process_pred(df, all_preds, all_preds_prob):\\n final_preds = []\\n for i in range(len(df)):\\n idx = df.id.values[i]\\n pred = all_preds[i]\\n pred_prob = all_preds_prob[i]\\n j = 0\\n while j < len(pred):\\n cls = pred[j]\\n if cls == \\'O\\': j += 1\\n else: cls = cls.replace(\\'B\\', \\'I\\')\\n end = j + 1\\n while end < len(pred) and pred[end] == cls:\\n end += 1\\n if cls != \\'O\\' and cls !=\\'\\':\\n avg_score = np.mean(pred_prob[j:end])\\n if end - j > MIN_THRESH[cls] and avg_score > PROB_THRESH[cls]:\\n final_preds.append((idx, cls.replace(\\'I-\\', \\'\\'), \\' \\'.join(map(str, list(range(j, end))))))\\n j = end\\n df_pred = pd.DataFrame(final_preds)\\n df_pred.columns = [\\'id\\', \\'class\\', \\'new_predictionstring\\']\\n return df_pred', 'get_preds_onefold': , 'get_preds_folds': , 'post_process_pred': , '_i25': 'print_gpu_utilization()', '_i26': 'def pretty_size(size):\\n\\t\"\"\"Pretty prints a torch.Size object\"\"\"\\n\\tassert(isinstance(size, torch.Size))\\n\\treturn \" × \".join(map(str, size))\\n\\ndef dump_tensors(gpu_only=True):\\n\\t\"\"\"Prints a list of the Tensors being tracked by the garbage collector.\"\"\"\\n\\timport gc\\n\\ttotal_size = 0\\n\\tfor obj in gc.get_objects():\\n\\t\\ttry:\\n\\t\\t\\tif torch.is_tensor(obj):\\n\\t\\t\\t\\tif not gpu_only or obj.is_cuda:\\n\\t\\t\\t\\t\\tprint(\"%s:%s%s %s\" % (type(obj).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" GPU\" if obj.is_cuda else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" pinned\" if obj.is_pinned else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t pretty_size(obj.size())))\\n\\t\\t\\t\\t\\ttotal_size += obj.numel()\\n\\t\\t\\telif hasattr(obj, \"data\") and torch.is_tensor(obj.data):\\n\\t\\t\\t\\tif not gpu_only or obj.is_cuda:\\n\\t\\t\\t\\t\\tprint(\"%s → %s:%s%s%s%s %s\" % (type(obj).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t type(obj.data).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" GPU\" if obj.is_cuda else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" pinned\" if obj.data.is_pinned else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" grad\" if obj.requires_grad else \"\", \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" volatile\" if obj.volatile else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t pretty_size(obj.data.size())))\\n\\t\\t\\t\\t\\ttotal_size += obj.data.numel()\\n\\t\\texcept Exception as e:\\n\\t\\t\\tpass \\n\\tprint(\"Total size:\", total_size)', 'pretty_size': , 'dump_tensors': , '_i27': 'dump_tensors()', '_i28': 'try:\\n print(gc.get_referrers(model))\\n del model\\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'oof': Empty DataFrame\n", + "Columns: []\n", + "Index: [], 'i_fold': 0, 'tokenizer': PreTrainedTokenizerFast(name_or_path='allenai/longformer-base-4096', vocab_size=50265, model_max_len=4096, is_fast=True, padding_side='right', truncation_side='right', special_tokens={'bos_token': '', 'eos_token': '', 'unk_token': '', 'sep_token': '', 'pad_token': '', 'cls_token': '', 'mask_token': AddedToken(\"\", rstrip=False, lstrip=True, single_word=False, normalized=False)}), 'optimizer': Adam (\n", + "Parameter Group 0\n", + " amsgrad: False\n", + " betas: (0.9, 0.999)\n", + " eps: 1e-08\n", + " lr: 4e-05\n", + " weight_decay: 0\n", + "), 'df_train': id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "3 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "4 616F8E0EFABF \"Can you imagine a time in the future when no ... \n", + "... ... ... \n", + "12472 1C899F124FEB While some students may think it's a beneficia... \n", + "12473 4453444AF383 There has been a strong arguement going on wea... \n", + "12474 EF0D75BF48DA I favor in to changing election by popular vot... \n", + "12475 8FFDA5B9D359 Do you think students would benefit from being... \n", + "12476 ACAB1FCA0A30 I would like to change the election for the pr... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [People, sometimes, have, a, different, opinio... \n", + "3 [Dear, senator,, As, you, know, the, Electoral... \n", + "4 [\"Can, you, imagine, a, time, in, the, future,... \n", + "... ... \n", + "12472 [While, some, students, may, think, it's, a, b... \n", + "12473 [There, has, been, a, strong, arguement, going... \n", + "12474 [I, favor, in, to, changing, election, by, pop... \n", + "12475 [Do, you, think, students, would, benefit, fro... \n", + "12476 [I, would, like, to, change, the, election, fo... \n", + "\n", + " entities kfold \\\n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "3 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 \n", + "4 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 1 \n", + "... ... ... \n", + "12472 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "12473 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "12474 [B-Position, I-Position, I-Position, I-Positio... 3 \n", + "12475 [B-Position, I-Position, I-Position, I-Positio... 2 \n", + "12476 [B-Position, I-Position, I-Position, I-Positio... 4 \n", + "\n", + " labels \n", + "0 [1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, ... \n", + "1 [0, 0, 0, 0, 0, 0, 0, 0, 2, 9, 9, 9, 9, 9, 9, ... \n", + "2 [1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, ... \n", + "3 [0, 0, 1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, ... \n", + "4 [1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, ... \n", + "... ... \n", + "12472 [1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, ... \n", + "12473 [1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, ... \n", + "12474 [2, 9, 9, 9, 9, 9, 9, 9, 9, 4, 11, 11, 11, 11,... \n", + "12475 [2, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, ... \n", + "12476 [2, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, ... \n", + "\n", + "[12477 rows x 6 columns], 'ds_train': <__main__.FeedbackPrizeDataset object at 0x7faf5a68b510>, 'df_val': id text \\\n", + "0 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "1 F9368F6BAB62 You should join the Seagoing Cowboys program. ... \n", + "2 617D56A15483 Do you want to go on daily trips and help peop... \n", + "3 D4AA8EC389C6 School Grades:\\n\\nI don't think that it is fai... \n", + "4 D92FAEE355E1 Dear Mrs. Principal:\\n\\nI think this new schoo... \n", + "... ... ... \n", + "3112 3BEFA845FC27 There are people all around the world that mak... \n", + "3113 F166DA36A4A3 In this essay im going to prove to you why tha... \n", + "3114 8F33151F0334 He joined the programe for many reasons to hel... \n", + "3115 DDA2A181F486 I'm against this technology that reads your em... \n", + "3116 ACCD71550365 Do you think it is a good idea to succeed? I b... \n", + "\n", + " text_split \\\n", + "0 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "1 [You, should, join, the, Seagoing, Cowboys, pr... \n", + "2 [Do, you, want, to, go, on, daily, trips, and,... \n", + "3 [School, Grades:, I, don't, think, that, it, i... \n", + "4 [Dear, Mrs., Principal:, I, think, this, new, ... \n", + "... ... \n", + "3112 [There, are, people, all, around, the, world, ... \n", + "3113 [In, this, essay, im, going, to, prove, to, yo... \n", + "3114 [He, joined, the, programe, for, many, reasons... \n", + "3115 [I'm, against, this, technology, that, reads, ... \n", + "3116 [Do, you, think, it, is, a, good, idea, to, su... \n", + "\n", + " entities kfold \n", + "0 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "1 [B-Position, I-Position, I-Position, I-Positio... 0 \n", + "2 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 0 \n", + "3 [O, O, B-Position, I-Position, I-Position, I-P... 0 \n", + "4 [O, O, O, B-Position, I-Position, I-Position, ... 0 \n", + "... ... ... \n", + "3112 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 0 \n", + "3113 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 0 \n", + "3114 [B-Evidence, I-Evidence, I-Evidence, I-Evidenc... 0 \n", + "3115 [B-Position, I-Position, I-Position, I-Positio... 0 \n", + "3116 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 0 \n", + "\n", + "[3117 rows x 5 columns], 'val_idlist': ['2E4AFCD3987F', 'F9368F6BAB62', '617D56A15483', 'D4AA8EC389C6', 'D92FAEE355E1', '58EE193B3F7D', '4A2693C68175', '3741D275F8BC', 'FC9E2A38AFBB', '8B5CB2AA72E9', '2DEC8D3BA891', '217A7429341D', '7E558B4E7009', 'CC38587E9634', '8DD596F5F5B5', '632C8DA9E2B1', '76C8FE4FB3D8', 'D7D66E258830', 'C20011D6FA9D', '508DB90F68C7', '1655FBD1D22A', '0DE6D016C7FC', '1D07A65F9B7F', '0257D9E42247', '31DB1BDE89A1', '13FB62D377E3', '33C081EC2A59', '90691C2B3D5A', '6D6215C23989', '7FB898313EA9', 'BCAE5B0783CF', 'C5C81327D129', '5942FB27D5C3', '185FD725317F', 'ACBC86CD65B4', '027616F7ED1D', '6068A54ED99D', 'B75E90DC14B3', 'BA545022DFCD', '2D654BBA9310', 'F53C55BBD326', '0821EB1AEDED', '7F74864D0865', 'DCDBC5C7873F', 'EA9FA5DA65F3', '486B53D5F8A0', '1CCEB6CD629D', '1F8DDCFCA766', 'DBCC1F8F92B5', '51E211998DF0', 'D447CD5A0C67', 'C50FE04C4D29', '32B2D5592E1D', '2962D1BB17A2', '59E8C8BE4ACA', '155F508445E2', 'C3F35CEC4B5A', 'B5113469D13C', 'E09064F496DF', 'E5EF52219F63', 'C43C4EE10535', '2DFFB145BE07', '2F3210D23414', '084DC646D8E3', '2B002FEE337E', '8DB4751C05A1', '8C7464101130', '3752D33FDE11', 'F3CB6601CF24', 'FE1DEACABE37', 'BF0241C10324', '8F91417B8A7D', '9DBB8B0C3367', '69891F080D3A', 'EE63F23F10B3', 'D7C33D289E26', '325B922888A7', '3A08788DCA7D', 'CFA4E76C506A', 'B3C2E6274311', '7F77FE73B338', 'E1130AA34EE8', 'CFB99F0D0D31', '3712A5E56380', '1B1FBDE25C2C', '6D6B05E5478D', 'D1673363C56A', '1BA91BC3D89A', 'D5724EDF0DBA', '5FFC25FE5E00', '6ED00F0E1BFE', '4C0EB60473E1', 'F605023B87A7', '2617310033A4', 'D284AB2165C8', '29B80B7D1092', 'EA205A51D32C', '5137514F130A', '0C0A8EBDC931', 'BF5D82D486F5', '4A8AC603C9C5', '3188A9E2D162', '92887B4B5F2A', 'AE844BA96314', '21A162D4B0CB', '4390794B2751', '46E97FDCA469', 'B5838ACCDBA5', '318B9B177D68', '41A159819E12', '29BE597866EE', '9396FCEB118A', '48FB3005F4DC', '8134AD7791FC', '8E938A38BA43', '220A26E7E802', '04ACF5873DE9', 'ED4186119E60', '1CC9A9598942', '9A5D8C898877', 'D6466B4502D5', 'B60A2DC4B93C', '7ECB7FDA805A', '3AFA78FFFC15', '611228818239', '619D1D7FDC04', '85255F76A261', '94CCB4234EAE', '971D0C1C75F0', '710A2280E20F', '7B64BC831CD9', 'C9DA3BE5EB24', '479F6A965C8C', 'D24777F39289', 'D7946F0C2A83', '65590D44B68A', '2B4A794ED0D8', '242E9BA55C0C', 'E3F3C192B3A2', '61671FCB6624', '3F8C4D2CA16E', '2E9B5CD4716D', 'D022656B1A36', 'D5CB4FD63313', 'D66B89FC3757', 'D7401AE3A016', 'AC7C84C2A13E', '727DE3CD0AEC', '7C1FF9F7C5C8', '2A7C4A1CBA41', 'BA18C6F80423', '23C6ED53A179', 'C05809232F0E', 'C8D3EB90EB29', '4AD3DB40F5D3', '46284DF2F31C', 'AF34B1CDD152', 'A6CC10322C3A', '0DBE82E9933F', 'F5A0BD46D3AF', '3CA61DE9B5C6', '899E6252BD6F', 'EA5E9342C547', '89CD5C5D9180', 'FE47325AD93F', '6CD4FAAB7653', 'F503C7DC334F', '870D9B35F20A', '37FC9DB2D1DB', '8C9A286F5351', '7AD4CB4029C0', 'BAEE45819FA1', '7BBC565EFE33', 'F44F49940938', 'E7576760695E', '116FB053BEC7', '5EF4174A5264', 'B651AEF954C3', '06E3595C94BF', '0054850878E3', '7091F3705B94', 'FC90D46FBE1F', 'DE1EF5A9F3AA', 'E8FF0D2483FE', 'EF2D45E53F40', '75A613E09762', 'DA2D885A25C8', '5666D5642C98', '563122BF4796', 'A4035C4D846D', 'B0007528CB4A', 'B3526897360F', '2907A97CC7C4', '9B69DE203555', '387A6ABAC720', '3713AC622BFF', 'CEB3F5203744', '4B54BE9BD269', '11B942BD5A87', '3C9B9DAFB0AE', 'E05800F81426', '548A0120A1CA', 'AA48C183006F', '68A83805444F', 'BFAA8D19FFA9', '970A1848B187', 'AB5069821C4E', '27E6536433B9', 'F806675B9B70', 'A486E99E277D', 'A8445CABFECE', '14D6911BF51D', '5613F9FB2154', '46F64048E5F5', '6E80360E58BF', '1D459BD1F763', '72B22E89D0EE', '29AB81B05092', '50C6B70DF247', '6D616AB3E2A7', '958E3ACAC90C', '1F44A4A679C2', '453D762EF267', '1F539B2D1ED3', 'F32A84A0E29C', 'E7A45AEC5AE8', '2CF5EC4E36F2', 'C3C13F0C0274', '548A58E068EB', 'EAF72F67654F', 'DD627EE5CB27', '897438742BCC', 'BC32404D0719', '1693FF58E7B9', 'CA4E39042770', 'E10E42DFDA2B', 'B8CA9E3E3100', '0FE128A98388', 'DF2BE9E97393', '9E3359EBC812', '082598CC8955', '92E1CFD27E95', '095B59682071', '716543D2EA47', '371834E7E1DD', 'ECD0248B4146', '995330686089', '672D0F5241A4', 'CCD30CE1E903', '07E4962801FC', 'D88A1D12032B', '712A59B74C91', '7BC73C8FBDBC', '7A143C2BC7F9', '1B2470F552CC', '9C97C5A04635', '57AB2EB3B7B6', '6ED825F9F077', 'FA5CE3A393CF', 'C83EB6623D24', 'A5A55FE930C4', '58211510AB4F', '11CE345BAEF2', 'CC9290DC336A', '420557904E93', '6A088E8BBE02', 'CDBE82430B57', 'E249399CA04E', 'F711AD68730E', '0802AEA16E9F', '44735791FDA0', '9F7100885801', 'C02E687A4BB9', '51A5A4C583D2', '8A033A8BE5E7', '2F7B32094BCD', '65922C6DA1B8', '19C2D7C5171D', 'C5A56B482FAA', 'FAB02B654C4E', 'C1A275127D98', 'BF3CC3305C55', 'F2A79A33B020', '95BCD0EEE72B', 'F24FA9D60071', 'C5F1272FF970', 'D0A54C1D411F', '6DF747F4A277', '58E84BCE4B90', 'C9896C21A7AB', '91962F622C5A', 'BC2CAB7DB6F0', 'D9C9F849DC3E', 'A7B69F38FB55', '8D73796D52E9', 'AED0E44B59CE', 'CA5DB05415A5', '4478B3244F49', '1313ADFE62C6', 'B5FF33681C22', 'B437EB073109', '1EB5D99BF3CC', 'D087A8C24570', 'E02E7B3C880F', '3BF2F496AF76', 'BA655E4F7018', '954486CDA6EA', 'ABEB82F77B84', 'F6CFA4C7247B', 'E90A6BA3F6E8', '454FA9C8E4C0', '0C897BA8D8C1', '1010F320FABB', '21CB2FC1D56F', '7C45A871BF88', 'C70EE5903373', '1AD208F3F94A', '1EF99E72B0AE', 'C5E15819B7D6', 'A4E6E2D5658D', '2FC2AD6AF52E', '80DD6E906303', '69FABB805AB2', '5A6FAD4F6359', '124F5E51002C', 'A975CBC4A7E8', '262A455A7060', '250A3F61B6D8', '0D11CD49499E', '476E07AEA488', '8A3F92425ECC', '4B30291A725D', 'C9AC065BB597', '7A28AB016AA2', '85F85936F1E6', '1669F1CC90D9', '84B1E0E85878', 'F3593D9B1E95', '31467F92ED26', 'FF945B27A8F2', '2B557F0EF764', '862FEAF83C5B', '90ECCF04A979', '47C517E48BA4', '85B3EE483BEF', 'E6C2FD3578B3', '58567312BDAB', '464B19E7FBFF', 'FF23EEEB0945', '8EBD6FAE257F', '086603D5B319', 'E2B2ABB01662', '527D2EC10B3C', '2E6230521AC4', 'C0D0428510D5', '0DFAF28500A2', 'EB8B27A81300', '5986652F6023', 'ECE6DB354262', '58E92DF92D8C', 'E6337FDAD05A', '11B9AC1814C8', 'AAA152F374E0', 'E11931B2A6AC', 'DCE199D98B3D', '5B8AD3907163', '94927A32B286', '3171BAF9F164', 'E8D3A695C074', 'FF01B32BAC3E', '575829738D7F', '276048EF9F9A', '0DF3E1BC7D04', '6E381D4CCEDA', '429F4E63967A', 'EB4A3811B1AF', '36EB823B246D', '74B57E07F63D', '5E879A28D710', '0416D5BC09FB', 'E59DD4FF67E8', '309272016742', '9C6DAB936B71', '4DBDC14F77BA', '028A2B1C73AF', 'F497369C41C2', '572236CAAFCE', 'ACEDBB3C81A0', 'D228AB564BF6', '6851B722B3E0', '428FD33185B5', '326EE5515F2D', '6ECD533A72F4', '9D42FF4BDA82', '00EE23F071DE', 'C9C61B8A1FEC', 'EFE800DEFA4B', 'A8D52D24BF51', 'F8706CB01394', 'E5909247F839', '8555ED31A266', '40936430B82D', '42DC0DED6A11', 'DDA8E22052DD', '757E9E1595A7', '5CE34C643883', '053DA7D0417B', '248BA02C6B96', 'B948C72229B3', '43B8AFB8396B', 'F3EE1510C8EF', '855398650C01', '180159E53733', 'BF7DA06D503F', '9A8B992CE622', 'CCF236C2E533', 'C3C4D847175E', '0316F6288791', 'D972C6918584', '1D8D7B32B98A', '8E6CB58E9762', 'B4D91520B347', 'C737906554AE', '171E655CC8F1', 'DBC53691CD0A', '438ABF2E294B', '9C49F198557D', '80619550D955', '1006FE578078', 'D7D83D1EBFDB', 'E079C8DE0D1E', '2D36D77E0BF4', '207D7CEADF38', '07A023BE2629', '6FCD57CA5E41', '710928FFC6BC', '2B7612A3D793', '1FF01ED707B6', 'F497B058DEB9', '814488D5C66D', '9F7080A8AC9E', '9400D174DEC9', '43F92C43EB64', '03F55023E993', '9CE836599EEE', 'D1D38775CCFC', '0F3F6283B13B', '1CEDD5563788', 'BF17866F7014', 'BEE54D4D2B79', 'BA71F335957F', '058BD5D122D1', '28220DC55DA8', 'A535F9081747', 'CAAF7FF6EA89', 'DF764CB197A7', 'A6B380D5DEBB', '925C7FFD12C9', '850401568E9C', '81587E82D64B', 'F0B46DACB512', '15D5005F0ABE', 'C57E6EAB037F', '1111156C5EB8', '197A2E0615B2', '04ED5F75647F', '466945C86DFD', 'EAE3F8725A23', '4722B4D2C6E7', '7A1940992606', '3C26EC679114', 'AE425A221021', 'EE26DF6F6A1F', '4AFD5F644AB8', '2B48EAC02BF3', '3C2FB67A96CB', 'D4C789D85451', 'E15ECDD9A660', '3899C281559F', 'F280DC36C974', '9D4F9CC286B7', 'CFAF62184AB2', '5503B0FB1886', 'A2816855FB22', '45B7681DBE5C', '547A04414B54', '84187E561424', '4F5449021387', '3671DB5110C0', '5782F64504B9', '66ABFA4DA3A4', 'E595E218D423', '5721D0A1AD3A', 'A67C8BEE3935', '26E218908B4C', '1F694DB4D678', 'E243F4B2D0FA', 'CE64FA08E4CF', '738A2AE1D797', '2CFBD4AA7BE5', 'A996BE4B49FA', '543192A13FBE', '3C942012269E', '65688F5C5F82', 'F245631F4D97', '1C58F2AF08B4', 'E9428D8AFEF6', '81FD42FF7DBF', 'D282E21C2DB1', 'B5330C56B5B8', '3FC933A3FB55', '3FE607F4D3BC', '5C680F1815BD', '70FBC86A01C6', '2E1266682F4A', 'F92B3B747F33', 'C87A10617D8F', '8BFA9CC64A02', '00D304153840', '8EFDE74335BD', '16ED1E19CD0B', '763EF698F56B', 'A817C51F0787', '534353848265', 'DBA3D1D1D0B5', 'F953AA8577C2', '14409A305AB3', '4DC39F6792CA', '7600F1C7D884', 'F693E138BDAB', '66306888222D', '5208ECB70235', '5DD0E0AE3472', '97DD2D770B03', 'D7A9CF9A7786', '7A425A58F136', '3E6D1917A314', '15BA74A13D07', '7214C472823B', '5CCF95325E62', 'EBD98D754ECD', 'F468E21A6DEE', 'DE2A70D1284E', '27681E4EB137', '77C40DA262AC', 'A0DE768B504A', '9F0900A01266', 'BBF34C059226', 'F345260A27F3', '9752B7C08FFA', '8DDDD842BDDD', '1ED8279252FB', '124750B04447', '76BF3852B313', '5B20D8C3781D', '3B9A70FC3744', 'A4D269D38816', '2D89AB0B68A3', '0B1B547521F1', '5D724F93F765', '62EA3F855DB2', '51DEA81EDBA4', '3017001AD49F', 'B562D63C7817', 'C2ABDAC2BC2C', '64547CA6B2BF', '45775C79FA64', '779EADA2AEF5', '603407534EAE', 'A0DEA37279E9', '93E94C3BFE5B', '202C16A5B108', '2C8EA34FDC34', '95B09C17403B', 'D4BC5A89A5CD', 'FA2BC6C3A09B', 'A22DFE5E7337', '196E73AAF08F', 'A20D6E252177', 'B24EE1A93A0B', '18A22DA09EF0', 'C2A6C69714EC', '1D7EEE65F780', '343A95F8B1A2', '2E62A47405BC', 'E2E3F9182F8D', '688B11ADB595', '8BEC48C6C5E9', 'FDBC5C68ED9F', 'CB86688CF491', '95E622E22E04', 'F163B4249C07', '5EB99924C996', 'CCD4A267FA68', '6589766A4C78', '95CB51270760', 'EDE0E6181F61', 'A455B4430327', '75001A5FDEEF', '23AA5F45C05B', 'E5B076EB95A7', '75022F40463D', '988D787A291E', '911F68B99394', 'C5C6DED9C790', '5B6F224A710F', 'EFF473414159', 'C51752A9035C', 'F668F7A36DBF', '5816C1DCD336', '60B21E600112', '0347FB2B37A9', 'DA277EEDBA0C', 'FCF3A5BD8371', '13CFDB110C7C', '3245CF7D6A64', '5341197C5A59', '371DCD0EF85F', 'BE3B47A38A44', 'AFCE5307F69A', 'E099AB8BFFC5', 'D9C0995BC85E', '84956A4FA804', '4E1CF079ECDD', '3B2A626DE2B7', '9ABABB404DEE', '9407DB8BEDB6', '68BF11B32272', '410957337087', '504EF8AA4837', 'E2A75A854E28', '267F9C38F948', '2308726310EE', 'A8411CE08C68', '96A0B5E5A5CB', '014BF1790D44', 'B2F69B97BC2A', '148BB6325B8A', '31A3040F487C', '87A974F87B12', 'ABB7625615F2', 'D778E2E477F1', '5C094CEAB69B', 'A41214DF1DC5', '23F0ABEF8370', '9019F9FEA638', '01AEAC17451B', '7A347C69D3D1', '3F32AA4DA912', 'B67D550009E8', '7FB5A53C6DD8', '19E44CA7DF5A', '79CDD9460FB4', 'CE120A8B4336', '4BBC2E84ED08', '43596925AF2A', '3E5E0038C60A', 'C86676509204', 'AFFD150170C8', '83FA1948A3F4', '7476076AF500', '6D751D1BEB8D', 'E680D448BBA4', '475060D04C52', '69A0715FA8A5', 'EC1DD5C739B9', '8B3DB5B8F0B7', 'DFB0362070E2', '57807B412545', '15BDCD238E51', '2022B8E2B360', '459F27598FA9', '3F0E512E243F', '7BB808935B65', '0E6BB199BF93', 'C00E1BA4B107', '4D4A2F5E1948', '6E2EA3B14180', '83D5036778E7', '3C2E56DBA570', '7B751C9BE162', '3B9E54F5907B', 'CC4EEADA5262', 'ECFBEE2C79D7', '4D8415D5FABD', '1456B98CAF05', '8D242A52F9B3', '6397F69A35AB', '483A53143CF3', '7A5D38D49C13', 'D2DC98C026FD', '35D9FB44EBF8', 'DCB7655A11AC', '3CFA497859E6', '258C8CB1D40C', 'E1EC4869981F', '66CD59D78A9B', '1AA55FB101FD', '40A475C95D6B', 'BF2E86982E3A', '86787CB300DC', '52A09816A434', '5EF70094623C', '43EC1533429B', '9C6B4DBF759B', '27C1F6B19E89', '6C30C0076FAD', '20162733792B', '227853D28137', '28ED24DB496C', 'CD32C611650D', 'AA1F3740A24D', 'E6243EA8D1B0', '89D5A08E50C9', '7247BBE354B9', '1A067085A035', '62FC97D29846', '946581583AA8', '20A42E81AC2B', 'DA8D2BFAC0EA', '292FF100BEF8', 'A247FCC8D696', 'AB811AA2AB4A', '5D47B9B734D2', '4631AFEED2F7', 'E86C6679AAF2', '25A752FB734B', 'B8748AECBD72', 'EE580368CD1D', '8E7A674BF659', '857D1D3BC2C6', 'CAC4E6021973', '5681C8C42F1B', 'B65361F90B72', 'BE4E34FD45B6', 'A99895FA8F4B', 'B25D365F5C1C', '9E8925504E49', '9F12C5402E1C', 'B1AF3AD74555', 'C414E9F1DAA6', '90792E3137E6', '34FB9E0DF44A', 'E877D5AD16DA', 'BD128A3C6F33', '6081F7294031', '72279B65EB03', '10D09AB4D6C7', '78FFA7DA37CA', '9BE5C1E244EB', '0ABFA238F8BE', '8135441CED7B', 'AAA1665D47BD', '793800C02EE3', 'A65BB728AB32', 'ED8EE1F02203', '2DEC6F2AE21A', 'B36CF0CB30E5', '36D35B8A7915', 'D11AF7E28CDF', '081E861C5EE8', '4D2C67616599', '1A8074C87C0A', 'C6BB30D4C189', 'F4003A737E0A', '1232E9091138', '1A6338E69BC6', 'DBBF3EF47E93', '508DCB180063', 'D0279F114F87', 'BB4B5D896E96', '2F0BC63ECAF4', '20FE9FABD1C2', '127E7F587FBD', '60204ED9F4ED', 'D85690C1836A', '12C4FDD062F3', 'A2D7019DACF5', '8E0A4CFAEA9C', 'ECF8296772E9', '13BD2F675384', '63C087C70C54', '037C6126FDE4', 'D62E2B64236C', '9E61674DE1D4', '718800CC3C50', '229CBC81F9B7', '65E089A32CBB', '1065173BBE31', '43B12AB4BCAE', 'F44A8B59CF6A', 'F1EEA3FC1490', '2D23892ACDA0', '50DA28892569', '20E1ED11F61C', '91B840A41637', '65871B0D00E9', '38283A07296C', '1424DEF8AEA5', '2B7416B5A789', 'C755C1F6B4A7', '8D83D8D108F2', '4C3F39412E92', '56D513B3BBD4', '9D53E0729D4B', '824DAEDF9E75', '8E668341EE05', 'A8A25F94F5B6', '00B144412785', '4858280EA8BC', 'F2068036F26E', 'D8DC48B022F5', '6D0960F54CC0', '66DA2F1F5213', '32799982E5E3', '89183CAB903F', 'C5569B2725B4', '4920125BC38A', '76684944F17B', '442CFAE61CC3', 'AF077034AC88', 'ACABEA88860C', '7B6440A3F279', '9F0C2B822B76', '51DB76880081', 'E1412D9D1200', '961822095512', '1F20EF428962', '7C8094BF63DE', 'CE3DBEAAEAA8', '899CC108A4DB', 'BFF1386AFBE2', '099764B21768', '204E5D4294C2', 'EE426846F3D3', 'D225223D0260', '219670F16AF1', '163A7C9FCF34', '957EE90E67F9', '9C8126B25A26', '74FF3575E386', 'C9CAB778C94E', 'C93DCEE52172', '8C4DA60A580E', 'FEEA679DCBB3', '6786EE6112A7', '53C9F177EB03', '998E0F68318B', '2CEA555561C1', '7D89CBF638CE', '9A1DC81E4FB5', 'B0D5228E9FBD', 'FF7164909305', '155ADE36AE80', 'AB5EBB04C48D', 'D3C9713AEDC1', '5BB2AD58AF12', '6F8081D34E75', 'DA0FBE6F11C9', '5F897C00DB43', '304B55907101', '42017C1963DB', '99833F73DE44', '86A3A166AA67', 'AD7525091D85', '4776005B77F0', '057AF0C42467', '18DD6D2A09F2', '504CC3493DAF', '861588AA9001', '6770A2F02671', 'C28B8FFF66DE', '5E95EF84B113', '0B8A0777A6E5', '93E028526579', 'AE6DBB2AE6DB', 'F5EFE72B5E63', 'FF9E0379CD98', '768885A4B61A', 'C8C708EC29F7', '3AB30AB267DA', '9BBEDD9BD0C9', '2C344E66F358', '252C111E462C', '059DFFE3A3A9', '0FE5C9C13E7A', 'E4FC29A88EDD', 'A8DFF4D30133', '8E7975A0FCB5', 'FE40A50DF994', 'DB9838545463', 'B0F645CD20FF', 'D8FA1F4C6D5C', '2F19735DD6EC', '3DA81D432A0F', '6DD430E0A7CF', 'E03ACCEF14C2', '99216EEE458B', 'AD34E4ED347B', '2AAE2550DDAD', 'B4F6234EE053', '01267F2F5B01', '5218172D792D', '0C0E56A1FB05', '6794A463D2C5', 'E934DAA3C0BF', '96253054EFBB', 'FD97228DE00F', 'AE6BABB53D5E', '9AA193ECC201', 'B0D9B3EA4E5A', 'FE477BD61B22', 'DD0CD2B6F7CB', 'D150C1CD72D5', '31BC49520E9D', '754C88B5CA3C', 'A1A778253D39', '0326BEE07DE1', '2DFBA75B6C37', '3C4313611426', 'D20BEF9C2CD7', '39179028B2DA', '6660129B132A', '1F2351768406', 'E9BB013E0F33', '2D4643197395', '1B1E2883EDE6', 'DAD11E157730', 'A157CD4FC4C8', '4ECE014D0B37', '5B9E1E0553AB', 'EDBDDA26B49B', 'C20C1032FA1C', 'F763B20CBBF2', '2EDC00346850', '867A58ACE30E', '0DF37DD497A2', '8780E3CE2A3E', '9A03E46C0A51', '603D38C864DD', '3E89989D6585', '478D40552C87', 'F4E4C8EEF637', '515244292F97', '0C7890BF0A4E', 'A83032C6800B', '3DD7D9A53E39', '054C082D0304', '2F282FA175FF', '1F9C60A47E3D', '089DE1EB8CAF', '9DA131E0F720', 'FC27ECB471A4', 'B6AB1B1F7364', '5934838B26AD', '655EC70088AA', 'C8E9D6F3C80A', 'BEDC43C0FE6A', 'BF619ADE9BF4', '9F457CB98667', '2D95CCCD4DC0', '634A2AD49A62', '49AEA23D2E9A', '81AD1F069407', '077EA8162D03', '51FC77F6D507', '98947B33E164', '604B7BE00CDB', '0E66C9CE5B7C', '5171E1D8A82A', '5C5EB17E8684', 'AB45B8A7959A', '70B291155F0E', 'F748CE6BB514', '1A4194E02D4E', '10B5AC99E165', '57D5D51D6D7A', 'D485BE90E01E', 'A4C33694BE0C', 'CC3B51667B02', '8EB22AFF2A96', '3388A8CBA2A1', 'F949490671FA', '57859DBF4B4D', '54F6AD35A8D1', '90981BB41313', 'E8BF036DCFA5', '534835158D10', '367111CA290A', '88FD7FAAFA90', 'F883844CADD0', '372B34B48E84', '811DE32FCE53', 'DD8649A7235B', '6973D20B45C0', '1C9693E27251', 'F3E71A1A4F8B', 'BF9A3A65135E', '9B57F670E6DA', '32FE31495988', '7794085FE26D', 'FEA516299C94', '3DD1CCDA43A4', '985B2CF2C08F', 'AE7DE878CED5', '6AB7A38DBD70', '258F5D734299', '1706A44CC656', 'F6A92E43251E', '70F52F235E9A', 'A846B232FB69', '305F209C9A19', 'D4517AB595DB', '0961B819A4E9', '3BDE1763ECDA', 'AC1E6307E966', '3542AB52FF6C', 'A4FB165016A2', 'DEE347FC135C', '58DEF94A4FAB', '9A6F2CF32BFB', 'C944AAD86BA6', '6C394E3B51F2', '9C22F6D8C827', '2710BC110FD2', '89AB334EE7ED', '271011381AB9', '8D0E03A58CC9', '5E5A892CC4F5', '2BB14634D9FE', 'F32A0A41B697', '8846B3225DEB', 'CBF22594F6C2', '3063BD6D280D', 'ED42630A9FFF', '73AE93492275', '11C341083061', '6B34AE0F8DBF', '42B977C6E77F', 'F535CB6993A9', 'DA6BC6194FFF', 'E96117D22492', '5273831FA984', 'AD005493F9BF', '31A655925A8A', '86D1F207868B', '4BB5ADD5A1FE', '56CE93447F80', 'FA1E56F220C0', 'C7F1256D1E7F', 'F776F9881474', 'E09853233CCF', '656F48B15786', '16B7CA362E71', 'DC5C9B011657', 'B68ED8EDBA5D', '31CAE911027A', 'F955CE7D650C', '7A3E4D5F7F6D', 'B330C76B790E', 'A90544B36B14', '058CA87825F6', 'F5F96EBC0FDE', 'AA0B42CF00A6', 'BE68B9E53CCB', 'C5A3278EB458', '4F51DB73DF1E', 'D69D856DF697', '8F8B11DD9ACC', '159FA6D54C9B', '04084A8CDF16', '665D11F129DF', '98B95C21BEF8', '3009A8F385F7', 'D6B7EE7B040D', '2275932FD0B7', '4885E69D7C24', '9172F30C29E8', '139B1A57D6A3', '6BF54A9F8383', '8D3CFD31B4EE', '20A0C1C766DF', '060D9E77A5D2', 'DC9CBB208C6D', '4BC4DC58DB30', 'BE62C5534E8B', 'C43F61E4FFAA', '101256FB2FB2', 'AE6462B51991', 'F34DD475F104', '360F4E7D2631', '5C44B0B1C2E3', '44442D65C858', '23C514D3D801', 'F854C455EFBC', 'D0859D4FA7A8', 'AFB2995F886F', 'EB763115B6CD', '62185A8460AB', '201EC18E0A04', '322B33C931CA', '20EE7E422C2D', 'EC1FE04E8EE2', '08FBDF474AA2', 'AE021F85F4D5', '80031EC3D9B6', '14543F568419', 'B49ED6AC9AF3', '43D612E69031', '955C86F2C441', 'ECFCAAECAD31', 'D83490F6B0B5', 'EC0988E6BB43', '57A4BDE06D1B', 'D401F5D87E45', '5789A415F29D', 'F6DA839FE9AF', 'A97DE0D49AEA', '2629ECCFFE67', '58EBDB3621E5', '31DDE751E2BD', 'FA5C17345A74', '59A2F81ECDB5', 'D7D4F8C7FDFD', '64C09A835374', '255C21BE7CFB', '2AFDDA4D5D6F', '9252D20095BE', '3A240B2C1380', 'D7FFBE6E0434', '66B20410E2E1', '57691ED21F01', 'DC364EC72968', '161DEDCDD17D', 'D9A51EAE079C', '7C1EAA5096AC', '9D263A8A768B', '0E08D2567318', 'DA4EF8FD6A18', '0119F710D008', 'AB8EFBD82820', '560F96E36796', '6B9F6BDE002B', '0A6C0B6D3925', 'B04BEFD69D01', '3ED58343E367', '46CFE621048E', 'BBB0C6DD06E5', '6EEACF2CBF27', '17E36E840DAC', 'FA205817C3C5', '18A2E82D5F05', '01457B62F341', '16F6DD028926', '1E0E94F07481', 'ABE633932976', '650A40BBAB6D', '36E3A712A2CD', '0E37E20C3021', '78E39B7962F1', 'F566EA761D0E', 'F9470AD105B3', 'B1EF45488EA7', '17E0D40B3CB8', '6AB345CECE0B', '4E97D92F2119', '689A9ACF5486', '8498B3A8642D', '03A87384F260', '66ABB3042298', '63A014130F9E', 'A1F48D16C67B', '85D0379B23AF', 'AF744782945F', 'C4018603C469', '14DF107E8ADD', '675083F24FFB', '41395A333EE6', 'D5736E7D21F9', '0B606C33AC4D', '49604EAA151E', 'A300C28B76F2', 'B33BCDF39B04', 'E7E8F2F6314B', '3B3A47EA684D', '793D97BCA3C4', '5EF660E481FF', '1BB1E58F694A', '278C1879DA87', '60137928C48B', 'C160AFBD9D19', '9788FF5FBA3B', '89E1708E4BCA', '8A0A3FE01FE7', 'DBA1BE0F3883', 'C4F760DBDD16', '6DFB980B835D', 'C848C44E3004', 'EA9FCAE3C575', '03A9CF7C7141', '6B0402639A88', 'F9F27CA527E7', '3CF52C3ED074', 'CE97B1D61822', 'EAC03FA78D0C', '6B5D04317738', 'C1F74C98535E', '65AB218C2765', 'E5C0680158B6', '24E0B6DB7B49', '4F829961E964', '4F4C3717EEE8', 'F42FF5B7D208', 'BFC4CADADD49', 'A15649448050', '9B90E0AB50AF', '871287046F85', '180CC35C87D9', 'A9F764775832', '9451FC111896', 'B4BC1C61F5DA', '9D40E94D6935', '9BAE97BE9789', '9A7F7ACCC1D9', '77F3A3BCB5DD', '0504EEB01AD9', '63E8EF40EF1D', '0C751C31DE85', '75E100F355BB', '0459F1BBF74A', '547C43CF3291', 'BFB4A021437E', '2C7EDA83B0D4', '554DAEE7BBCF', 'A38F35A9F711', '54FB3EA961E4', 'B18CC50F5A1A', '7D391E32A173', 'AEB7346EA9A4', '0D944DDF9492', '92C8A41A0412', '0AC09FD13E72', '0D221F0798ED', 'DC6181711B08', '63B0C1CE1743', '8391AA01FFCF', '2BAA8312A66B', '5E1A660E4E8D', 'BA596EB98749', 'FC3BD2A0D23E', '03755AB0A62C', '3648A95056F3', '205A433D0CAC', '8726B24BA724', '33D741DE2BCA', '4125C404E34B', '1A243FC51E59', '4A19AA269331', '4EB6E7B8DEC0', '05A474FBA68F', 'A4FF5E47645F', '0322EFDA120C', '896F322AE281', '523EBD9ECA47', '97A506FAF875', 'D2946A413E6C', '3ACABC081389', 'C06037835919', 'DAAE03562B58', 'DBFD15D537CA', 'E0CF4993483B', '78B951722074', '9D7DC07877A6', '0CB2758A3289', 'EBF9131A638F', 'B736B35EC849', 'C6278E01D797', '286C3B565456', '26F0870BE37F', '2BB9A0AD9F82', 'D6E91124E3C1', '85D7C9ADFE4F', '42F0BEBB42B4', '453F56D5BB3E', 'A3285BFDEAA6', '39DD51C9D811', '411AE0653A8C', '0CB40DD64679', '569CBA2B3B8F', '150C879555C6', 'C7A316555DF7', '3C28743B377D', 'D2ACE090B6E0', '1719A6C849E0', 'A2A749DEC4BE', '9FC925C6A20D', 'FF7AFA7FF8B6', '644F08941EDD', '62E08644BD3B', 'EDF68039869C', 'DF1AA45CD325', '4B9F8C01BFA1', 'D63BA0463CD5', 'DB1F750E70E1', '15F4FA869635', 'BFF7296A29FE', '1CF95A009AE5', 'D932E9477A5A', 'BF7C67E62F30', 'E00E5656B607', 'F04A513C2963', 'C32D1DC4B036', '6A11804E60B6', 'B3165EE32FDC', '1529F615275D', 'BBBB5C4705E5', 'B80BB8B7FC15', 'AC594194F01C', 'F7CB662CA783', 'A4FA2C4BB8C8', '353CAC9AC658', 'E2630767E36B', 'E7F369EC8050', '7330313ED3F0', '62274F02BC50', 'ED830B1151E7', 'DFB4C78A64F1', '836BE35D2E45', '1D620B5FACBD', '242207118314', '8DCA8AB16C24', 'D20C40B1CBF3', 'B84A7F39D6A1', '56121F282D95', 'D2F390598EE0', '51E6646E0733', '123722DA6464', 'F60ED753621E', 'C39B288CDD5F', 'FC8DD899209B', '2C6E6657FBFA', '62AFBD98AFA9', 'A1B5025267D1', '39568660BDA5', 'CFDCEE813DF6', 'C8C168A9F3CC', 'F2825D154E51', 'B92B378E1264', 'A7EC6F462F8B', 'EF907722A512', '7648DFDA439B', '4AFC0853D08D', 'FC4FBC43EF32', '8B4B5C6DD5DA', 'C5C8126C1E65', '7C1D05780C33', '72D646FEEBCD', 'A29CD7941E1D', 'CE38BA1D5ECB', '92DFAC1BCB02', 'C3EEDCA21B42', 'BAF6A144BAAF', '072F9AEEC965', '60714BE8146A', '7767F0989650', 'B1B0D8237ED0', 'DA228B928B61', '6A97E65BBE95', '0878DADF1B3C', 'CCABE8EEA6F1', '15FD2E229EA8', '46425944AD00', 'A3BB032558E2', '0408B654C48C', '13299580C8AD', '9D1F1FD728E3', '22C152CE5B3E', 'E106B08D9BD5', '477B00F899E2', '5FD6686E9FE8', '0CAF8CEA967C', 'CAA042CADA38', 'DA757F0B202B', '09F7F5FAB692', 'CAE7D71D66A3', 'CC02E6A858C4', '1B4B715EAC9A', '19E57B0657A6', 'DFBB3878349A', '8CEB8AAC385C', '75C4CC1ABECF', '4B4A73217C3A', '99AE1C6789B0', '3923909DE518', '3F51F5840A15', '2CE725C8E928', 'DAA1B0DC9448', '4B64E914C68B', '51C6FEE51683', 'EA4763734037', '7D08A1D7086A', '86FB71F29A12', '214BC7CE00D1', '140434C2B180', '0B25AA5D6644', 'CAB6E91445DF', 'D514ED6A3665', '01D04F3DF6CA', '46EB864A3362', 'E04E83CEF5DA', '5A4B52D6101D', '38F38B0E6F05', '48D4153FEA5C', 'C6ACC74915ED', '9DF9D4AC395A', '21A359FEFC20', '606B556FD61E', '9FCF605CC740', 'E5C524E8ECB8', '4C1B24495AB7', '40FDE82C864D', '134BAA2D43CF', '7AFF516471C0', '3CBB0AD46687', '19B5612E4AC4', '8EB7CE98B8EA', 'CD7714C1464D', '9EF555637FBC', '3BA0E26A657F', '6D8AB204C4AA', '2505E3B0777A', '1D549C77CB16', '2F740510B666', '848CD0BA745D', '784ADFA51958', 'B90C3ED7033F', '1830EFB03CF9', 'E659800B906C', '8E446F4DC56A', 'BB92579586BF', '1842B5E46878', '044D921A8C99', '0FC97658A027', '01DB053153E0', 'BB3615AA4AF1', '53B68DAFE78B', 'DA6D07A177C7', '942ECB176B3A', '649B2A197C4A', '378005A2C405', 'ACF8D85BE4F4', '9510F68977D7', '1CE967B8E5C9', 'C86A77CEF091', 'B7BB7AA2B5BC', 'BA5C438CC087', '081A0EDC2648', 'B4F3E5D8D7D2', 'E8C1C58F8A0A', 'C9EF98006357', '50E905BAF3AD', '89E3EAF87D82', '1BDDBCF9B071', '4D30DAAE61A0', '0333283809F6', '198ECA5E2E5A', '4000B8222A07', '1FBDEE7FC78D', '603D3019DCC5', '70E008E55102', 'BD0D7907E4D7', '2D508D3CD27E', '202A2848311C', '859CA9917AE5', 'B92A891555CA', 'AC134C9AB3CC', 'EAD0F017B5D4', '3828201E7783', '1CCDBD707F65', '13C09EA02E56', 'C2FA7273B525', '8A33C5C1A579', '45A87F46D89C', '5086805A319F', '61F3B1F549CD', '2AEF9CECD887', '7EECF753189D', '1343B0769174', 'E9E9AEC9100C', '71D831DE643E', '0222E19C41BC', '9FDD8A146288', 'AFCF10293B9A', '7863164BA896', '80E78F9EB937', 'FD8B18756C68', 'D84271FC252A', '4A0B12C1D10B', '4A383338D870', 'CC5894978F31', '929CEA8DDB32', 'E4F9AEC51ECF', 'F1A9A822A619', 'C4BCD14367F4', '387FEC6C2CB7', 'FB0053511F2F', 'D8406ADB1493', '766376432498', 'C2A49B846D05', '8248E7E6E2A0', 'CE3B81539AE0', '65E3280D899A', '29F5392497DA', '8742BE58A671', '51C3D7E06ED2', '5A510998E08B', 'FF9202FAA566', '6A290D8D6729', '70ED78541A7E', '95D8D99C517E', '36FCA185E7E3', '6B56C630FFC5', '2EEA9454E26C', '403C86C75FEB', '5F931A3FF8F9', 'A0928D4B7EC7', 'BEC88463148B', 'EE194115BAAF', 'A9E9851F3E7E', '0168325D0E24', '30AA3CFC1A36', '62D796BB3724', 'A8683674019F', '35242F4AB789', 'D828BE60BE57', '46DFE5507DA3', '38F4CE28F1FC', '7359BD785A25', 'E459422C794C', 'B4AC3F641AFF', '05EC08C05019', 'C318777ECE9F', 'DE17AE0AFF7D', '0EE9980F4C4B', 'BECA14914CFB', '3C315C4345C7', '4155D50399D1', '8CA7DA405671', '2D9010823094', 'D8824F42C5CF', '38066765F81C', '09F5B52032A1', '5CE46A992889', 'D962FD67FF4C', 'F11D449380E6', '94DDDE49F8DA', 'EDE56797770A', 'FE129177A067', '6805FE96E548', '675D63C3D265', '94810298EAEB', '43B24ED85767', '33008B95DE9C', 'FDB27AC9357D', 'BD7F5D94AFED', '8E915F00ACCE', '2A2CDE97B76F', 'C70E3EEED307', 'FE3CA06DDCA1', 'C9B23C5B1064', '24C5ED476177', 'ACA7AD2E5716', '2B4BE109A9D7', '530F622827DE', '163AC455E1DF', '94DF4BBF522F', 'BCC1433ECAEB', 'FED359DCA0BF', 'BF3EE6D66E3D', '1A068661D19E', '4336E25D1D6C', '73B8CA4B266A', '26432FDB0644', 'D6A32ABCAB53', 'E22D53ADC06A', 'BA5056B8C67C', '3FCA40583533', '7CF24BC81BE6', 'AB0403712FA9', 'FB8A6D53974D', 'CC68BA9DCB2F', '52835AA731FA', '6587820089F3', '377548575048', '9C4444C557FB', '46527BA000FB', '01F69867D1BE', '18EAB669FDE2', '8DECBFDC0EB8', '2DFFBEFF2B10', '9399DBE21A35', 'DB4FE19B8FDA', 'D3B5E0743515', 'B7685AA86F85', '01A4C886D048', '1C346211657F', 'AE47AB399CF4', '503E1602666C', 'BD304A35EE44', '64DF7B801614', 'BE6FC06B8795', '288183B3184A', '1C3440A3FFD6', '331588D6432C', '4779C9C9093F', '89822D57FE56', '6E1B4AF3CDC3', '3919F3440FB6', '4FFA8AA9820C', '28797216EAA7', '8B4BBB3F601D', '25C37AACECA3', '67680A4C81E7', '0BE6935B5A54', '0BD82CC1FC8C', 'DD95B403F95F', '6B3AF4AD81EA', 'A27F8CE559C8', '63C72E480CA7', '098353275507', 'EBA1B05B6624', '18554EA0420F', 'FF62E6972211', '22916F4BFF97', '5B9FE6CD8325', '0BB0E957B6FE', 'F362313AF4DE', '23A195AB438D', 'A7BD93C544AE', 'BD33192DA18E', 'FFACF4B90AB1', '4FF7C90E8071', '8F46AC3C99AA', 'FE62304F4B86', 'BAC681996825', 'AE5B6C4FD5B7', 'E87BDAB97148', '3799343B6C0A', '87ABD416A9CF', 'F955CADBB6B4', 'E418CA5F2D7A', 'B9347CDF2461', 'B38B82E3F538', '27D34E27FD4A', '3BA15254E27F', '4A28DE0DB485', 'DDB424217004', 'DDE62E929C6B', 'CED03E44340E', 'F98C8AAA5BE3', '3206E3F5CA39', '12C40C11C57C', '8CB1593BFA5F', '8B095EB24288', '022DD0BE5A38', 'F9E1434B2151', 'C1BDFD85234D', '308DA02A219C', 'ABBF7FEB056D', 'C75B9C4FFEAD', '4B3862D5B402', '62AFFAE17116', 'EF08234FA6BE', 'C48F269A6ED8', 'DD259D664877', '987ECCF90CE8', '0F13AFF35C0C', '9127434E8CF8', 'A282A18AA03D', '3DB6FCCA1445', '437E9376FB71', 'FDC5C6E0B4A7', '71DF40C12652', '04DEFB0B11C5', '008C191EF21C', '8D509BBA7DD5', 'CA92495BE92E', '532D74D761F5', '91FA9C603A6B', '83948102B382', '17C13BE317AF', '0EF91AC5D457', '5173FB3C75A9', 'F9A5B72FAD82', '043E9B5AFC5F', '908906779AB1', '934168169D89', '109FC36735A0', '8A00BBFCFABB', 'FB9569BDE4BB', 'F3454E01E31C', '9FEEEA2734D2', '83D8A875FA7A', 'A550B8EFC039', '313229323B6E', '75B94E37D75A', '655A3B3F19E1', 'C74D540B715B', 'E223E52018C1', '87328D07C574', '2AEEA0A97907', '4425CB6C8585', '4A4ED75E7112', '2B3601A69135', '7DC8112AA69C', 'C20A6EB7FBCA', '0E5278E12B82', '558BB83BB400', '916117BFE2A1', '201EB1D0F1D5', '94A5C5B0F0AC', 'BEAA8D8A3EFD', 'F5BC72AE5196', 'D4A3E7EC982E', '9D0665A39328', '8A533A6E8808', 'FD48976C9913', '542FD18E9ADA', '905A76FFA540', '2446D9BE78B8', '922038AC1578', '6EC2740A88BB', 'C1B32D871830', '5DDEE376DDFD', '138BB07570E0', '91A358248CFC', 'BB207C714EBA', '6F8286D752B2', 'E125A0E0FD41', '6BFE834C4FD5', '7A532625FFDC', 'AED200889835', '1DCF42D2B503', 'DEAF202F9EB2', '0EBD16DD8BBD', '3EB880F4A4FE', '65994ACB31EF', '8D3BE9EAB1D5', '2333F75DB5E9', '8783DB652376', '11823089B61E', '26981B151FD2', '4CD7E8A7BA22', '96E0F82A7BCF', '31FFFAFD3987', '46462FB89C84', '8CD442C14869', '61BABBBB9822', '3A9F1E5CEF61', '2FAE6DFF45F1', '03C54838ED36', '586269D6471F', '23156B9E3E53', '37B05EDB1C50', 'DCDE7152B94E', '154897339487', 'E94074738406', 'D4108B56F2DF', 'A66F364491FF', '471611351FAB', '81F1DBD56E0D', '89039D21E960', '614C338B9D97', '268675CF9C2B', '135D6AEDDA9F', '856462BFBBB1', '7F63036D0C59', 'AE359CF88362', 'DC2EE6A2F024', '791E0902EAD5', '65F5C8D8AAEC', '91125D5EEA38', '6C4D40695123', 'E397850CD3D2', 'F7E9EF1AC55A', 'C541FA8BBFDB', 'B18624117239', '83B1B27DE86E', 'F106A7FB6C5E', 'B5B5BB3CB4EC', '7D9F1CFFFC95', '4D0233F6C1E8', '0226E802EEEA', '58C092C01C79', '10F4C4CDB76D', 'AA38015B5E93', '8C2D0E1314DB', '4F7F24918F42', '2C871443D686', '25664FBAC604', 'FBFAA80ADC60', '2B605EED5E4E', 'B0A19F407570', '82BB2259D709', '35011B0C0225', '9680FAE8D811', 'A53E02BB0A41', '1B061D85405F', '2B49B48C3B2C', 'C10C521A47C3', '7ACEACD37436', 'B0C7779B7276', '89FCD2B81990', '1613BD216385', '5448E486707D', '9F1CC7603B64', '1033B94279B0', 'E88B3A355149', '49ED588E79B1', 'E7B3A115D111', '5D3F76E36715', '2FDB1B6086C9', '7804C4E627BF', '8BDA09CC9FD2', '66E83D44F4A3', 'E4DE4FCBFA63', '5CD4B139FCE1', '8E6166FA732A', '763AE37F4BD7', '715555B20F91', 'E7C8FB41C6BB', '15B1E4516018', '52432D25C86B', '665A2D50F034', '2E1C25D6F265', 'AF938D285908', 'C879A485810D', 'D35AE4A7CE83', '5B14E2CB36CB', 'CBC776495BE0', '0AD7535C58C0', '0D89C8189022', 'A67D3F549FAD', '86D78A2CD591', '2B2696900DDF', 'EAD34355445F', '20B696B5B9EE', '1D45838B86D6', 'AE82BD8A926A', '2E4A8624CB67', '03F81E8838D0', 'BA9B801E3540', 'D88B4501DA8E', 'A70A57F5752D', '0F7DB6BD1AD5', '83F0695E035E', '6FF14DD83450', '44C7E9C4260F', '0BAF08001514', '8732FA1BF586', '74324AD36BD0', '6F817602FD7E', '3A38C6310D54', '281B30A5EB30', '55C612B32725', '5E7DCF4A5293', '7E37567419F5', '8945D160056D', '0AA050C570B0', '1202C1C507A0', 'FF7BA63A1993', 'CD86F7930D58', '8AB07A248878', '0B54CC968D4A', '24FA36D49DB7', '4918D9A545C5', 'B0E17505BCB3', '47B65C7E16F9', 'D14F3F93CF54', 'A00DAFA2E4E8', '7E026B760EA0', '4BD9A9FE0FA4', '93A9B27859BB', '0D3737E9F443', '60B9CA06540D', '58FE015253B7', '2FE09CD5CD8C', '336F8093CF86', 'C212B1F1C14B', '25F9B9BAA02A', '7DD34B45537F', '317BC7AD88EF', 'FACA3592FCD0', '9DAE6D2462A8', '86A74374E724', 'B3C8CE820C5D', 'FF21CAA2F125', '2C2CF03355C9', '8A895792F3C7', '66031F0D0329', '75EDF0FEA5F1', '5E9B17A298AB', '9263362F551D', 'CC3A5AD37340', 'A602D45D22B2', '12725EFCD35C', 'DC5B8E6C23E6', 'F24858D7F8F7', '3C879A5C86D9', '727F83C82B08', '5C29D02F268A', 'ED1EFE97C40F', '9C20E2584A8B', '5394485B02AB', '00D719F00D9F', 'A851E38A7344', 'E4630B623165', 'FAA1621106BE', '86E1F1C251F8', 'C68C60B718D4', 'A2745099DA0B', 'A975647F8219', 'C1CB555641B6', '688370E9E6F1', 'BFCE87556F2A', 'F7561C027920', '312C67D3E8B1', '824B1332670B', '29203AAA6CC5', '952569CCDD6E', 'E5F47974A6EF', 'EE6FAC759013', '0CE521F8D172', '0CCFB5F4E6D4', '45A5FD941F4A', 'F10FDD44873B', 'BA3D6BB860C6', 'F18B05581BAA', '505E1F0E9AEA', '4CDA5FCEDDB1', 'B9688F9C3150', 'D703C053AEC6', 'B6261FF12B56', '7A2D0B189298', '98A9BF4E795A', 'F407D70D45AD', 'FA6FD7F076C6', 'EBFB5DD26BF0', '2F889A4F325B', 'E1B4C22E7785', '22C6C0356324', 'B056CFFBFF3C', 'A5DEB6E371EB', '7782DC357595', '1C41622B0A7A', 'B3D92EA18E0F', '8E83FB707B87', '5F58F22A24B5', 'CA0C21200F78', 'EF9E9C4E5D1E', '18860E0DA892', '2CD086E87F2D', '10E592ECBDB0', '34A463C4B1B4', '0B4FAC7A4A8B', 'FED2903D0697', 'C07E3C23CE7B', 'B8A754A0B9DD', 'F17D56052066', '2275D39DC5AD', 'EF814D7762B0', 'A7F8EA8D1E7A', '4BD30FA12457', '31C7E435A083', 'DF071F7D4B04', '68E7029BE2C0', 'A6FCBC1C476D', '4C60FE6BE07C', '91C1E1BA845E', '6B34BD2CA144', '47E3B3E558E1', 'F9BFE8C8AD17', '703C3A3D102B', 'C7C9C01597EA', 'A4436BAB9532', '66FE148BE39B', '008B27E80228', '04AAE2E8EFB4', 'B9D9B02EFC86', '3F30E7FDE6F1', '4698AB6B27C5', '269E80DF1073', '1BB48664CC6A', '0D6F9BEBACE4', 'C3D4F36886E5', 'F98C913B5446', '849911F5126B', '99451900AE17', 'D6278021E119', '95D479E8C7E8', '79B0B907CF87', '34AB53DA73EF', '40C8F8E9E046', 'AB1AAD6295FC', 'C9C826197027', 'A5CDE9900195', '7F513E5DA945', 'AA04FD5FC3DA', '75614E82027E', '857F67692BC4', '0F571C3502D3', '887CE761179C', '45CBE29D23E0', 'C8EBB096262B', '7B4FAE7A57C1', 'E018497ED277', '45DB353F7471', '422A3A47C33E', '06A9B4BC2E90', '546C0401D25D', '5B2822CE075A', '7440926E8961', 'AFF882607973', 'E52E56670B24', '0C7C06A6D656', '46D1A8FC5D49', '7D14E283380C', '13F1DF1DB4DE', '95ED30690B8C', '4F39C001C736', '2983A5DC1E8E', 'BE5D3ADC4F2B', '7CB443BFD73C', '20D2FEBD3853', 'EB5021B098DD', 'C4D39AEFAA87', 'DE0275A222C1', '99FB1D4C4F5A', 'B51E027B51AF', 'CD33A5B0A307', '2E7B7DA84C7A', '31A3727D27B8', 'D889C48DD497', 'CC2FAE6B5135', '94EFC5F3ABB2', 'D44639122EAF', '9411BF4CF714', 'F65618376429', 'C59ED272B57C', 'BA991FE296BD', '2FE7098FEF58', 'DE842CB71C02', '5AF8EE583A33', 'DF723D10CC23', 'A46BF87BBB48', '564FEF97AC52', '2BB45C0C7802', 'B15B3D1D9CB5', '5E8BECE0067B', 'FBB35C3EF339', 'A5FCA4CE2EC3', '158F2C1BBEF3', 'BFEDA9FE9F1E', '1C9E388C17B8', '2DE70542C32D', '3FDC2CD9FB9F', 'BEB797E37AB6', '9A6C18B25037', 'B996860E00A4', 'F0E863BDEB82', 'FAA7B824C589', '2B6B50852E0B', '9898C2839018', 'D2A1577EB7A8', '9BFBA5356167', 'D3DB341F4932', 'F45A719EB22B', 'C55EA5FFDB2D', '910B844ACCA1', '3E914F66058C', '718EEB2328FC', 'C2BF4C553358', 'DD40AE6E1E6F', '761B16CEE6C1', '6E919842050C', 'E7C5E12F4E84', '13E8A2F76C57', 'C6E43B28660D', 'DA41A7B07DF0', 'A07A05AD9104', '97E8C5E4AEA9', 'D75B4D14CCAB', '956B5E2F3BEB', 'AF642CA41345', '62E0E0159843', '70B6F3CF220A', '52043A84C3BC', 'AC871BBF14B5', 'BBEB4231A8AF', '7CEB4836BAFA', 'AE8CA585DC1F', '8975E6D0380E', 'BE243683124A', '09FF4F0D2B79', '288312CEAF6E', '4DCE9956E3DE', 'C7A018905E52', 'F038AB4D788D', '64077B385B48', '65C1010EFD70', 'CBF57C499977', '493DE86CC0CD', '7E20F422A3EB', '1BC811EC52DD', '980850873AB7', '3F65AF00FC67', 'ACBB0618CF1A', '5E75902533E2', '53EEE7A5B5A1', '02A6AE54EB79', '05E82CD3394E', '855FC08FC096', 'C4AC99D9CF4A', 'AD3821286500', 'C646479A45F3', '5445F0F5D9ED', 'E518FBD13C3A', 'E04DC60DB4F5', '8CFD338AFB98', '25AB1A453D24', '29687C1F98F1', 'DECAC443C667', 'EC37D36974CC', '2114A12D2095', 'F6CA5589DCDA', '0581A6F4E804', '6F326F032E91', 'F01B0824E489', '6DEFC88D4E0B', '04AA83899997', 'B864F3DC71FC', '7E26851E8EA9', '571BE3159B48', '1D369D51E5ED', '4A5AB644C41E', '4579B625E1E8', '60FFF26260C1', '79CF90622262', 'DAE3E4057810', '8352B07F2708', 'AB6284069E18', 'E4BFE6EC3275', '58C4A1F4BE4C', 'FFE46004CDFB', '20C0FA255C6E', 'A7B788E51FF5', '971158C1AE69', '3D64CDCC5B12', 'C5606BE37BD0', 'BDDD49DF0C7D', '51464A01F6FC', 'AD19FCCF4D66', '6A2FCEB4F2D1', '943370C19A7A', 'ED27B5020694', '67683A36D7BF', '51F05D3678EA', '1A88DC345340', '793517BB1BB3', '2C8BAD341085', '079F9B97A2AD', '882808C92A6E', '22075172920B', '2CB0A75DDF7F', '4B51E3917E0E', '71D3F6E61C14', '5E57B80BFC66', 'A6B3770935B6', '2C191F7F9FA1', '4EEB3CAA6F48', '97EA28FC8ECE', 'D784E06655CB', 'D2BD6E5B0D1F', 'BEEE3AC55C0E', '9E1B8D4EA6B0', '93FAE079492B', 'DDDB09DD580A', '8855A0898835', '26788B95F2F2', 'B1F95DB388DB', '4896AD6DD91E', '9483857CAA80', 'E5F3EC28F670', 'F0095A6449E9', '84CD770A3BA1', 'E67A118F9AFA', 'EBCABB635458', '16D3EFBE11FD', '4FFC4DB08B42', 'A02D5B12D66D', '29BE895CD900', 'A603DBD5D182', 'B0E846E42C45', '2FA02A1E3654', '2C3E3E48A880', '00A4CB36E006', 'BFBD47C22FB3', '9F7BBA5FC646', '4ACB29936C94', '0A23334002E0', '3A748C1D650A', '48B50A9C7D0F', '352FAD192BB9', '6FA5454B11D4', 'E7DA3EBD8366', 'F4EC42B28077', '448D92E762E2', '840A520F0D99', 'F40F9FB07FAD', '3F7A0163C8E7', '4DF55925F544', 'BE3908E29A1D', '22E223A16B82', '7DE381011700', '1871E7C9919E', '6B3C70C249F0', 'FEB736959AD7', '923043ECE82F', '29BB45AA907C', 'AC525B50F33C', 'AB69A8EDFA20', '0433D61E8652', '0B720B5EA0E9', '273863D43441', '07C6107B301F', 'A2B0C80404FD', '3B355996A407', 'CC50C8238771', 'A7AB35E04C19', 'D54F90711EA3', '5672F9F49336', '5CD2BCF64F4C', '0B508FD837EF', '6D681ACAF7F7', '0A5BA91AA8B5', '0C0C473FA794', '44D73D95E310', 'C94D88474063', '446DFCDAD7F4', '192A27F0608C', '738E215A237A', '13D83C05F4D8', 'FACF20D0D847', '85B5621E1876', '44E343ECD9B7', '0F6250B6D784', '58358B109222', '0AFAD06336F3', '2252B166CE0D', '75146054E72F', '7992F4E1E3D3', '5E1DEB2AAE39', 'D9A50E9D3E5A', '0DDCAFAEA487', '46DC70997CEB', '84DB11599420', 'EDC00F1B2823', '0F43EDB760C4', '6CCF20B2E727', '36929B945E29', '2056B171116E', '2AC878B831DE', 'C5565E4761B7', '37019C8C1ECD', '5F27253980BB', '65DB75B187F2', 'AE587E8BC0D3', '2BB327C90883', '651CE6F22A06', '4E1F37A9728A', '21C30597D17F', 'A1B2F28757E3', 'C7BB1DCC0537', 'B44F4F2E6178', '5B762EBD64C1', 'CCD422BE9DBB', '20498D2BFDBE', '1788B6653312', '27C2C3000FBC', 'D77794179080', '7FCBE68F5923', '0646F7BFC681', 'E059AC481E5D', 'C321DF7BCA1B', '126747A179A8', 'A5977AF16661', '6E691E18CED4', '64BED9417DB2', 'BEF5E55E29CB', '463F959EAF89', 'FA15A1E3BF2C', 'F6056CD0CCCA', '3F59617806D4', 'C55E03052E48', '25DECA78E234', '9DC3CADE8953', '5729D5AE055C', '0B998187123D', 'E8D55D0C4BAF', '2AD8A9FEE4C0', 'E06960D4A6C1', '3BBF8A0059DE', '61B15EC2F7B6', '9C3DE25AF92A', '70D2F22E29D4', '53BA0A8722FF', '80E2B7016611', 'B23941DFCB72', '6F220B8B2495', 'EA3B8E4F74DB', '3316349275E3', '825C7DDC0008', 'CF0214901725', '232A55A50FF0', '49F6198DE921', '6E154A9B7943', '552ABBDE1296', '55B4B2BFF231', 'D22D39A0C3AE', 'B2EE7ADD5BFA', 'DE01C3FDCA0A', 'A7441C4D1FF3', '3A9A95F48F86', '3B2C8BB36BD4', 'F19978B8C2A7', 'A34FF5F00E3A', 'D354980E4F07', '1FC7106860A2', '5DB4FE5D6A00', '8D4DEA77D545', '8FE284BA4D25', '1BB2EB85C41C', '5656301109BE', 'C8F035B467A7', 'F3ABEAC1432D', '8BA8BA5260AD', 'E797D7F9B452', '1E4261B396CD', '0985602832CD', 'B727B720430B', 'DCDE1C43C218', 'B6F12A1662D4', 'A15776CBECB7', 'EA6471CC4E00', '9EF6AC7590A2', '5AA83726798F', '7A56F29D9707', '6FB96EE78D6F', '04810832D23A', 'F6F8929C3714', 'D470DB16B85E', 'A54C0AA815DE', 'B6C009160238', 'D4375D1ECD7D', 'FC9BC150809F', 'B133FCABD0AF', '90345B5B064D', '84425797BC28', '1D6220DAB645', '1B4AFEB6E86E', '160C8B8C0E64', 'D85B93C13556', '47FCD0F878B6', '32E3A5BDD0B2', '80CAF7FFFD56', 'D195E4354F21', '8F899DE6880E', 'DE34EBAA18EE', '6F096C626578', '37A77BEAD718', '1E68FF259297', '0BCA18283DBE', 'F1860C4149BF', '3C4368A07D88', '56774BA72B7B', '25086B7087D6', '52B24BAEDC8C', '9DDC8FDAC3DA', '89C921B360F7', 'DECECA25BCBD', '58D5E21C7B46', '4B14E9E6D731', '7422D711C2FC', 'CD17678005B9', 'FD311907E3DB', 'AF05AA1A49DA', '0CF568439ADB', 'EF5579B524B3', '69ADC83F4BBE', '410754A81FB2', 'D58DD07BC0D6', 'E63689D747FA', 'A4C42F2B3A57', 'A550B41E7CD7', '097FE8053507', 'F86616365497', '5403979D49E5', 'EB16CD7EC3E6', 'C4E233F5D9A9', 'DC93D8BDE631', '60E98C89CF04', '232A864E5A15', '82FF684D4DFE', '8F625951F759', '9BA24165EE28', 'CF84C9D788A9', '080E2CA04B67', 'BC73CEB66875', '0306244BF63F', '5843D4C6EFCC', 'E95621C07D95', 'EAC3596461E7', '6796C7366713', '113942A18C27', '446F3C285AD0', '9D000F734774', '06936C8AA35D', 'D23F65F4652B', '8B696D4A84A0', '399C14D08042', '0C1D8179D5F3', 'F6C40C564E5E', 'EC7C81E59E9E', 'DE7F02980A1D', 'AC8F2F26AB2E', '1B2083B9F74C', '30B617145AF6', '5AC16E188F1B', '030A70B9F194', 'A5B9C9F26FD6', '2D10F2D7A580', '24FCC5A84ED7', '7AB72C44704C', '8EEB5226121C', '24241413242F', '79BFD0B9910D', '1B87EDD72ED2', '8CDFCA2C42DA', 'C7BFC84A7A01', '005026E0386C', '7D6BE3FB87CA', '18D68AEC46D6', '3D84D6011B1E', '49D008420FDE', 'AF80EE1F7435', '44F6DC9C8326', '151645FFA225', '31EBF68660C1', '0BC531D9A1FD', '927708B6ACDF', 'FCA553D1B819', '4B048F74F3E7', '24CB17912088', '457D56541EA3', '0FF049B01070', '468D150FEC7E', '8C57C1D980FD', '159424F57C24', '2F159741CBBE', '58F2F77D8FD6', '6848515B048E', '7F1E6FE5D698', '970171A0AC8E', '831F54B2B19D', '0949D328CAC8', '413384DAACAB', '8A57EE89F26C', 'B86D09F6A43A', '45CF27F8EB92', '49CAABCFD99D', '38EA1B4F88C8', '84C6F616721B', '6058BEF565C3', 'DEB6EF459B10', '4B1EE53F33D4', '111D45750F1E', 'B1FC2FA3AFB3', '8D260545092F', '0FF781FB6050', '1F8DEBD4D55C', '623D70660238', '0D1493FDAAD3', 'E9621B1CE4F0', 'D84CB197450F', '3F6E2E7E7734', 'C8F378A4AC05', '7F7B48A486BE', '79766A7A3911', '1C1D49349242', '9C52EAA3F005', '5C89C0506A97', '8DD8AC01540E', '4D55CD8CCF85', 'D4620A5134E7', 'D5D8E7DFCF5B', '531C5AD9451A', 'A11D007DBECD', 'DE499912068F', 'C2B40B0DCC34', 'CFF21231DFEC', 'FE91D719ADAC', '8C887CDDBA32', '2BA142AF4BEF', 'D2ED07A7CE6C', '01AFEC143032', 'F789157CB6E6', '3D5C564AACDD', 'F2A3BE5019F0', '31F08BEA89C9', '2FF6A393234F', '71DFDFAB8621', 'C535ACEE801E', 'F492EFD91D3C', 'BD0A4A94AC7B', '85983B2516C5', '93B4EABFBBF3', '36BD7E8B0A6E', '3A0B15335CAE', '7BA3A439D22E', '0F5879D60008', 'DA645EE46524', '3AC9C50357E9', '1F11C3F72282', 'EC36E0BE58D8', 'B181B21A4FA6', '0FC32E083BDE', '080912B0093E', 'B50B1FFB4697', '5A3EB7A7A627', '4EA35584BB87', '986C125C24A1', 'BE58ABE09429', '8F8BCC081DC6', '8F85E4509835', '44B06B4A6D7E', 'FCF9802D7F21', 'F538469756EF', '6B6A7138292B', '2408A9D495EB', 'F21A02C66DAB', '84D2A6C75C67', 'C5B52323339E', 'DD586A625C89', '44975DEF87EC', '5B1C8A89B4DB', 'EF9D79A33BE7', '5BB702C07F75', 'BF00A0DFDA72', '4B7B7D384FFF', '2ADE4CD09C5B', '93C0100883BB', '838005D1D7DC', '9940EBE441DA', '57846986862C', '6783CF0808E5', '6141232BA814', '6910A7FECEEA', '939E66CC3A0C', 'C51E0C551CE7', '10C813389A74', 'E758B77AC952', '16180FD0AEF8', 'C3C371CA957E', '93106B20FE87', 'E30209138F4A', 'E51DC9CFC464', 'E76E617CBAA9', 'D3AFCB51AA40', '233969D3AD1C', '21EFAE02832D', 'EF1A6D00C3D1', 'DE78893DB845', 'E60CBA7670DE', '416FEFFA5DC6', '883880ACBA01', 'EAF6BCA737BD', '26C28DEA2690', '43CBE96B374E', '49083564C202', '052BD823F2E5', '011DDBA781B0', 'D6668C2DBD4D', 'BA1E2A47DC1B', '88B0F016492E', 'F788D4C475D4', '79F319143CA6', '288CB26FB8F0', 'E85C45D90D1D', '54D9E8287B96', 'DF5281802CF1', '84D821F541E7', 'EB9C5ADE320C', '0A43A08B43DA', '1CA9E28FCB00', '0E16BB8C40AE', '318C3D719F7C', 'E9E6AC0ABFB1', 'B5BFAD94E4E7', '32AA7D5E04E0', '27ACC3AD950F', 'A8BBE9026DC2', '23CC3629CEC0', 'A3EF457B5F61', 'D1FC358F8C68', '62BF23872BFE', '2568B64DB374', '25DE215F8B82', '0E8CBECB7CCB', '6F271187D67D', 'BEBB31733A38', '69E3314D361E', 'B8164EA79177', '602A632736D2', '3DAE999D059A', 'ABF30AB2C625', 'F983FFA8BB50', 'F460F653B33D', '4E0179E2F024', '6097EE3B178B', '0A7B1C9CEF07', '6C83EED20357', '9F93DDF89408', '98FD2BF096A9', '218490FD2E1B', 'C5382404A84B', 'F82207B7F26C', '203C3C0F1250', '11854A885ED6', 'B3B624F3F792', '302D33AA69E8', 'DFE2D3C4E33C', '34262AC688A1', '6DC268B2F2F3', '424419B0718B', '4C30EEDA3A8F', '04F277F6562D', '627AF801730D', '2C2C377C45D0', '905BDB331B7A', '286D497ADBEF', '45EA1B11A1F7', '1EB2AB9D50B1', '767676854264', 'F760756904D5', '35C0AB9FA522', '33E25E6A8028', 'B4CB3063482A', 'F5DD72FA313E', '435A90A63FEE', '71EF8337424C', '73886FC7FAA1', 'C739DE328A1A', '2554E3E50652', '8E98853DF374', 'A112011A5F17', '294CA62F98EC', '233A9C9D748F', '37A2E6EA2337', 'E036E3908A19', '71DFA360D5EC', '0BEF6D61E359', 'B6D833F8240B', '2017D32A0639', '1CA7B8FAA58E', 'AEFDD857A5D9', '7CF49BA27233', '91A00DFD46DC', 'E55C5624FD0E', '5E9E3C993595', '9BD314B82CC0', '16C808F5F642', '68F6A6DB3E6C', '71A434779420', '5EA13764DA34', '21B7E5DC72D6', 'EB3398FD0FF5', '902A59ECB525', '74ACC8E357FE', '301B3A868A3E', '57596DF3AD20', '30045307DB37', '878BE2C1F6FB', '871CE2BE3370', 'D8F3781C0ADC', '9B1CF41C7F5D', '121DCFFBC671', '34969C5FF82C', '440790E93DC0', 'EBE406D40544', 'C731FDC59282', '82856A9600F1', 'EB901EEC8E98', '6872BC56971B', 'DAC21768A84A', '780B8C757C48', 'E84C23AA6CF1', '7C12F166B5F3', 'D4FC7257FBA8', '6BCBEA10B6F8', 'EFB0DDC8EA77', 'B7075CD10BCC', '3FCDB5437831', 'D2C7D096655F', '1CAC3BAE4A39', 'A4FBD7A27089', '63263E72A196', '8AC33F8E9C35', '296D2E892341', 'C7AD757540AE', 'A4B47ECED161', '85C8AC30C12F', '82DEE52546A1', '47F7E409D879', 'EBA2F18D9666', '95874BE012EB', '49A315660C2E', 'DFE90DC3F01F', '39539B71D857', '2BD0B513E03D', 'AD8BBB12682E', '3193A59E5543', '7936460A2B7B', 'B8E816DA2049', '6E1194215953', '6EB681AEA81C', 'F7B9D106E6DC', '78A6A188B132', 'DE67BE4E7A3E', 'AF9079B5EF21', 'AAFC3D84F9A1', 'F3C14C00A0CD', 'FBC4F9ADED9A', '88B016E70B03', 'EB1500B8EA75', '5BC582396E5B', 'FA3E37900E3D', '077394BE6603', 'FD6E0C78E9BB', 'D840AC3957E5', 'F32665CC66E7', '69C237AC88FF', '6A11844C8AD2', 'E4DC7BF5147E', 'A6504C463F7E', 'EE440E670405', '96141BA9C7BA', 'A2291A8A41F3', '02D6A23E0CEB', 'E7741CA1BDC2', 'CEA16ADD393C', '2EB94A444839', '709EF21B80F2', 'FA87416EF173', '6B4829C2E5E2', '2761843E3DB6', '44A5406282B8', '4F822DEAEE6E', '5FB1A7C1D694', 'ED7F7B6E4C8E', '38B237B2F190', '0AA8E5C89F0F', 'F3A980C4613A', 'C4379D733479', '91A7412303BD', '6515C1CC0F57', 'AA4CF5537352', 'F6FFC6846BEC', 'D33CD8778DE7', '00F87647163F', 'A7036C8E5E6E', '2B39201EEEE0', '92A78941DF77', '8727FFFF8441', '71C6704EA7FD', 'DB0E754610DB', 'E1C5F6D592F4', '4F7E14B7D72F', '3DAE21FF789C', '8EDD5A7B2310', 'DE68828CC67E', '8A7B4B823C6E', '42B5C14AEDAA', 'F52B9A0882BB', 'C8D4EB858DA4', '1BA120ABF733', 'B0DB49483D7C', 'A3A00BA86199', 'D1A2D5B3B446', 'F8ABA40201AB', '4E07EED92E2E', 'C0E55316F183', '9986CAEDD2B7', 'E1DA1E513BE1', '18DFC8ABFA92', 'D88E55D44EAD', '0F2FF9C6091C', '00E3F86E3E6A', '7C236B88E0E6', '17B15F103D26', '86E5ADAE8206', '849BE041D1C8', '004AC288D833', '8A2EC5DE84D4', 'F6E5F858A19A', '2690D4B28188', 'ECE1DAD2A886', '66CF61A7F865', '8B7E97D3310D', '4EE35E322F9F', 'B74EC94193F8', '693503BD8CD6', 'C30B52D6E340', '179A2FE8AF05', '931D5E447FA7', '0299B6FC9E9C', '3862E2B8AD54', 'C76E52421ACB', 'F2D6B8E26072', '5A94F91C9AA4', '24AD94A6AB3E', 'DC76E46519A7', '15F149B4A87F', 'A932B7BEAC6A', '658428760D94', 'FD5AF33900D9', 'D0EEB2FA5D83', '0428DEB82659', '32E2949B0C66', '415672DB1873', '4510E0D4FDEE', '7044BE538016', '1F07CBB60940', 'ECAD3D8FAB97', '78F04BE79449', '996FD5290FB3', 'ABC648A86887', '1B2F469FBC51', '2388E2CAC922', 'A6405231F460', '3A9853B9390D', '4C1F76298E24', '08C05F2480E4', '5BED2E95A983', '6EE9F61F7CDA', 'D2851DC6AF41', 'BB705FBA29C7', '9114D5C32D36', 'E55640B069F5', '9BE033155063', 'CCF388E0F66C', '87258EA0A73C', '155CAAB3DC95', 'ABE45B3CCAD9', 'E7F67FEC3CA1', '38043B171DAC', '53B50E488C81', 'E0ED571AED2A', '7987F926DA46', '7C8C9A176F90', '40E7A7FDF48D', '3E95CBF3E357', 'C323ACC08DC7', '28DDECBB02BD', '9BC192B91D83', '759754F07F7F', 'E10D5E79B0A0', 'ECFAD2825EC6', '669C59404DC1', 'B4E8CF251A0D', 'A165288534B1', '3B067F759865', '7E7B3B164338', 'E22E187E1FF7', '9D0934987831', '4A58986914C8', '99D8B323FBB5', 'D815B0814A62', 'B867F487B9F3', 'A25945256A69', 'A885B3EA9C99', '44E1D37DCE9B', '504FFF4C522D', 'C1442695A931', '83CAAFEF8194', 'AB5D516FC4C3', '30687EEA6586', 'DE11D98D685E', 'C68A69F99946', 'C46CDD7E69A4', '710EFFD2AFE1', 'F2B82ED3AAFE', 'CA4E45151A4A', '4397809A2D94', '8E9007F863C7', '97E4E42863A3', '7348AB38D68E', '0D29A98FE8FB', '5312458F4FC2', '5E5678C3195A', 'DF9580284892', 'AB3053E08AEC', 'B150E66D6C5B', '193591CD2E86', '868D445794AB', '48C1CBC6D003', '3C7F30DAE13A', '09861D1CE966', '0FB32337D223', 'B9FFF4311016', '694238280A93', 'FC73A83CF59C', 'E6E97420C195', 'AB0F4F1767F8', '92C09304882D', 'AA6D6F1B1B54', '11F14A342E56', '743F1B934A96', 'E0D3580584ED', '3D613F2FF95F', '9EBA120196BC', 'F73ADEA6A74B', '958229D0AE9F', '899FE6A07507', '4C2FA98111DA', 'D7DF114BB271', 'D395BD24262F', 'A459492C73CE', '3901A0BB6B92', '54CB8D1DFDD0', '883E45198895', 'A99C834B122D', 'A3A08FDF9D3C', '434C1F133BA0', '5538A4817C01', 'CEFC37AFA236', 'B0D2190F7312', 'ADD3D2BDCC6B', '1A9B01EDB6C4', 'F320A6767646', 'AB59EE521967', 'A6527612255D', '7CF49F831E85', 'F71859A3B336', '4C2B18838D9D', '784E5F6EF6E1', 'F5152BBB18F6', '7D83374556C1', '5C503E0A2A01', 'C068F7168129', '506BF8E786CE', '6E6BCEE073C6', 'D698ED5E6B70', 'CEA8008D03D4', 'E286AD066204', 'F7E8813101B4', 'B39F2225875C', 'B57C860BE032', 'A817A13D651B', '6FB60C290F5A', 'F74B4B5496F0', '4354903A1D8A', 'C0916625AAB0', 'B36BDB586EEF', '363F69979EAB', '10D7845FC5D4', 'DCF72C5A4C3B', 'A5FF36F08845', '253F3DB00C5A', 'B7BC85276656', 'DBE16C234CF3', '466103CE7D5D', 'C66E655CF34A', 'FB7A0BB5DBE4', '144E2BFD59A3', 'DD861E42F43C', 'C74CBEFD0B9E', 'F1973E9DB4CF', '4BB688100D15', 'DECDC46197E4', '62EA05528EFF', '83AAAD315F57', '937CDD403137', 'A2237589F0FE', '9D9A5677B299', 'E125061E7C8A', '8A7F6AD46E4E', '98C855AF1F41', 'D47240EFB904', '2E86ACD1A766', 'E0641441E7B6', '8C928B2D6AB9', 'EC488F9F8910', '6E18981CEAAD', '871B7DB49A3F', '22FBB7ED7597', '656C7C849144', 'D97105156839', 'C5BAE31EFC62', '0C71097D3AE1', 'CE47E51746E3', '9E4100586EDC', '8F6F0CD4986A', '2E9563678CAA', '359A2C8A46C4', 'C80F42A2B53B', '11A4E36A48AF', '8B2B8A57D84B', '9ABAA03ACB4B', '19A9B6881B50', '3B7E7C18280B', '007812CC14B2', '3864A8B9C6B5', '37EA4D44939C', '9DB6D2ADE58A', 'EEB58B11D40C', '485E595428A2', '371C9C47A787', '89E73E0B8EF5', 'EC29A4F154B1', '759C3FAFA8BF', 'B2FF6A761EC9', 'F4C2261D0379', '31F19F915306', '84A0F6E847E0', '216054C99572', '7A0D5E468AB3', 'CF48D9415493', '6743F5B9985B', '51D70845DFA5', '83CEF7164BBB', '2A665076893F', 'EF478C3A8264', '1308F5C3347E', '2EEB19BB460B', 'D85A53759452', '12C119C37C62', '82D32B4D6852', '5C8E678EACDD', 'D8F3209E84CF', '505316DE125D', '1D374A0B26EA', 'B526BA896931', 'D8DBF197A624', '55664500EFAA', '8A4D99910F10', '8DA0993625FF', '229D813111B2', 'C2D8F1B0A984', '2657B9F9CCDC', 'D8C149300D31', '5CC94F3773B1', '555EC033AAE4', '37E07916B614', '0814426B27DF', 'BD300B07564D', '9B948850F6A8', '10F1ACB5559E', '95A6F680F078', '81B6F6345F55', 'E2F92BCD20E5', '7F1905176793', '8C003FEE68D7', '6F868B506EB5', 'AD0F893FA473', '20D81D1BE1A6', 'BE28ACA50D03', '6FF3C3A95428', '0527DB04DCC0', 'A9EBC5E40694', '99504CB04F5D', 'B082F1A267EE', '41BEF59908B1', '900A879708F0', 'EFAD20A5F4A0', '0F71E5F49E17', 'F0DF7FC426DB', '6A49432C3001', '672DB1A41215', '312860BEC6C5', 'B5C3DC4A876E', '04D4F9F350F6', '60772C514A37', 'AC0B87BB101A', '16364DA86C3D', 'F29E589C11F2', '54CCF07F322A', '977103A9DFE1', '5B1604AE437E', '8A1A6161F47C', '27DE9583F170', '07C7A31386A0', 'B7C3128E0973', '39B6908F453E', 'D2E2D4CCBF8C', 'CFE773F1600B', '527EB3C89F2F', 'A66B88F03338', 'B936994E140D', '497079209629', '102F13317092', 'C4ED4217DA09', '45BF01B7EF4D', '3BEFA845FC27', 'F166DA36A4A3', '8F33151F0334', 'DDA2A181F486', 'ACCD71550365'], 'df_val_eval': id discourse_id discourse_start discourse_end \\\n", + "0 A8445CABFECE 1.622576e+12 18.0 85.0 \n", + "1 A8445CABFECE 1.622576e+12 86.0 202.0 \n", + "2 A8445CABFECE 1.622576e+12 203.0 1030.0 \n", + "3 A8445CABFECE 1.622576e+12 1031.0 1243.0 \n", + "4 A97DE0D49AEA 1.622645e+12 63.0 129.0 \n", + "... ... ... ... ... \n", + "28992 0814426B27DF 1.617896e+12 1440.0 1563.0 \n", + "28993 0814426B27DF 1.617896e+12 1564.0 1955.0 \n", + "28994 0814426B27DF 1.617896e+12 1956.0 2003.0 \n", + "28995 0814426B27DF 1.617896e+12 2004.0 2075.0 \n", + "28996 0814426B27DF 1.617896e+12 2076.0 2359.0 \n", + "\n", + " discourse_text \\\n", + "0 Drivers should not be able to use phones while... \n", + "1 Drivers who used their phone while operating a... \n", + "2 According to an article by the Edgar Snyder Fi... \n", + "3 In conclusion, drivers should not able to work... \n", + "4 Driver's should desist from using their Cell ... \n", + "... ... \n", + "28992 that one of the people you asked for advice ma... \n", + "28993 Some don't think all the same things if you we... \n", + "28994 Some people will disagree with my three reasons \n", + "28995 but I don't like to listen to the people who d... \n", + "28996 Maybe this helped you maybe it didn't.\\n\\nTo s... \n", + "\n", + " discourse_type discourse_type_num \\\n", + "0 Position Position 1 \n", + "1 Claim Claim 1 \n", + "2 Evidence Evidence 1 \n", + "3 Concluding Statement Concluding Statement 1 \n", + "4 Position Position 1 \n", + "... ... ... \n", + "28992 Claim Claim 5 \n", + "28993 Evidence Evidence 3 \n", + "28994 Counterclaim Counterclaim 1 \n", + "28995 Rebuttal Rebuttal 1 \n", + "28996 Concluding Statement Concluding Statement 1 \n", + "\n", + " predictionstring \\\n", + "0 3 4 5 6 7 8 9 10 11 12 13 14 \n", + "1 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 3... \n", + "2 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 5... \n", + "3 177 178 179 180 181 182 183 184 185 186 187 18... \n", + "4 11 12 13 14 15 16 17 18 19 20 \n", + "... ... \n", + "28992 290 291 292 293 294 295 296 297 298 299 300 30... \n", + "28993 315 316 317 318 319 320 321 322 323 324 325 32... \n", + "28994 391 392 393 394 395 396 397 398 \n", + "28995 399 400 401 402 403 404 405 406 407 408 409 41... \n", + "28996 413 414 415 416 417 418 419 420 421 422 423 42... \n", + "\n", + " text_by_index new_start new_end \\\n", + "0 Drivers should not be able to use phones while... 18 86 \n", + "1 Drivers who used their phone while operating a... 86 202 \n", + "2 According to an article by the Edgar Snyder Fi... 203 1030 \n", + "3 In conclusion, drivers should not able to work... 1031 1231 \n", + "4 Driver's should desist from using their Cell ... 64 129 \n", + "... ... ... ... \n", + "28992 that one of the people you asked for advice ma... 1440 1563 \n", + "28993 Some don't think all the same things if you we... 1564 1955 \n", + "28994 Some people will disagree with my three reasons 1956 2004 \n", + "28995 but I don't like to listen to the people who d... 2004 2075 \n", + "28996 Maybe this helped you maybe it didn't.\\n\\nTo s... 2076 2359 \n", + "\n", + " text_by_new_index \\\n", + "0 Drivers should not be able to use phones while... \n", + "1 Drivers who used their phone while operating a... \n", + "2 According to an article by the Edgar Snyder Fi... \n", + "3 In conclusion, drivers should not able to work... \n", + "4 Driver's should desist from using their Cell P... \n", + "... ... \n", + "28992 that one of the people you asked for advice ma... \n", + "28993 Some don't think all the same things if you we... \n", + "28994 Some people will disagree with my three reasons \n", + "28995 but I don't like to listen to the people who d... \n", + "28996 Maybe this helped you maybe it didn't.\\n\\nTo s... \n", + "\n", + " new_predictionstring \n", + "0 3 4 5 6 7 8 9 10 11 12 13 14 \n", + "1 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 3... \n", + "2 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 5... \n", + "3 177 178 179 180 181 182 183 184 185 186 187 18... \n", + "4 11 12 13 14 15 16 17 18 19 20 \n", + "... ... \n", + "28992 290 291 292 293 294 295 296 297 298 299 300 30... \n", + "28993 315 316 317 318 319 320 321 322 323 324 325 32... \n", + "28994 391 392 393 394 395 396 397 398 \n", + "28995 399 400 401 402 403 404 405 406 407 408 409 41... \n", + "28996 413 414 415 416 417 418 419 420 421 422 423 42... \n", + "\n", + "[28997 rows x 13 columns], 'ds_val': <__main__.FeedbackPrizeDataset object at 0x7faf5a76b410>, 'dl_train': , 'dl_val': , 'best_val_loss': inf, 'criterion': CrossEntropyLoss(), 'epoch': 1, '_i29': 'try:\\n print(gc.get_referrers(model))\\n del model\\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i30': 'class KaggleDataset(Dataset):\\n \"\"\"\\n Class for loading data in batches after it has been processed\\n \"\"\"\\n def __init__(self, dataframe, tokenizer, max_length):\\n\\n super().__init__()\\n\\n # -- prepare data\\n assert sorted(dataframe.columns) == [\\'labels\\', \\'text\\'], f\"Please make sure input dataframe has the columns (text, labels)\"\\n # data must be in the correct format\\n self.inputs = dataframe.text.values\\n self.targets = dataframe.labels.values\\n if not is_string_dtype(self.inputs): raise TypeError(\\'Text data must be string type\\')\\n # TODO assertion below is bug; not deleting so remember to add correct assertions\\n #if not is_integer_dtype(self.targets): raise TypeError(\\'Label data must be integer type\\')\\n\\n # -- prepare tokenizer\\n self.tokenizer = tokenizer\\n self.max_length = max_length\\n\\n def __len__(self):\\n return len(self.inputs)\\n\\n def __getitem__(self, index):\\n # self.inputs anf self.targets must be of a type that is indexible as shown\\n inputs = self.inputs[index]\\n targets = self.targets[index]\\n\\n inputs = self.tokenizer(\\n # consider parametrising these\\n inputs.split(),\\n is_split_into_words=True, # this means that extra \\\\n should be ignored\\n padding=\\'max_length\\',\\n truncation=True,\\n max_length=self.max_length\\n )\\n\\n word_ids = inputs.word_ids()\\n word_id_mask = [word_id is not None for word_id in word_ids]\\n word_ids = [word_id for word_id in word_ids if word_id is not None]\\n\\n inputs = {\\n key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\\n }\\n targets = torch.as_tensor(targets, dtype=torch.long)\\n expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\\n expanded_targets[word_id_mask] = targets[word_ids]\\n inputs[\\'labels\\'] = expanded_targets\\n inputs[\\'word_ids\\'] = torch.tensor(word_ids, dtype=torch.long)\\n return inputs\\n\\n ', 'KaggleDataset': , '_i31': 'try:\\n print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n print(df_train.head())\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i32': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n print(df_train.head())\\n raise Exception()\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i33': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n print(df_train.head())\\n raise Exception()\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'MAPPING': {'O': 0, 'B-Lead': 1, 'B-Position': 2, 'B-Evidence': 3, 'B-Claim': 4, 'B-Concluding Statement': 5, 'B-Counterclaim': 6, 'B-Rebuttal': 7, 'I-Lead': 8, 'I-Position': 9, 'I-Evidence': 10, 'I-Claim': 11, 'I-Concluding Statement': 12, 'I-Counterclaim': 13, 'I-Rebuttal': 14}, '_i34': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i35': 'class KaggleDataset(Dataset):\\n \"\"\"\\n Class for loading data in batches after it has been processed\\n \"\"\"\\n def __init__(self, dataframe, tokenizer, max_length):\\n\\n super().__init__()\\n\\n # -- prepare data\\n assert sorted(dataframe.columns) == [\\'labels\\', \\'text\\'], f\"Please make sure input dataframe has the columns (text, labels)\"\\n # data must be in the correct format\\n self.inputs = dataframe.text.values\\n self.targets = dataframe.labels.values\\n #if not is_string_dtype(self.inputs): raise TypeError(\\'Text data must be string type\\')\\n # TODO assertion below is bug; not deleting so remember to add correct assertions\\n #if not is_integer_dtype(self.targets): raise TypeError(\\'Label data must be integer type\\')\\n\\n # -- prepare tokenizer\\n self.tokenizer = tokenizer\\n self.max_length = max_length\\n\\n def __len__(self):\\n return len(self.inputs)\\n\\n def __getitem__(self, index):\\n # self.inputs anf self.targets must be of a type that is indexible as shown\\n inputs = self.inputs[index]\\n targets = self.targets[index]\\n\\n inputs = self.tokenizer(\\n # consider parametrising these\\n inputs.split(),\\n is_split_into_words=True, # this means that extra \\\\n should be ignored\\n padding=\\'max_length\\',\\n truncation=True,\\n max_length=self.max_length\\n )\\n\\n word_ids = inputs.word_ids()\\n word_id_mask = [word_id is not None for word_id in word_ids]\\n word_ids = [word_id for word_id in word_ids if word_id is not None]\\n\\n inputs = {\\n key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\\n }\\n targets = torch.as_tensor(targets, dtype=torch.long)\\n expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\\n expanded_targets[word_id_mask] = targets[word_ids]\\n inputs[\\'labels\\'] = expanded_targets\\n inputs[\\'word_ids\\'] = torch.tensor(word_ids, dtype=torch.long)\\n return inputs\\n\\n ', '_i36': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i37': \"class FeedbackModel(nn.Module):\\n def __init__(self):\\n super(FeedbackModel, self).__init__()\\n \\n # init config of transformer model of choice:\\n # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\\n model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\\n print(model_config)\\n self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\\n \\n # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\\n self.model_config = model_config\\n self.dropout1 = nn.Dropout(0.1)\\n self.dropout2 = nn.Dropout(0.2)\\n self.dropout3 = nn.Dropout(0.3)\\n self.dropout4 = nn.Dropout(0.4)\\n self.dropout5 = nn.Dropout(0.5)\\n self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\\n \\n def forward(self, input_ids, mask):\\n x = self.backbone(input_ids, mask)\\n logits1 = self.head(self.dropout1(x[0]))\\n logits2 = self.head(self.dropout2(x[0]))\\n logits3 = self.head(self.dropout3(x[0]))\\n logits4 = self.head(self.dropout4(x[0]))\\n logits5 = self.head(self.dropout5(x[0]))\\n logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\\n return logits\", '_i38': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i39': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i40': \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(raw_logits.shape)\\n print(word_ids.shape)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n logits = active_logits(raw_logits, word_ids)\\n labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", '_i41': \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", '_i42': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i43': \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", '_i44': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i45': \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n labels = raw_labels\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", '_i46': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'model': FeedbackModel(\n", + " (backbone): LongformerModel(\n", + " (embeddings): LongformerEmbeddings(\n", + " (word_embeddings): Embedding(50265, 768, padding_idx=1)\n", + " (position_embeddings): Embedding(4098, 768, padding_idx=1)\n", + " (token_type_embeddings): Embedding(1, 768)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " (encoder): LongformerEncoder(\n", + " (layer): ModuleList(\n", + " (0): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (1): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (2): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (3): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (4): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (5): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (6): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (7): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (8): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (9): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (10): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (11): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " )\n", + " )\n", + " (pooler): LongformerPooler(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (activation): Tanh()\n", + " )\n", + " )\n", + " (dropout1): Dropout(p=0.1, inplace=False)\n", + " (dropout2): Dropout(p=0.2, inplace=False)\n", + " (dropout3): Dropout(p=0.3, inplace=False)\n", + " (dropout4): Dropout(p=0.4, inplace=False)\n", + " (dropout5): Dropout(p=0.5, inplace=False)\n", + " (head): Linear(in_features=768, out_features=15, bias=True)\n", + "), '_i47': 'try:\\n print(gc.get_referrers(model))\\n raise Exception()\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])'}, {'__name__': '__main__', '__doc__': 'Automatically created module for IPython interactive environment', '__package__': None, '__loader__': None, '__spec__': None, '__builtin__': , '__builtins__': , '_ih': ['', 'ON_COLAB = True\\nif ON_COLAB:\\n # Mount drive:\\n from google.colab import drive, files\\n # mount Google Drive\\n drive.mount(\"/content/drive\")', \"get_ipython().run_cell_magic('capture', '', '# if on Colab, we need to install missing stuff!\\\\nif ON_COLAB:\\\\n !pip install transformers\\\\n !pip install iterative-stratification\\\\n !pip install nvidia-ml-py3')\", 'import gc\\nimport os\\nimport torch\\nimport random\\nimport numpy as np\\nimport pandas as pd\\nimport torch.nn as nn\\nfrom pynvml import nvmlDeviceGetHandleByIndex, nvmlDeviceGetMemoryInfo, nvmlInit\\n\\nfrom tqdm.notebook import tqdm\\nfrom sklearn.metrics import accuracy_score\\nfrom torch.cuda.amp import autocast, GradScaler\\nfrom torch.utils.data import Dataset, DataLoader\\nfrom transformers import AutoConfig, AutoModel, AutoTokenizer\\nfrom iterstrat.ml_stratifiers import MultilabelStratifiedKFold', 'def print_gpu_utilization():\\n print(f\"GPU memory occupied: {get_gpu_utilization()} MB.\")\\n\\ndef get_gpu_utilization():\\n nvmlInit()\\n handle = nvmlDeviceGetHandleByIndex(0)\\n info = nvmlDeviceGetMemoryInfo(handle)\\n return info.used//1024**2\\n\\ndef print_summary(result):\\n print(f\"Time: {result.metrics[\\'train_runtime\\']:.2f}\")\\n print(f\"Samples/second: {result.metrics[\\'train_samples_per_second\\']:.2f}\")\\n print_gpu_utilization()\\n\\nprint_gpu_utilization()', \"if ON_COLAB:\\n get_ipython().system('cd /content/drive/MyDrive/NLP_project')\\n\\n\\n# DATA DIR ---- TO CHANGE\\nDATA_DIR = 'drive/MyDrive/NLP_project/'\", \"class HyperParameters:\\n \\n # Here we choose model type. Can be changed for others\\n name = 'longformer'\\n model_savename = 'longformer'\\n model_name = 'allenai/longformer-base-4096' # this is the most important: determines what transformer is used in training\\n \\n # Directory hyperparameters: make sure to change with what you are using! Only needed to change here\\n base_dir = DATA_DIR\\n data_dir = os.path.join(base_dir, 'data')\\n pre_data_dir = os.path.join(base_dir, 'data/preprocessed')\\n model_dir = os.path.join(base_dir, f'model/{name}')\\n output_dir = os.path.join(base_dir, f'output/{name}')\\n \\n # Training hyperparameters\\n is_debug = False\\n n_epoch = 2 # not to exceed runtime limit\\n n_fold = 5\\n verbose_steps = 500\\n random_seed = 42\\n\\n # Model specific hyperparameters\\n max_length = 1024\\n inference_max_length = 4096\\n train_batch_size = 4\\n valid_batch_size = 4\\n lr = 4e-5\\n\\n # Task hyperparameters\\n num_labels = 15\\n label_subtokens = True\\n output_hidden_states = True\\n hidden_dropout_prob = 0.1\\n layer_norm_eps = 1e-7\\n add_pooling_layer = False\\n verbose_steps = 500\\n if is_debug:\\n debug_sample = 1000\\n verbose_steps = 16\\n n_epoch = 1\\n n_fold = 2\\n\\nif not os.path.exists(HyperParameters.model_dir):\\n get_ipython().system('mkdir $HyperParameters.model_dir')\", 'IGNORE_INDEX = -100\\nNON_LABEL = -1\\nOUTPUT_LABELS = [\\'O\\', \\'B-Lead\\', \\'I-Lead\\', \\'B-Position\\', \\'I-Position\\', \\'B-Claim\\', \\'I-Claim\\', \\'B-Counterclaim\\', \\'I-Counterclaim\\', \\n \\'B-Rebuttal\\', \\'I-Rebuttal\\', \\'B-Evidence\\', \\'I-Evidence\\', \\'B-Concluding Statement\\', \\'I-Concluding Statement\\']\\nLABELS_TO_IDS = {v:k for k,v in enumerate(OUTPUT_LABELS)}\\nIDS_TO_LABELS = {k:v for k,v in enumerate(OUTPUT_LABELS)}\\n\\nMIN_THRESH = {\\n \"I-Lead\": 9,\\n \"I-Position\": 5,\\n \"I-Evidence\": 14,\\n \"I-Claim\": 3,\\n \"I-Concluding Statement\": 11,\\n \"I-Counterclaim\": 6,\\n \"I-Rebuttal\": 4,\\n}\\n\\nPROB_THRESH = {\\n \"I-Lead\": 0.7,\\n \"I-Position\": 0.55,\\n \"I-Evidence\": 0.65,\\n \"I-Claim\": 0.55,\\n \"I-Concluding Statement\": 0.7,\\n \"I-Counterclaim\": 0.5,\\n \"I-Rebuttal\": 0.55,\\n}', \"def set_seed(seed=HyperParameters.random_seed):\\n np.random.seed(seed)\\n \\n random.seed(seed)\\n \\n torch.manual_seed(seed)\\n torch.cuda.manual_seed(seed)\\n \\n torch.backends.cudnn.deterministic =True\\n torch.backends.cudnn.benchmark = False\\n\\nset_seed()\\n\\n# Set proper device\\nif torch.cuda.is_available():\\n device = torch.device('cuda')\\nelse:\\n device = torch.device('cpu')\\n\\nprint(f'Using device: {device}')\", \"df_alltrain = pd.read_csv(f'{HyperParameters.data_dir}/corrected_train.csv')\", 'def agg_essays(train_flg):\\n \"\"\"\\n Splits every word in an essay and adds the text of each essay to a dataframe.\\n \"\"\"\\n folder = \\'train\\' if train_flg else \\'test\\'\\n names, texts =[], []\\n for f in tqdm(list(os.listdir(f\\'{HyperParameters.data_dir}/{folder}\\'))):\\n names.append(f.replace(\\'.txt\\', \\'\\'))\\n texts.append(open(f\\'{HyperParameters.data_dir}/{folder}/\\' + f, \\'r\\').read())\\n df_texts = pd.DataFrame({\\'id\\': names, \\'text\\': texts})\\n\\n df_texts[\\'text_split\\'] = df_texts.text.str.split()\\n print(\\'Completed tokenizing texts.\\')\\n return df_texts', 'def ner(df_texts, df_train):\\n \"\"\"\\n Maps discourse type to each word of the text, according to the train.csv file.\\n \"\"\"\\n all_entities = []\\n for _, row in tqdm(df_texts.iterrows(), total=len(df_texts)):\\n total = len(row[\\'text_split\\'])\\n entities = [\\'O\\'] * total\\n\\n for _, row2 in df_train[df_train[\\'id\\'] == row[\\'id\\']].iterrows():\\n discourse = row2[\\'discourse_type\\']\\n list_ix = [int(x) for x in row2[\\'predictionstring\\'].split(\\' \\')]\\n entities[list_ix[0]] = f\\'B-{discourse}\\'\\n for k in list_ix[1:]: entities[k] = f\\'I-{discourse}\\'\\n all_entities.append(entities)\\n\\n df_texts[\\'entities\\'] = all_entities\\n print(\\'Completed mapping discourse to each token.\\')\\n return df_texts', 'def preprocess(df_train = None):\\n \"\"\"\\n Generates the dataframe we will use for training.\\n Splits essays into words, assigns a token name to each word, and adds everything to a dataframe.\\n \"\"\"\\n if df_train is None:\\n train_flg = False\\n else:\\n train_flg = True\\n \\n df_texts = agg_essays(train_flg)\\n\\n if train_flg:\\n df_texts = ner(df_texts, df_train)\\n return df_texts\\n\\n# Make sure we only run pre-processing if we did not do it in the past:\\n\\nif not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n alltrain_texts = preprocess(df_alltrain)\\n test_texts = preprocess()\\nelse:\\n alltrain_texts = pd.read_csv(f\"{HyperParameters.data_dir}/train_folds.csv\")', \"# Visualize preprocessing result:\\nparse_string = lambda x: [string[1:-1] for string in x[1:-1].split(', ')]\\nalltrain_texts.entities = alltrain_texts.entities.apply(parse_string)\\nalltrain_texts.text_split = alltrain_texts.text_split.apply(parse_string)\\n\\nalltrain_texts.head()\", 'if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n # Transform categorical labels to dummy variables. Group by id. Sum over dummy. \\n dfx = pd.get_dummies(df_alltrain, columns=[\"discourse_type\"]).groupby([\"id\"], as_index=False).sum()\\n\\n # Generate name for the dummy columns\\n dummy_cols = [c for c in dfx.columns if c.startswith(\"discourse_type_\") or c == \"id\" and c != \"discourse_type_num\"]\\n # dfx is now only the dataset with dummy columns selected: don\\'t need to pass the data to do the splits\\n dfx = dfx[dummy_cols]', 'if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n # Generate cross validation object\\n mskf = MultilabelStratifiedKFold(n_splits=5, shuffle=True, random_state=42)\\n\\n # Extract labels\\n labels = [c for c in dfx.columns if c != \"id\"]\\n dfx_labels = dfx[labels]\\n\\n # Dummy kfold assignment\\n dfx[\"kfold\"] = -1\\n\\n # Split\\n for fold, (trn_, val_) in enumerate(mskf.split(dfx, dfx_labels)):\\n print(len(trn_), len(val_))\\n \\n # Change the value of the kfold column at the validation index to the value of the fold\\n # This will tell us when to use the current entry in the validation set\\n dfx.loc[val_, \"kfold\"] = fold\\n\\n # merge back to original dataframe\\n alltrain_texts = alltrain_texts.merge(dfx[[\"id\", \"kfold\"]], on=\"id\", how=\"left\")\\n print(alltrain_texts.kfold.value_counts())\\n\\n # Save so next time we import it directly\\n alltrain_texts.to_csv(f\"{HyperParameters.data_dir}/train_folds.csv\", index=False)', \"# need help with this\\nclass FeedbackPrizeDataset(Dataset):\\n def __init__(self, dataframe, tokenizer, max_len, has_labels):\\n self.len = len(dataframe)\\n self.data = dataframe\\n self.tokenizer = tokenizer\\n self.max_len = max_len\\n self.has_labels = has_labels\\n \\n def __getitem__(self, index):\\n text = self.data.text[index]\\n encoding = self.tokenizer(\\n text.split(),\\n is_split_into_words = True,\\n padding = 'max_length',\\n truncation = True,\\n max_length = self.max_len\\n )\\n word_ids = encoding.word_ids()\\n\\n # targets\\n if self.has_labels:\\n word_labels = self.data.entities[index]\\n prev_word_idx = None\\n labels_ids = []\\n for word_idx in word_ids:\\n if word_idx is None:\\n labels_ids.append(IGNORE_INDEX)\\n elif word_idx != prev_word_idx:\\n labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\\n else:\\n if HyperParameters.label_subtokens:\\n labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\\n else:\\n labels_ids.append(IGNORE_INDEX)\\n prev_word_idx = word_idx\\n encoding['labels'] = labels_ids\\n # convert to torch.tensor\\n item = {k: torch.as_tensor(v) for k, v in encoding.items()}\\n word_ids2 = [w if w is not None else NON_LABEL for w in word_ids]\\n item['word_ids'] = torch.as_tensor(word_ids2)\\n return item\\n\\n def __len__(self):\\n return self.len\", \"class FeedbackModel(nn.Module):\\n def __init__(self):\\n super(FeedbackModel, self).__init__()\\n \\n # init config of transformer model of choice:\\n # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\\n model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\\n self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\\n \\n # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\\n self.model_config = model_config\\n self.dropout1 = nn.Dropout(0.1)\\n self.dropout2 = nn.Dropout(0.2)\\n self.dropout3 = nn.Dropout(0.3)\\n self.dropout4 = nn.Dropout(0.4)\\n self.dropout5 = nn.Dropout(0.5)\\n self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\\n \\n def forward(self, input_ids, mask):\\n x = self.backbone(input_ids, mask)\\n logits1 = self.head(self.dropout1(x[0]))\\n logits2 = self.head(self.dropout2(x[0]))\\n logits3 = self.head(self.dropout3(x[0]))\\n logits4 = self.head(self.dropout4(x[0]))\\n logits5 = self.head(self.dropout5(x[0]))\\n logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\\n return logits\", 'def build_model_tokenizer():\\n tokenizer = AutoTokenizer.from_pretrained(HyperParameters.model_name, add_prefix_space = True)\\n model = FeedbackModel()\\n return model, tokenizer', '# Need help with this: used in training to transform raw logits to labels needed\\ndef active_logits(raw_logits, word_ids):\\n word_ids = word_ids.view(-1)\\n active_mask = word_ids.unsqueeze(1).expand(word_ids.shape[0], HyperParameters.num_labels)\\n active_mask = active_mask != NON_LABEL\\n active_logits = raw_logits.view(-1, HyperParameters.num_labels)\\n active_logits = torch.masked_select(active_logits, active_mask) # return 1dTensor\\n active_logits = active_logits.view(-1, HyperParameters.num_labels) \\n return active_logits\\n\\ndef active_labels(labels):\\n active_mask = labels.view(-1) != IGNORE_INDEX\\n active_labels = torch.masked_select(labels.view(-1), active_mask)\\n return active_labels\\n\\ndef active_preds_prob(active_logits):\\n active_preds = torch.argmax(active_logits, axis = 1)\\n active_preds_prob, _ = torch.max(active_logits, axis = 1)\\n return active_preds, active_preds_prob', 'def calculate_overlap(set_pred, set_gt):\\n \"\"\"\\n Calculates if the overlap between prediction and\\n ground truth is enough fora potential True positive\\n \"\"\"\\n # Length of each and intersection\\n try:\\n len_gt = len(set_gt)\\n len_pred = len(set_pred)\\n inter = len(set_gt & set_pred)\\n overlap_1 = inter / len_gt\\n overlap_2 = inter/ len_pred\\n return overlap_1 >= 0.5 and overlap_2 >= 0.5\\n except: # at least one of the input is NaN\\n return False\\n\\ndef score_feedback_comp_micro(pred_df, gt_df, discourse_type):\\n \"\"\"\\n A function that scores for the kaggle\\n Student Writing Competition\\n \\n Uses the steps in the evaluation page here:\\n https://www.kaggle.com/c/feedback-prize-2021/overview/evaluation\\n \"\"\"\\n gt_df = gt_df.loc[gt_df[\\'discourse_type\\'] == discourse_type, \\n [\\'id\\', \\'predictionstring\\']].reset_index(drop=True)\\n pred_df = pred_df.loc[pred_df[\\'class\\'] == discourse_type,\\n [\\'id\\', \\'predictionstring\\']].reset_index(drop=True)\\n pred_df[\\'pred_id\\'] = pred_df.index\\n gt_df[\\'gt_id\\'] = gt_df.index\\n pred_df[\\'predictionstring\\'] = [set(pred.split(\\' \\')) for pred in pred_df[\\'predictionstring\\']]\\n gt_df[\\'predictionstring\\'] = [set(pred.split(\\' \\')) for pred in gt_df[\\'predictionstring\\']]\\n \\n # Step 1. all ground truths and predictions for a given class are compared.\\n joined = pred_df.merge(gt_df,\\n left_on=\\'id\\',\\n right_on=\\'id\\',\\n how=\\'outer\\',\\n suffixes=(\\'_pred\\',\\'_gt\\')\\n )\\n overlaps = [calculate_overlap(*args) for args in zip(joined.predictionstring_pred, \\n joined.predictionstring_gt)]\\n \\n # 2. If the overlap between the ground truth and prediction is >= 0.5, \\n # and the overlap between the prediction and the ground truth >= 0.5,\\n # the prediction is a match and considered a true positive.\\n # If multiple matches exist, the match with the highest pair of overlaps is taken.\\n # we don\\'t need to compute the match to compute the score\\n TP = joined.loc[overlaps][\\'gt_id\\'].nunique()\\n\\n # 3. Any unmatched ground truths are false negatives\\n # and any unmatched predictions are false positives.\\n TPandFP = len(pred_df)\\n TPandFN = len(gt_df)\\n \\n #calc microf1\\n my_f1_score = 2*TP / (TPandFP + TPandFN)\\n return my_f1_score\\n\\ndef score_feedback_comp(pred_df, gt_df, return_class_scores=False):\\n \"\"\"\\n Final helper function for model evaluation.\\n \\n Args:\\n pred_df (pandas.DataFrame): dataframe containing model predictions. Needs to have columns: [\\'id\\',\\'class\\',\\'predictionstring\\']\\n gt_df (pandas.DataFrame): dataframe of ground truth used for model training\\n return_class_scores (bool): Boolean indicating if we want to return the F1 score for each predicted class.\\n \\n Returns:\\n f1 (float): F1 score of the model\\n (optional) class_scores (dict): Dictionary of per-class F1 score\\n \"\"\"\\n class_scores = {}\\n for discourse_type in gt_df.discourse_type.unique():\\n class_score = score_feedback_comp_micro(pred_df, gt_df, discourse_type)\\n class_scores[discourse_type] = class_score\\n f1 = np.mean([v for v in class_scores.values()])\\n if return_class_scores:\\n return f1, class_scores\\n return f1', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n logits = active_logits(raw_logits, word_ids)\\n labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n \\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'def valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion):\\n oof, valid_loss, valid_acc = get_preds_onefold(model, df_val, dl_val, criterion, valid_flg=True)\\n f1score =[]\\n # classes = oof[\\'class\\'].unique()\\n classes = [\\'Lead\\', \\'Position\\', \\'Claim\\',\\'Counterclaim\\', \\'Rebuttal\\',\\'Evidence\\',\\'Concluding Statement\\']\\n print(f\"Validation F1 scores\")\\n\\n for c in classes:\\n pred_df = oof.loc[oof[\\'class\\'] == c].copy()\\n gt_df = df_val_eval.loc[df_val_eval[\\'discourse_type\\'] == c].copy()\\n f1 = score_feedback_comp(pred_df, gt_df)\\n print(f\\' * {c:<10}: {f1:4f}\\')\\n f1score.append(f1)\\n f1avg = np.mean(f1score)\\n print(f\\'Overall Validation avg F1: {f1avg:.4f} val_loss:{valid_loss:.4f} val_accuracy:{valid_acc:.4f}\\')\\n return valid_loss, oof', 'def inference(model, data_loader, criterion, valid_flg):\\n stream = tqdm(data_loader)\\n model.eval()\\n \\n valid_loss = 0\\n valid_accuracy = 0\\n all_logits = None\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch[\\'input_ids\\'].to(device, dtype = torch.long)\\n mask = batch[\\'attention_mask\\'].to(device, dtype = torch.long)\\n with torch.no_grad():\\n raw_logits = model(input_ids=ids, mask = mask)\\n del ids, mask\\n \\n word_ids = batch[\\'word_ids\\'].to(device, dtype = torch.long)\\n logits = active_logits(raw_logits, word_ids)\\n sf_logits = torch.softmax(logits, dim= -1)\\n sf_raw_logits = torch.softmax(raw_logits, dim=-1)\\n if valid_flg: \\n raw_labels = batch[\\'labels\\'].to(device, dtype = torch.long)\\n labels = active_labels(raw_labels)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n valid_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n loss = criterion(logits, labels)\\n valid_loss += loss.item()\\n \\n if batch_idx == 1:\\n all_logits = sf_raw_logits.cpu().numpy()\\n else:\\n all_logits = np.append(all_logits, sf_raw_logits.cpu().numpy(), axis=0)\\n\\n \\n if valid_flg: \\n epoch_loss = valid_loss / batch_idx\\n epoch_accuracy = valid_accuracy / batch_idx\\n else:\\n epoch_loss, epoch_accuracy = 0, 0\\n return all_logits, epoch_loss, epoch_accuracy\\n\\n\\ndef preds_class_prob(all_logits, data_loader):\\n print(\"predict target class and its probabilty\")\\n final_predictions = []\\n final_predictions_score = []\\n stream = tqdm(data_loader)\\n len_sample = all_logits.shape[0]\\n\\n for batch_idx, batch in enumerate(stream, start=0):\\n for minibatch_idx in range(HyperParameters.valid_batch_size):\\n sample_idx = int(batch_idx * HyperParameters.valid_batch_size + minibatch_idx)\\n if sample_idx > len_sample - 1 : break\\n word_ids = batch[\\'word_ids\\'][minibatch_idx].numpy()\\n predictions =[]\\n predictions_prob = []\\n pred_class_id = np.argmax(all_logits[sample_idx], axis=1)\\n pred_score = np.max(all_logits[sample_idx], axis=1)\\n pred_class_labels = [IDS_TO_LABELS[i] for i in pred_class_id]\\n prev_word_idx = -1\\n for idx, word_idx in enumerate(word_ids):\\n if word_idx == -1:\\n pass\\n elif word_idx != prev_word_idx:\\n predictions.append(pred_class_labels[idx])\\n predictions_prob.append(pred_score[idx])\\n prev_word_idx = word_idx\\n final_predictions.append(predictions)\\n final_predictions_score.append(predictions_prob)\\n return final_predictions, final_predictions_score', 'def get_preds_onefold(model, df, dl, criterion, valid_flg):\\n logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\\n all_preds, all_preds_prob = preds_class_prob(logits, dl)\\n df_pred = post_process_pred(df, all_preds, all_preds_prob)\\n return df_pred, valid_loss, valid_acc\\n\\ndef get_preds_folds(model, df, dl, criterion, valid_flg=False):\\n for i_fold in range(HyperParameters.n_fold):\\n model_filename = os.path.join(HyperParameters.model_dir, f\"{HyperParameters.model_savename}_{i_fold}.bin\")\\n print(f\"{model_filename} inference\")\\n model = model.to(device)\\n model.load_state_dict(torch.load(model_filename))\\n logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\\n if i_fold == 0:\\n avg_pred_logits = logits\\n else:\\n avg_pred_logits += logits\\n avg_pred_logits /= HyperParameters.n_fold\\n all_preds, all_preds_prob = preds_class_prob(avg_pred_logits, dl)\\n df_pred = post_process_pred(df, all_preds, all_preds_prob)\\n return df_pred\\n\\ndef post_process_pred(df, all_preds, all_preds_prob):\\n final_preds = []\\n for i in range(len(df)):\\n idx = df.id.values[i]\\n pred = all_preds[i]\\n pred_prob = all_preds_prob[i]\\n j = 0\\n while j < len(pred):\\n cls = pred[j]\\n if cls == \\'O\\': j += 1\\n else: cls = cls.replace(\\'B\\', \\'I\\')\\n end = j + 1\\n while end < len(pred) and pred[end] == cls:\\n end += 1\\n if cls != \\'O\\' and cls !=\\'\\':\\n avg_score = np.mean(pred_prob[j:end])\\n if end - j > MIN_THRESH[cls] and avg_score > PROB_THRESH[cls]:\\n final_preds.append((idx, cls.replace(\\'I-\\', \\'\\'), \\' \\'.join(map(str, list(range(j, end))))))\\n j = end\\n df_pred = pd.DataFrame(final_preds)\\n df_pred.columns = [\\'id\\', \\'class\\', \\'new_predictionstring\\']\\n return df_pred', 'print_gpu_utilization()', 'def pretty_size(size):\\n\\t\"\"\"Pretty prints a torch.Size object\"\"\"\\n\\tassert(isinstance(size, torch.Size))\\n\\treturn \" × \".join(map(str, size))\\n\\ndef dump_tensors(gpu_only=True):\\n\\t\"\"\"Prints a list of the Tensors being tracked by the garbage collector.\"\"\"\\n\\timport gc\\n\\ttotal_size = 0\\n\\tfor obj in gc.get_objects():\\n\\t\\ttry:\\n\\t\\t\\tif torch.is_tensor(obj):\\n\\t\\t\\t\\tif not gpu_only or obj.is_cuda:\\n\\t\\t\\t\\t\\tprint(\"%s:%s%s %s\" % (type(obj).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" GPU\" if obj.is_cuda else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" pinned\" if obj.is_pinned else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t pretty_size(obj.size())))\\n\\t\\t\\t\\t\\ttotal_size += obj.numel()\\n\\t\\t\\telif hasattr(obj, \"data\") and torch.is_tensor(obj.data):\\n\\t\\t\\t\\tif not gpu_only or obj.is_cuda:\\n\\t\\t\\t\\t\\tprint(\"%s → %s:%s%s%s%s %s\" % (type(obj).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t type(obj.data).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" GPU\" if obj.is_cuda else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" pinned\" if obj.data.is_pinned else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" grad\" if obj.requires_grad else \"\", \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" volatile\" if obj.volatile else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t pretty_size(obj.data.size())))\\n\\t\\t\\t\\t\\ttotal_size += obj.data.numel()\\n\\t\\texcept Exception as e:\\n\\t\\t\\tpass \\n\\tprint(\"Total size:\", total_size)', 'dump_tensors()', 'try:\\n print(gc.get_referrers(model))\\n del model\\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n print(gc.get_referrers(model))\\n del model\\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'class KaggleDataset(Dataset):\\n \"\"\"\\n Class for loading data in batches after it has been processed\\n \"\"\"\\n def __init__(self, dataframe, tokenizer, max_length):\\n\\n super().__init__()\\n\\n # -- prepare data\\n assert sorted(dataframe.columns) == [\\'labels\\', \\'text\\'], f\"Please make sure input dataframe has the columns (text, labels)\"\\n # data must be in the correct format\\n self.inputs = dataframe.text.values\\n self.targets = dataframe.labels.values\\n if not is_string_dtype(self.inputs): raise TypeError(\\'Text data must be string type\\')\\n # TODO assertion below is bug; not deleting so remember to add correct assertions\\n #if not is_integer_dtype(self.targets): raise TypeError(\\'Label data must be integer type\\')\\n\\n # -- prepare tokenizer\\n self.tokenizer = tokenizer\\n self.max_length = max_length\\n\\n def __len__(self):\\n return len(self.inputs)\\n\\n def __getitem__(self, index):\\n # self.inputs anf self.targets must be of a type that is indexible as shown\\n inputs = self.inputs[index]\\n targets = self.targets[index]\\n\\n inputs = self.tokenizer(\\n # consider parametrising these\\n inputs.split(),\\n is_split_into_words=True, # this means that extra \\\\n should be ignored\\n padding=\\'max_length\\',\\n truncation=True,\\n max_length=self.max_length\\n )\\n\\n word_ids = inputs.word_ids()\\n word_id_mask = [word_id is not None for word_id in word_ids]\\n word_ids = [word_id for word_id in word_ids if word_id is not None]\\n\\n inputs = {\\n key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\\n }\\n targets = torch.as_tensor(targets, dtype=torch.long)\\n expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\\n expanded_targets[word_id_mask] = targets[word_ids]\\n inputs[\\'labels\\'] = expanded_targets\\n inputs[\\'word_ids\\'] = torch.tensor(word_ids, dtype=torch.long)\\n return inputs\\n\\n ', 'try:\\n print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n print(df_train.head())\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n print(df_train.head())\\n raise Exception()\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n print(df_train.head())\\n raise Exception()\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'class KaggleDataset(Dataset):\\n \"\"\"\\n Class for loading data in batches after it has been processed\\n \"\"\"\\n def __init__(self, dataframe, tokenizer, max_length):\\n\\n super().__init__()\\n\\n # -- prepare data\\n assert sorted(dataframe.columns) == [\\'labels\\', \\'text\\'], f\"Please make sure input dataframe has the columns (text, labels)\"\\n # data must be in the correct format\\n self.inputs = dataframe.text.values\\n self.targets = dataframe.labels.values\\n #if not is_string_dtype(self.inputs): raise TypeError(\\'Text data must be string type\\')\\n # TODO assertion below is bug; not deleting so remember to add correct assertions\\n #if not is_integer_dtype(self.targets): raise TypeError(\\'Label data must be integer type\\')\\n\\n # -- prepare tokenizer\\n self.tokenizer = tokenizer\\n self.max_length = max_length\\n\\n def __len__(self):\\n return len(self.inputs)\\n\\n def __getitem__(self, index):\\n # self.inputs anf self.targets must be of a type that is indexible as shown\\n inputs = self.inputs[index]\\n targets = self.targets[index]\\n\\n inputs = self.tokenizer(\\n # consider parametrising these\\n inputs.split(),\\n is_split_into_words=True, # this means that extra \\\\n should be ignored\\n padding=\\'max_length\\',\\n truncation=True,\\n max_length=self.max_length\\n )\\n\\n word_ids = inputs.word_ids()\\n word_id_mask = [word_id is not None for word_id in word_ids]\\n word_ids = [word_id for word_id in word_ids if word_id is not None]\\n\\n inputs = {\\n key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\\n }\\n targets = torch.as_tensor(targets, dtype=torch.long)\\n expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\\n expanded_targets[word_id_mask] = targets[word_ids]\\n inputs[\\'labels\\'] = expanded_targets\\n inputs[\\'word_ids\\'] = torch.tensor(word_ids, dtype=torch.long)\\n return inputs\\n\\n ', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"class FeedbackModel(nn.Module):\\n def __init__(self):\\n super(FeedbackModel, self).__init__()\\n \\n # init config of transformer model of choice:\\n # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\\n model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\\n print(model_config)\\n self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\\n \\n # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\\n self.model_config = model_config\\n self.dropout1 = nn.Dropout(0.1)\\n self.dropout2 = nn.Dropout(0.2)\\n self.dropout3 = nn.Dropout(0.3)\\n self.dropout4 = nn.Dropout(0.4)\\n self.dropout5 = nn.Dropout(0.5)\\n self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\\n \\n def forward(self, input_ids, mask):\\n x = self.backbone(input_ids, mask)\\n logits1 = self.head(self.dropout1(x[0]))\\n logits2 = self.head(self.dropout2(x[0]))\\n logits3 = self.head(self.dropout3(x[0]))\\n logits4 = self.head(self.dropout4(x[0]))\\n logits5 = self.head(self.dropout5(x[0]))\\n logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\\n return logits\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(raw_logits.shape)\\n print(word_ids.shape)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n logits = active_logits(raw_logits, word_ids)\\n labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n labels = raw_labels\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n print(gc.get_referrers(model))\\n raise Exception()\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])'], '_oh': {13: id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "\n", + " entities kfold \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 }, '_dh': ['/content'], '_sh': , 'In': ['', 'ON_COLAB = True\\nif ON_COLAB:\\n # Mount drive:\\n from google.colab import drive, files\\n # mount Google Drive\\n drive.mount(\"/content/drive\")', \"get_ipython().run_cell_magic('capture', '', '# if on Colab, we need to install missing stuff!\\\\nif ON_COLAB:\\\\n !pip install transformers\\\\n !pip install iterative-stratification\\\\n !pip install nvidia-ml-py3')\", 'import gc\\nimport os\\nimport torch\\nimport random\\nimport numpy as np\\nimport pandas as pd\\nimport torch.nn as nn\\nfrom pynvml import nvmlDeviceGetHandleByIndex, nvmlDeviceGetMemoryInfo, nvmlInit\\n\\nfrom tqdm.notebook import tqdm\\nfrom sklearn.metrics import accuracy_score\\nfrom torch.cuda.amp import autocast, GradScaler\\nfrom torch.utils.data import Dataset, DataLoader\\nfrom transformers import AutoConfig, AutoModel, AutoTokenizer\\nfrom iterstrat.ml_stratifiers import MultilabelStratifiedKFold', 'def print_gpu_utilization():\\n print(f\"GPU memory occupied: {get_gpu_utilization()} MB.\")\\n\\ndef get_gpu_utilization():\\n nvmlInit()\\n handle = nvmlDeviceGetHandleByIndex(0)\\n info = nvmlDeviceGetMemoryInfo(handle)\\n return info.used//1024**2\\n\\ndef print_summary(result):\\n print(f\"Time: {result.metrics[\\'train_runtime\\']:.2f}\")\\n print(f\"Samples/second: {result.metrics[\\'train_samples_per_second\\']:.2f}\")\\n print_gpu_utilization()\\n\\nprint_gpu_utilization()', \"if ON_COLAB:\\n get_ipython().system('cd /content/drive/MyDrive/NLP_project')\\n\\n\\n# DATA DIR ---- TO CHANGE\\nDATA_DIR = 'drive/MyDrive/NLP_project/'\", \"class HyperParameters:\\n \\n # Here we choose model type. Can be changed for others\\n name = 'longformer'\\n model_savename = 'longformer'\\n model_name = 'allenai/longformer-base-4096' # this is the most important: determines what transformer is used in training\\n \\n # Directory hyperparameters: make sure to change with what you are using! Only needed to change here\\n base_dir = DATA_DIR\\n data_dir = os.path.join(base_dir, 'data')\\n pre_data_dir = os.path.join(base_dir, 'data/preprocessed')\\n model_dir = os.path.join(base_dir, f'model/{name}')\\n output_dir = os.path.join(base_dir, f'output/{name}')\\n \\n # Training hyperparameters\\n is_debug = False\\n n_epoch = 2 # not to exceed runtime limit\\n n_fold = 5\\n verbose_steps = 500\\n random_seed = 42\\n\\n # Model specific hyperparameters\\n max_length = 1024\\n inference_max_length = 4096\\n train_batch_size = 4\\n valid_batch_size = 4\\n lr = 4e-5\\n\\n # Task hyperparameters\\n num_labels = 15\\n label_subtokens = True\\n output_hidden_states = True\\n hidden_dropout_prob = 0.1\\n layer_norm_eps = 1e-7\\n add_pooling_layer = False\\n verbose_steps = 500\\n if is_debug:\\n debug_sample = 1000\\n verbose_steps = 16\\n n_epoch = 1\\n n_fold = 2\\n\\nif not os.path.exists(HyperParameters.model_dir):\\n get_ipython().system('mkdir $HyperParameters.model_dir')\", 'IGNORE_INDEX = -100\\nNON_LABEL = -1\\nOUTPUT_LABELS = [\\'O\\', \\'B-Lead\\', \\'I-Lead\\', \\'B-Position\\', \\'I-Position\\', \\'B-Claim\\', \\'I-Claim\\', \\'B-Counterclaim\\', \\'I-Counterclaim\\', \\n \\'B-Rebuttal\\', \\'I-Rebuttal\\', \\'B-Evidence\\', \\'I-Evidence\\', \\'B-Concluding Statement\\', \\'I-Concluding Statement\\']\\nLABELS_TO_IDS = {v:k for k,v in enumerate(OUTPUT_LABELS)}\\nIDS_TO_LABELS = {k:v for k,v in enumerate(OUTPUT_LABELS)}\\n\\nMIN_THRESH = {\\n \"I-Lead\": 9,\\n \"I-Position\": 5,\\n \"I-Evidence\": 14,\\n \"I-Claim\": 3,\\n \"I-Concluding Statement\": 11,\\n \"I-Counterclaim\": 6,\\n \"I-Rebuttal\": 4,\\n}\\n\\nPROB_THRESH = {\\n \"I-Lead\": 0.7,\\n \"I-Position\": 0.55,\\n \"I-Evidence\": 0.65,\\n \"I-Claim\": 0.55,\\n \"I-Concluding Statement\": 0.7,\\n \"I-Counterclaim\": 0.5,\\n \"I-Rebuttal\": 0.55,\\n}', \"def set_seed(seed=HyperParameters.random_seed):\\n np.random.seed(seed)\\n \\n random.seed(seed)\\n \\n torch.manual_seed(seed)\\n torch.cuda.manual_seed(seed)\\n \\n torch.backends.cudnn.deterministic =True\\n torch.backends.cudnn.benchmark = False\\n\\nset_seed()\\n\\n# Set proper device\\nif torch.cuda.is_available():\\n device = torch.device('cuda')\\nelse:\\n device = torch.device('cpu')\\n\\nprint(f'Using device: {device}')\", \"df_alltrain = pd.read_csv(f'{HyperParameters.data_dir}/corrected_train.csv')\", 'def agg_essays(train_flg):\\n \"\"\"\\n Splits every word in an essay and adds the text of each essay to a dataframe.\\n \"\"\"\\n folder = \\'train\\' if train_flg else \\'test\\'\\n names, texts =[], []\\n for f in tqdm(list(os.listdir(f\\'{HyperParameters.data_dir}/{folder}\\'))):\\n names.append(f.replace(\\'.txt\\', \\'\\'))\\n texts.append(open(f\\'{HyperParameters.data_dir}/{folder}/\\' + f, \\'r\\').read())\\n df_texts = pd.DataFrame({\\'id\\': names, \\'text\\': texts})\\n\\n df_texts[\\'text_split\\'] = df_texts.text.str.split()\\n print(\\'Completed tokenizing texts.\\')\\n return df_texts', 'def ner(df_texts, df_train):\\n \"\"\"\\n Maps discourse type to each word of the text, according to the train.csv file.\\n \"\"\"\\n all_entities = []\\n for _, row in tqdm(df_texts.iterrows(), total=len(df_texts)):\\n total = len(row[\\'text_split\\'])\\n entities = [\\'O\\'] * total\\n\\n for _, row2 in df_train[df_train[\\'id\\'] == row[\\'id\\']].iterrows():\\n discourse = row2[\\'discourse_type\\']\\n list_ix = [int(x) for x in row2[\\'predictionstring\\'].split(\\' \\')]\\n entities[list_ix[0]] = f\\'B-{discourse}\\'\\n for k in list_ix[1:]: entities[k] = f\\'I-{discourse}\\'\\n all_entities.append(entities)\\n\\n df_texts[\\'entities\\'] = all_entities\\n print(\\'Completed mapping discourse to each token.\\')\\n return df_texts', 'def preprocess(df_train = None):\\n \"\"\"\\n Generates the dataframe we will use for training.\\n Splits essays into words, assigns a token name to each word, and adds everything to a dataframe.\\n \"\"\"\\n if df_train is None:\\n train_flg = False\\n else:\\n train_flg = True\\n \\n df_texts = agg_essays(train_flg)\\n\\n if train_flg:\\n df_texts = ner(df_texts, df_train)\\n return df_texts\\n\\n# Make sure we only run pre-processing if we did not do it in the past:\\n\\nif not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n alltrain_texts = preprocess(df_alltrain)\\n test_texts = preprocess()\\nelse:\\n alltrain_texts = pd.read_csv(f\"{HyperParameters.data_dir}/train_folds.csv\")', \"# Visualize preprocessing result:\\nparse_string = lambda x: [string[1:-1] for string in x[1:-1].split(', ')]\\nalltrain_texts.entities = alltrain_texts.entities.apply(parse_string)\\nalltrain_texts.text_split = alltrain_texts.text_split.apply(parse_string)\\n\\nalltrain_texts.head()\", 'if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n # Transform categorical labels to dummy variables. Group by id. Sum over dummy. \\n dfx = pd.get_dummies(df_alltrain, columns=[\"discourse_type\"]).groupby([\"id\"], as_index=False).sum()\\n\\n # Generate name for the dummy columns\\n dummy_cols = [c for c in dfx.columns if c.startswith(\"discourse_type_\") or c == \"id\" and c != \"discourse_type_num\"]\\n # dfx is now only the dataset with dummy columns selected: don\\'t need to pass the data to do the splits\\n dfx = dfx[dummy_cols]', 'if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n # Generate cross validation object\\n mskf = MultilabelStratifiedKFold(n_splits=5, shuffle=True, random_state=42)\\n\\n # Extract labels\\n labels = [c for c in dfx.columns if c != \"id\"]\\n dfx_labels = dfx[labels]\\n\\n # Dummy kfold assignment\\n dfx[\"kfold\"] = -1\\n\\n # Split\\n for fold, (trn_, val_) in enumerate(mskf.split(dfx, dfx_labels)):\\n print(len(trn_), len(val_))\\n \\n # Change the value of the kfold column at the validation index to the value of the fold\\n # This will tell us when to use the current entry in the validation set\\n dfx.loc[val_, \"kfold\"] = fold\\n\\n # merge back to original dataframe\\n alltrain_texts = alltrain_texts.merge(dfx[[\"id\", \"kfold\"]], on=\"id\", how=\"left\")\\n print(alltrain_texts.kfold.value_counts())\\n\\n # Save so next time we import it directly\\n alltrain_texts.to_csv(f\"{HyperParameters.data_dir}/train_folds.csv\", index=False)', \"# need help with this\\nclass FeedbackPrizeDataset(Dataset):\\n def __init__(self, dataframe, tokenizer, max_len, has_labels):\\n self.len = len(dataframe)\\n self.data = dataframe\\n self.tokenizer = tokenizer\\n self.max_len = max_len\\n self.has_labels = has_labels\\n \\n def __getitem__(self, index):\\n text = self.data.text[index]\\n encoding = self.tokenizer(\\n text.split(),\\n is_split_into_words = True,\\n padding = 'max_length',\\n truncation = True,\\n max_length = self.max_len\\n )\\n word_ids = encoding.word_ids()\\n\\n # targets\\n if self.has_labels:\\n word_labels = self.data.entities[index]\\n prev_word_idx = None\\n labels_ids = []\\n for word_idx in word_ids:\\n if word_idx is None:\\n labels_ids.append(IGNORE_INDEX)\\n elif word_idx != prev_word_idx:\\n labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\\n else:\\n if HyperParameters.label_subtokens:\\n labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\\n else:\\n labels_ids.append(IGNORE_INDEX)\\n prev_word_idx = word_idx\\n encoding['labels'] = labels_ids\\n # convert to torch.tensor\\n item = {k: torch.as_tensor(v) for k, v in encoding.items()}\\n word_ids2 = [w if w is not None else NON_LABEL for w in word_ids]\\n item['word_ids'] = torch.as_tensor(word_ids2)\\n return item\\n\\n def __len__(self):\\n return self.len\", \"class FeedbackModel(nn.Module):\\n def __init__(self):\\n super(FeedbackModel, self).__init__()\\n \\n # init config of transformer model of choice:\\n # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\\n model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\\n self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\\n \\n # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\\n self.model_config = model_config\\n self.dropout1 = nn.Dropout(0.1)\\n self.dropout2 = nn.Dropout(0.2)\\n self.dropout3 = nn.Dropout(0.3)\\n self.dropout4 = nn.Dropout(0.4)\\n self.dropout5 = nn.Dropout(0.5)\\n self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\\n \\n def forward(self, input_ids, mask):\\n x = self.backbone(input_ids, mask)\\n logits1 = self.head(self.dropout1(x[0]))\\n logits2 = self.head(self.dropout2(x[0]))\\n logits3 = self.head(self.dropout3(x[0]))\\n logits4 = self.head(self.dropout4(x[0]))\\n logits5 = self.head(self.dropout5(x[0]))\\n logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\\n return logits\", 'def build_model_tokenizer():\\n tokenizer = AutoTokenizer.from_pretrained(HyperParameters.model_name, add_prefix_space = True)\\n model = FeedbackModel()\\n return model, tokenizer', '# Need help with this: used in training to transform raw logits to labels needed\\ndef active_logits(raw_logits, word_ids):\\n word_ids = word_ids.view(-1)\\n active_mask = word_ids.unsqueeze(1).expand(word_ids.shape[0], HyperParameters.num_labels)\\n active_mask = active_mask != NON_LABEL\\n active_logits = raw_logits.view(-1, HyperParameters.num_labels)\\n active_logits = torch.masked_select(active_logits, active_mask) # return 1dTensor\\n active_logits = active_logits.view(-1, HyperParameters.num_labels) \\n return active_logits\\n\\ndef active_labels(labels):\\n active_mask = labels.view(-1) != IGNORE_INDEX\\n active_labels = torch.masked_select(labels.view(-1), active_mask)\\n return active_labels\\n\\ndef active_preds_prob(active_logits):\\n active_preds = torch.argmax(active_logits, axis = 1)\\n active_preds_prob, _ = torch.max(active_logits, axis = 1)\\n return active_preds, active_preds_prob', 'def calculate_overlap(set_pred, set_gt):\\n \"\"\"\\n Calculates if the overlap between prediction and\\n ground truth is enough fora potential True positive\\n \"\"\"\\n # Length of each and intersection\\n try:\\n len_gt = len(set_gt)\\n len_pred = len(set_pred)\\n inter = len(set_gt & set_pred)\\n overlap_1 = inter / len_gt\\n overlap_2 = inter/ len_pred\\n return overlap_1 >= 0.5 and overlap_2 >= 0.5\\n except: # at least one of the input is NaN\\n return False\\n\\ndef score_feedback_comp_micro(pred_df, gt_df, discourse_type):\\n \"\"\"\\n A function that scores for the kaggle\\n Student Writing Competition\\n \\n Uses the steps in the evaluation page here:\\n https://www.kaggle.com/c/feedback-prize-2021/overview/evaluation\\n \"\"\"\\n gt_df = gt_df.loc[gt_df[\\'discourse_type\\'] == discourse_type, \\n [\\'id\\', \\'predictionstring\\']].reset_index(drop=True)\\n pred_df = pred_df.loc[pred_df[\\'class\\'] == discourse_type,\\n [\\'id\\', \\'predictionstring\\']].reset_index(drop=True)\\n pred_df[\\'pred_id\\'] = pred_df.index\\n gt_df[\\'gt_id\\'] = gt_df.index\\n pred_df[\\'predictionstring\\'] = [set(pred.split(\\' \\')) for pred in pred_df[\\'predictionstring\\']]\\n gt_df[\\'predictionstring\\'] = [set(pred.split(\\' \\')) for pred in gt_df[\\'predictionstring\\']]\\n \\n # Step 1. all ground truths and predictions for a given class are compared.\\n joined = pred_df.merge(gt_df,\\n left_on=\\'id\\',\\n right_on=\\'id\\',\\n how=\\'outer\\',\\n suffixes=(\\'_pred\\',\\'_gt\\')\\n )\\n overlaps = [calculate_overlap(*args) for args in zip(joined.predictionstring_pred, \\n joined.predictionstring_gt)]\\n \\n # 2. If the overlap between the ground truth and prediction is >= 0.5, \\n # and the overlap between the prediction and the ground truth >= 0.5,\\n # the prediction is a match and considered a true positive.\\n # If multiple matches exist, the match with the highest pair of overlaps is taken.\\n # we don\\'t need to compute the match to compute the score\\n TP = joined.loc[overlaps][\\'gt_id\\'].nunique()\\n\\n # 3. Any unmatched ground truths are false negatives\\n # and any unmatched predictions are false positives.\\n TPandFP = len(pred_df)\\n TPandFN = len(gt_df)\\n \\n #calc microf1\\n my_f1_score = 2*TP / (TPandFP + TPandFN)\\n return my_f1_score\\n\\ndef score_feedback_comp(pred_df, gt_df, return_class_scores=False):\\n \"\"\"\\n Final helper function for model evaluation.\\n \\n Args:\\n pred_df (pandas.DataFrame): dataframe containing model predictions. Needs to have columns: [\\'id\\',\\'class\\',\\'predictionstring\\']\\n gt_df (pandas.DataFrame): dataframe of ground truth used for model training\\n return_class_scores (bool): Boolean indicating if we want to return the F1 score for each predicted class.\\n \\n Returns:\\n f1 (float): F1 score of the model\\n (optional) class_scores (dict): Dictionary of per-class F1 score\\n \"\"\"\\n class_scores = {}\\n for discourse_type in gt_df.discourse_type.unique():\\n class_score = score_feedback_comp_micro(pred_df, gt_df, discourse_type)\\n class_scores[discourse_type] = class_score\\n f1 = np.mean([v for v in class_scores.values()])\\n if return_class_scores:\\n return f1, class_scores\\n return f1', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n logits = active_logits(raw_logits, word_ids)\\n labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n \\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'def valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion):\\n oof, valid_loss, valid_acc = get_preds_onefold(model, df_val, dl_val, criterion, valid_flg=True)\\n f1score =[]\\n # classes = oof[\\'class\\'].unique()\\n classes = [\\'Lead\\', \\'Position\\', \\'Claim\\',\\'Counterclaim\\', \\'Rebuttal\\',\\'Evidence\\',\\'Concluding Statement\\']\\n print(f\"Validation F1 scores\")\\n\\n for c in classes:\\n pred_df = oof.loc[oof[\\'class\\'] == c].copy()\\n gt_df = df_val_eval.loc[df_val_eval[\\'discourse_type\\'] == c].copy()\\n f1 = score_feedback_comp(pred_df, gt_df)\\n print(f\\' * {c:<10}: {f1:4f}\\')\\n f1score.append(f1)\\n f1avg = np.mean(f1score)\\n print(f\\'Overall Validation avg F1: {f1avg:.4f} val_loss:{valid_loss:.4f} val_accuracy:{valid_acc:.4f}\\')\\n return valid_loss, oof', 'def inference(model, data_loader, criterion, valid_flg):\\n stream = tqdm(data_loader)\\n model.eval()\\n \\n valid_loss = 0\\n valid_accuracy = 0\\n all_logits = None\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch[\\'input_ids\\'].to(device, dtype = torch.long)\\n mask = batch[\\'attention_mask\\'].to(device, dtype = torch.long)\\n with torch.no_grad():\\n raw_logits = model(input_ids=ids, mask = mask)\\n del ids, mask\\n \\n word_ids = batch[\\'word_ids\\'].to(device, dtype = torch.long)\\n logits = active_logits(raw_logits, word_ids)\\n sf_logits = torch.softmax(logits, dim= -1)\\n sf_raw_logits = torch.softmax(raw_logits, dim=-1)\\n if valid_flg: \\n raw_labels = batch[\\'labels\\'].to(device, dtype = torch.long)\\n labels = active_labels(raw_labels)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n valid_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n loss = criterion(logits, labels)\\n valid_loss += loss.item()\\n \\n if batch_idx == 1:\\n all_logits = sf_raw_logits.cpu().numpy()\\n else:\\n all_logits = np.append(all_logits, sf_raw_logits.cpu().numpy(), axis=0)\\n\\n \\n if valid_flg: \\n epoch_loss = valid_loss / batch_idx\\n epoch_accuracy = valid_accuracy / batch_idx\\n else:\\n epoch_loss, epoch_accuracy = 0, 0\\n return all_logits, epoch_loss, epoch_accuracy\\n\\n\\ndef preds_class_prob(all_logits, data_loader):\\n print(\"predict target class and its probabilty\")\\n final_predictions = []\\n final_predictions_score = []\\n stream = tqdm(data_loader)\\n len_sample = all_logits.shape[0]\\n\\n for batch_idx, batch in enumerate(stream, start=0):\\n for minibatch_idx in range(HyperParameters.valid_batch_size):\\n sample_idx = int(batch_idx * HyperParameters.valid_batch_size + minibatch_idx)\\n if sample_idx > len_sample - 1 : break\\n word_ids = batch[\\'word_ids\\'][minibatch_idx].numpy()\\n predictions =[]\\n predictions_prob = []\\n pred_class_id = np.argmax(all_logits[sample_idx], axis=1)\\n pred_score = np.max(all_logits[sample_idx], axis=1)\\n pred_class_labels = [IDS_TO_LABELS[i] for i in pred_class_id]\\n prev_word_idx = -1\\n for idx, word_idx in enumerate(word_ids):\\n if word_idx == -1:\\n pass\\n elif word_idx != prev_word_idx:\\n predictions.append(pred_class_labels[idx])\\n predictions_prob.append(pred_score[idx])\\n prev_word_idx = word_idx\\n final_predictions.append(predictions)\\n final_predictions_score.append(predictions_prob)\\n return final_predictions, final_predictions_score', 'def get_preds_onefold(model, df, dl, criterion, valid_flg):\\n logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\\n all_preds, all_preds_prob = preds_class_prob(logits, dl)\\n df_pred = post_process_pred(df, all_preds, all_preds_prob)\\n return df_pred, valid_loss, valid_acc\\n\\ndef get_preds_folds(model, df, dl, criterion, valid_flg=False):\\n for i_fold in range(HyperParameters.n_fold):\\n model_filename = os.path.join(HyperParameters.model_dir, f\"{HyperParameters.model_savename}_{i_fold}.bin\")\\n print(f\"{model_filename} inference\")\\n model = model.to(device)\\n model.load_state_dict(torch.load(model_filename))\\n logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\\n if i_fold == 0:\\n avg_pred_logits = logits\\n else:\\n avg_pred_logits += logits\\n avg_pred_logits /= HyperParameters.n_fold\\n all_preds, all_preds_prob = preds_class_prob(avg_pred_logits, dl)\\n df_pred = post_process_pred(df, all_preds, all_preds_prob)\\n return df_pred\\n\\ndef post_process_pred(df, all_preds, all_preds_prob):\\n final_preds = []\\n for i in range(len(df)):\\n idx = df.id.values[i]\\n pred = all_preds[i]\\n pred_prob = all_preds_prob[i]\\n j = 0\\n while j < len(pred):\\n cls = pred[j]\\n if cls == \\'O\\': j += 1\\n else: cls = cls.replace(\\'B\\', \\'I\\')\\n end = j + 1\\n while end < len(pred) and pred[end] == cls:\\n end += 1\\n if cls != \\'O\\' and cls !=\\'\\':\\n avg_score = np.mean(pred_prob[j:end])\\n if end - j > MIN_THRESH[cls] and avg_score > PROB_THRESH[cls]:\\n final_preds.append((idx, cls.replace(\\'I-\\', \\'\\'), \\' \\'.join(map(str, list(range(j, end))))))\\n j = end\\n df_pred = pd.DataFrame(final_preds)\\n df_pred.columns = [\\'id\\', \\'class\\', \\'new_predictionstring\\']\\n return df_pred', 'print_gpu_utilization()', 'def pretty_size(size):\\n\\t\"\"\"Pretty prints a torch.Size object\"\"\"\\n\\tassert(isinstance(size, torch.Size))\\n\\treturn \" × \".join(map(str, size))\\n\\ndef dump_tensors(gpu_only=True):\\n\\t\"\"\"Prints a list of the Tensors being tracked by the garbage collector.\"\"\"\\n\\timport gc\\n\\ttotal_size = 0\\n\\tfor obj in gc.get_objects():\\n\\t\\ttry:\\n\\t\\t\\tif torch.is_tensor(obj):\\n\\t\\t\\t\\tif not gpu_only or obj.is_cuda:\\n\\t\\t\\t\\t\\tprint(\"%s:%s%s %s\" % (type(obj).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" GPU\" if obj.is_cuda else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" pinned\" if obj.is_pinned else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t pretty_size(obj.size())))\\n\\t\\t\\t\\t\\ttotal_size += obj.numel()\\n\\t\\t\\telif hasattr(obj, \"data\") and torch.is_tensor(obj.data):\\n\\t\\t\\t\\tif not gpu_only or obj.is_cuda:\\n\\t\\t\\t\\t\\tprint(\"%s → %s:%s%s%s%s %s\" % (type(obj).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t type(obj.data).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" GPU\" if obj.is_cuda else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" pinned\" if obj.data.is_pinned else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" grad\" if obj.requires_grad else \"\", \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" volatile\" if obj.volatile else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t pretty_size(obj.data.size())))\\n\\t\\t\\t\\t\\ttotal_size += obj.data.numel()\\n\\t\\texcept Exception as e:\\n\\t\\t\\tpass \\n\\tprint(\"Total size:\", total_size)', 'dump_tensors()', 'try:\\n print(gc.get_referrers(model))\\n del model\\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n print(gc.get_referrers(model))\\n del model\\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'class KaggleDataset(Dataset):\\n \"\"\"\\n Class for loading data in batches after it has been processed\\n \"\"\"\\n def __init__(self, dataframe, tokenizer, max_length):\\n\\n super().__init__()\\n\\n # -- prepare data\\n assert sorted(dataframe.columns) == [\\'labels\\', \\'text\\'], f\"Please make sure input dataframe has the columns (text, labels)\"\\n # data must be in the correct format\\n self.inputs = dataframe.text.values\\n self.targets = dataframe.labels.values\\n if not is_string_dtype(self.inputs): raise TypeError(\\'Text data must be string type\\')\\n # TODO assertion below is bug; not deleting so remember to add correct assertions\\n #if not is_integer_dtype(self.targets): raise TypeError(\\'Label data must be integer type\\')\\n\\n # -- prepare tokenizer\\n self.tokenizer = tokenizer\\n self.max_length = max_length\\n\\n def __len__(self):\\n return len(self.inputs)\\n\\n def __getitem__(self, index):\\n # self.inputs anf self.targets must be of a type that is indexible as shown\\n inputs = self.inputs[index]\\n targets = self.targets[index]\\n\\n inputs = self.tokenizer(\\n # consider parametrising these\\n inputs.split(),\\n is_split_into_words=True, # this means that extra \\\\n should be ignored\\n padding=\\'max_length\\',\\n truncation=True,\\n max_length=self.max_length\\n )\\n\\n word_ids = inputs.word_ids()\\n word_id_mask = [word_id is not None for word_id in word_ids]\\n word_ids = [word_id for word_id in word_ids if word_id is not None]\\n\\n inputs = {\\n key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\\n }\\n targets = torch.as_tensor(targets, dtype=torch.long)\\n expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\\n expanded_targets[word_id_mask] = targets[word_ids]\\n inputs[\\'labels\\'] = expanded_targets\\n inputs[\\'word_ids\\'] = torch.tensor(word_ids, dtype=torch.long)\\n return inputs\\n\\n ', 'try:\\n print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n print(df_train.head())\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n print(df_train.head())\\n raise Exception()\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n print(df_train.head())\\n raise Exception()\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'class KaggleDataset(Dataset):\\n \"\"\"\\n Class for loading data in batches after it has been processed\\n \"\"\"\\n def __init__(self, dataframe, tokenizer, max_length):\\n\\n super().__init__()\\n\\n # -- prepare data\\n assert sorted(dataframe.columns) == [\\'labels\\', \\'text\\'], f\"Please make sure input dataframe has the columns (text, labels)\"\\n # data must be in the correct format\\n self.inputs = dataframe.text.values\\n self.targets = dataframe.labels.values\\n #if not is_string_dtype(self.inputs): raise TypeError(\\'Text data must be string type\\')\\n # TODO assertion below is bug; not deleting so remember to add correct assertions\\n #if not is_integer_dtype(self.targets): raise TypeError(\\'Label data must be integer type\\')\\n\\n # -- prepare tokenizer\\n self.tokenizer = tokenizer\\n self.max_length = max_length\\n\\n def __len__(self):\\n return len(self.inputs)\\n\\n def __getitem__(self, index):\\n # self.inputs anf self.targets must be of a type that is indexible as shown\\n inputs = self.inputs[index]\\n targets = self.targets[index]\\n\\n inputs = self.tokenizer(\\n # consider parametrising these\\n inputs.split(),\\n is_split_into_words=True, # this means that extra \\\\n should be ignored\\n padding=\\'max_length\\',\\n truncation=True,\\n max_length=self.max_length\\n )\\n\\n word_ids = inputs.word_ids()\\n word_id_mask = [word_id is not None for word_id in word_ids]\\n word_ids = [word_id for word_id in word_ids if word_id is not None]\\n\\n inputs = {\\n key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\\n }\\n targets = torch.as_tensor(targets, dtype=torch.long)\\n expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\\n expanded_targets[word_id_mask] = targets[word_ids]\\n inputs[\\'labels\\'] = expanded_targets\\n inputs[\\'word_ids\\'] = torch.tensor(word_ids, dtype=torch.long)\\n return inputs\\n\\n ', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"class FeedbackModel(nn.Module):\\n def __init__(self):\\n super(FeedbackModel, self).__init__()\\n \\n # init config of transformer model of choice:\\n # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\\n model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\\n print(model_config)\\n self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\\n \\n # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\\n self.model_config = model_config\\n self.dropout1 = nn.Dropout(0.1)\\n self.dropout2 = nn.Dropout(0.2)\\n self.dropout3 = nn.Dropout(0.3)\\n self.dropout4 = nn.Dropout(0.4)\\n self.dropout5 = nn.Dropout(0.5)\\n self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\\n \\n def forward(self, input_ids, mask):\\n x = self.backbone(input_ids, mask)\\n logits1 = self.head(self.dropout1(x[0]))\\n logits2 = self.head(self.dropout2(x[0]))\\n logits3 = self.head(self.dropout3(x[0]))\\n logits4 = self.head(self.dropout4(x[0]))\\n logits5 = self.head(self.dropout5(x[0]))\\n logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\\n return logits\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(raw_logits.shape)\\n print(word_ids.shape)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n logits = active_logits(raw_logits, word_ids)\\n labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n labels = raw_labels\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'try:\\n print(gc.get_referrers(model))\\n raise Exception()\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])'], 'Out': {13: id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "\n", + " entities kfold \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 }, 'get_ipython': >, 'exit': , 'quit': , '_': id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "\n", + " entities kfold \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 , '__': '', '___': '', '_i': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_ii': \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n labels = raw_labels\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", '_iii': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i1': 'ON_COLAB = True\\nif ON_COLAB:\\n # Mount drive:\\n from google.colab import drive, files\\n # mount Google Drive\\n drive.mount(\"/content/drive\")', 'ON_COLAB': True, 'drive': , 'files': , '_i2': '%%capture\\n# if on Colab, we need to install missing stuff!\\nif ON_COLAB:\\n !pip install transformers\\n !pip install iterative-stratification\\n !pip install nvidia-ml-py3', '_exit_code': 0, '_i3': 'import gc\\nimport os\\nimport torch\\nimport random\\nimport numpy as np\\nimport pandas as pd\\nimport torch.nn as nn\\nfrom pynvml import nvmlDeviceGetHandleByIndex, nvmlDeviceGetMemoryInfo, nvmlInit\\n\\nfrom tqdm.notebook import tqdm\\nfrom sklearn.metrics import accuracy_score\\nfrom torch.cuda.amp import autocast, GradScaler\\nfrom torch.utils.data import Dataset, DataLoader\\nfrom transformers import AutoConfig, AutoModel, AutoTokenizer\\nfrom iterstrat.ml_stratifiers import MultilabelStratifiedKFold', 'gc': , 'os': , 'torch': , 'random': , 'np': , 'pd': , 'nn': , 'nvmlDeviceGetHandleByIndex': , 'nvmlDeviceGetMemoryInfo': , 'nvmlInit': , 'tqdm': , 'accuracy_score': , 'autocast': , 'GradScaler': , 'Dataset': , 'DataLoader': , 'AutoConfig': , 'AutoModel': , 'AutoTokenizer': , 'MultilabelStratifiedKFold': , '_i4': 'def print_gpu_utilization():\\n print(f\"GPU memory occupied: {get_gpu_utilization()} MB.\")\\n\\ndef get_gpu_utilization():\\n nvmlInit()\\n handle = nvmlDeviceGetHandleByIndex(0)\\n info = nvmlDeviceGetMemoryInfo(handle)\\n return info.used//1024**2\\n\\ndef print_summary(result):\\n print(f\"Time: {result.metrics[\\'train_runtime\\']:.2f}\")\\n print(f\"Samples/second: {result.metrics[\\'train_samples_per_second\\']:.2f}\")\\n print_gpu_utilization()\\n\\nprint_gpu_utilization()', 'print_gpu_utilization': , 'get_gpu_utilization': , 'print_summary': , '_i5': \"if ON_COLAB:\\n !cd /content/drive/MyDrive/NLP_project\\n\\n\\n# DATA DIR ---- TO CHANGE\\nDATA_DIR = 'drive/MyDrive/NLP_project/'\", 'DATA_DIR': 'drive/MyDrive/NLP_project/', '_i6': \"class HyperParameters:\\n \\n # Here we choose model type. Can be changed for others\\n name = 'longformer'\\n model_savename = 'longformer'\\n model_name = 'allenai/longformer-base-4096' # this is the most important: determines what transformer is used in training\\n \\n # Directory hyperparameters: make sure to change with what you are using! Only needed to change here\\n base_dir = DATA_DIR\\n data_dir = os.path.join(base_dir, 'data')\\n pre_data_dir = os.path.join(base_dir, 'data/preprocessed')\\n model_dir = os.path.join(base_dir, f'model/{name}')\\n output_dir = os.path.join(base_dir, f'output/{name}')\\n \\n # Training hyperparameters\\n is_debug = False\\n n_epoch = 2 # not to exceed runtime limit\\n n_fold = 5\\n verbose_steps = 500\\n random_seed = 42\\n\\n # Model specific hyperparameters\\n max_length = 1024\\n inference_max_length = 4096\\n train_batch_size = 4\\n valid_batch_size = 4\\n lr = 4e-5\\n\\n # Task hyperparameters\\n num_labels = 15\\n label_subtokens = True\\n output_hidden_states = True\\n hidden_dropout_prob = 0.1\\n layer_norm_eps = 1e-7\\n add_pooling_layer = False\\n verbose_steps = 500\\n if is_debug:\\n debug_sample = 1000\\n verbose_steps = 16\\n n_epoch = 1\\n n_fold = 2\\n\\nif not os.path.exists(HyperParameters.model_dir):\\n !mkdir $HyperParameters.model_dir\", 'HyperParameters': , '_i7': 'IGNORE_INDEX = -100\\nNON_LABEL = -1\\nOUTPUT_LABELS = [\\'O\\', \\'B-Lead\\', \\'I-Lead\\', \\'B-Position\\', \\'I-Position\\', \\'B-Claim\\', \\'I-Claim\\', \\'B-Counterclaim\\', \\'I-Counterclaim\\', \\n \\'B-Rebuttal\\', \\'I-Rebuttal\\', \\'B-Evidence\\', \\'I-Evidence\\', \\'B-Concluding Statement\\', \\'I-Concluding Statement\\']\\nLABELS_TO_IDS = {v:k for k,v in enumerate(OUTPUT_LABELS)}\\nIDS_TO_LABELS = {k:v for k,v in enumerate(OUTPUT_LABELS)}\\n\\nMIN_THRESH = {\\n \"I-Lead\": 9,\\n \"I-Position\": 5,\\n \"I-Evidence\": 14,\\n \"I-Claim\": 3,\\n \"I-Concluding Statement\": 11,\\n \"I-Counterclaim\": 6,\\n \"I-Rebuttal\": 4,\\n}\\n\\nPROB_THRESH = {\\n \"I-Lead\": 0.7,\\n \"I-Position\": 0.55,\\n \"I-Evidence\": 0.65,\\n \"I-Claim\": 0.55,\\n \"I-Concluding Statement\": 0.7,\\n \"I-Counterclaim\": 0.5,\\n \"I-Rebuttal\": 0.55,\\n}', 'IGNORE_INDEX': -100, 'NON_LABEL': -1, 'OUTPUT_LABELS': ['O', 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', 'B-Counterclaim', 'I-Counterclaim', 'B-Rebuttal', 'I-Rebuttal', 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', 'I-Concluding Statement'], 'LABELS_TO_IDS': {'O': 0, 'B-Lead': 1, 'I-Lead': 2, 'B-Position': 3, 'I-Position': 4, 'B-Claim': 5, 'I-Claim': 6, 'B-Counterclaim': 7, 'I-Counterclaim': 8, 'B-Rebuttal': 9, 'I-Rebuttal': 10, 'B-Evidence': 11, 'I-Evidence': 12, 'B-Concluding Statement': 13, 'I-Concluding Statement': 14}, 'IDS_TO_LABELS': {0: 'O', 1: 'B-Lead', 2: 'I-Lead', 3: 'B-Position', 4: 'I-Position', 5: 'B-Claim', 6: 'I-Claim', 7: 'B-Counterclaim', 8: 'I-Counterclaim', 9: 'B-Rebuttal', 10: 'I-Rebuttal', 11: 'B-Evidence', 12: 'I-Evidence', 13: 'B-Concluding Statement', 14: 'I-Concluding Statement'}, 'MIN_THRESH': {'I-Lead': 9, 'I-Position': 5, 'I-Evidence': 14, 'I-Claim': 3, 'I-Concluding Statement': 11, 'I-Counterclaim': 6, 'I-Rebuttal': 4}, 'PROB_THRESH': {'I-Lead': 0.7, 'I-Position': 0.55, 'I-Evidence': 0.65, 'I-Claim': 0.55, 'I-Concluding Statement': 0.7, 'I-Counterclaim': 0.5, 'I-Rebuttal': 0.55}, '_i8': \"def set_seed(seed=HyperParameters.random_seed):\\n np.random.seed(seed)\\n \\n random.seed(seed)\\n \\n torch.manual_seed(seed)\\n torch.cuda.manual_seed(seed)\\n \\n torch.backends.cudnn.deterministic =True\\n torch.backends.cudnn.benchmark = False\\n\\nset_seed()\\n\\n# Set proper device\\nif torch.cuda.is_available():\\n device = torch.device('cuda')\\nelse:\\n device = torch.device('cpu')\\n\\nprint(f'Using device: {device}')\", 'set_seed': , 'device': device(type='cuda'), '_i9': \"df_alltrain = pd.read_csv(f'{HyperParameters.data_dir}/corrected_train.csv')\", 'df_alltrain': id discourse_id discourse_start discourse_end \\\n", + "0 423A1CA112E2 1.622628e+12 8.0 229.0 \n", + "1 423A1CA112E2 1.622628e+12 230.0 312.0 \n", + "2 423A1CA112E2 1.622628e+12 313.0 401.0 \n", + "3 423A1CA112E2 1.622628e+12 402.0 758.0 \n", + "4 423A1CA112E2 1.622628e+12 759.0 886.0 \n", + "... ... ... ... ... \n", + "144288 4C471936CD75 1.618153e+12 2234.0 3203.0 \n", + "144289 4C471936CD75 1.618153e+12 3221.0 4509.0 \n", + "144290 4C471936CD75 1.618025e+12 4510.0 4570.0 \n", + "144291 4C471936CD75 1.618025e+12 4570.0 4922.0 \n", + "144292 4C471936CD75 1.618025e+12 4935.0 5825.0 \n", + "\n", + " discourse_text \\\n", + "0 Modern humans today are always on their phone.... \n", + "1 They are some really bad consequences when stu... \n", + "2 Some certain areas in the United States ban ph... \n", + "3 When people have phones, they know about certa... \n", + "4 Driving is one of the way how to get around. P... \n", + "... ... \n", + "144288 if I'm not sure what college I want to attend... \n", + "144289 seeking multiple opinions before making a har... \n", + "144290 it is better to seek multiple opinions instead... \n", + "144291 The impact of asking people to help you make a... \n", + "144292 there are many other reasons one might want to... \n", + "\n", + " discourse_type discourse_type_num \\\n", + "0 Lead Lead 1 \n", + "1 Position Position 1 \n", + "2 Evidence Evidence 1 \n", + "3 Evidence Evidence 2 \n", + "4 Claim Claim 1 \n", + "... ... ... \n", + "144288 Evidence Evidence 2 \n", + "144289 Evidence Evidence 3 \n", + "144290 Position Position 1 \n", + "144291 Evidence Evidence 4 \n", + "144292 Concluding Statement Concluding Statement 1 \n", + "\n", + " predictionstring \\\n", + "0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1... \n", + "1 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 \n", + "2 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 \n", + "3 76 77 78 79 80 81 82 83 84 85 86 87 88 89 90 9... \n", + "4 139 140 141 142 143 144 145 146 147 148 149 15... \n", + "... ... \n", + "144288 386 387 388 389 390 391 392 393 394 395 396 39... \n", + "144289 576 577 578 579 580 581 582 583 584 585 586 58... \n", + "144290 828 829 830 831 832 833 834 835 836 837 838 \n", + "144291 839 840 841 842 843 844 845 846 847 848 849 85... \n", + "144292 905 906 907 908 909 910 911 912 913 914 915 91... \n", + "\n", + " text_by_index new_start new_end \\\n", + "0 Modern humans today are always on their phone.... 8 230 \n", + "1 They are some really bad consequences when stu... 230 313 \n", + "2 Some certain areas in the United States ban ph... 313 401 \n", + "3 When people have phones, they know about certa... 402 758 \n", + "4 Driving is one of the way how to get around. P... 759 887 \n", + "... ... ... ... \n", + "144288 if I'm not sure what college I want to attend... 2235 3203 \n", + "144289 seeking multiple opinions before making a har... 3222 4510 \n", + "144290 it is better to seek multiple opinions instead... 4510 4570 \n", + "144291 The impact of asking people to help you make a... 4570 4923 \n", + "144292 there are many other reasons one might want to... 4935 5748 \n", + "\n", + " text_by_new_index \\\n", + "0 Modern humans today are always on their phone.... \n", + "1 They are some really bad consequences when stu... \n", + "2 Some certain areas in the United States ban ph... \n", + "3 When people have phones, they know about certa... \n", + "4 Driving is one of the way how to get around. P... \n", + "... ... \n", + "144288 if I'm not sure what college I want to attend,... \n", + "144289 seeking multiple opinions before making a hard... \n", + "144290 it is better to seek multiple opinions instead... \n", + "144291 The impact of asking people to help you make a... \n", + "144292 there are many other reasons one might want to... \n", + "\n", + " new_predictionstring \n", + "0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1... \n", + "1 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 \n", + "2 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 \n", + "3 76 77 78 79 80 81 82 83 84 85 86 87 88 89 90 9... \n", + "4 139 140 141 142 143 144 145 146 147 148 149 15... \n", + "... ... \n", + "144288 386 387 388 389 390 391 392 393 394 395 396 39... \n", + "144289 576 577 578 579 580 581 582 583 584 585 586 58... \n", + "144290 828 829 830 831 832 833 834 835 836 837 838 \n", + "144291 839 840 841 842 843 844 845 846 847 848 849 85... \n", + "144292 905 906 907 908 909 910 911 912 913 914 915 91... \n", + "\n", + "[144293 rows x 13 columns], '_i10': 'def agg_essays(train_flg):\\n \"\"\"\\n Splits every word in an essay and adds the text of each essay to a dataframe.\\n \"\"\"\\n folder = \\'train\\' if train_flg else \\'test\\'\\n names, texts =[], []\\n for f in tqdm(list(os.listdir(f\\'{HyperParameters.data_dir}/{folder}\\'))):\\n names.append(f.replace(\\'.txt\\', \\'\\'))\\n texts.append(open(f\\'{HyperParameters.data_dir}/{folder}/\\' + f, \\'r\\').read())\\n df_texts = pd.DataFrame({\\'id\\': names, \\'text\\': texts})\\n\\n df_texts[\\'text_split\\'] = df_texts.text.str.split()\\n print(\\'Completed tokenizing texts.\\')\\n return df_texts', 'agg_essays': , '_i11': 'def ner(df_texts, df_train):\\n \"\"\"\\n Maps discourse type to each word of the text, according to the train.csv file.\\n \"\"\"\\n all_entities = []\\n for _, row in tqdm(df_texts.iterrows(), total=len(df_texts)):\\n total = len(row[\\'text_split\\'])\\n entities = [\\'O\\'] * total\\n\\n for _, row2 in df_train[df_train[\\'id\\'] == row[\\'id\\']].iterrows():\\n discourse = row2[\\'discourse_type\\']\\n list_ix = [int(x) for x in row2[\\'predictionstring\\'].split(\\' \\')]\\n entities[list_ix[0]] = f\\'B-{discourse}\\'\\n for k in list_ix[1:]: entities[k] = f\\'I-{discourse}\\'\\n all_entities.append(entities)\\n\\n df_texts[\\'entities\\'] = all_entities\\n print(\\'Completed mapping discourse to each token.\\')\\n return df_texts', 'ner': , '_i12': 'def preprocess(df_train = None):\\n \"\"\"\\n Generates the dataframe we will use for training.\\n Splits essays into words, assigns a token name to each word, and adds everything to a dataframe.\\n \"\"\"\\n if df_train is None:\\n train_flg = False\\n else:\\n train_flg = True\\n \\n df_texts = agg_essays(train_flg)\\n\\n if train_flg:\\n df_texts = ner(df_texts, df_train)\\n return df_texts\\n\\n# Make sure we only run pre-processing if we did not do it in the past:\\n\\nif not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n alltrain_texts = preprocess(df_alltrain)\\n test_texts = preprocess()\\nelse:\\n alltrain_texts = pd.read_csv(f\"{HyperParameters.data_dir}/train_folds.csv\")', 'preprocess': , 'alltrain_texts': id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "... ... ... \n", + "15589 1C899F124FEB While some students may think it's a beneficia... \n", + "15590 4453444AF383 There has been a strong arguement going on wea... \n", + "15591 EF0D75BF48DA I favor in to changing election by popular vot... \n", + "15592 8FFDA5B9D359 Do you think students would benefit from being... \n", + "15593 ACAB1FCA0A30 I would like to change the election for the pr... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "... ... \n", + "15589 [While, some, students, may, think, it's, a, b... \n", + "15590 [There, has, been, a, strong, arguement, going... \n", + "15591 [I, favor, in, to, changing, election, by, pop... \n", + "15592 [Do, you, think, students, would, benefit, fro... \n", + "15593 [I, would, like, to, change, the, election, fo... \n", + "\n", + " entities kfold \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 \n", + "... ... ... \n", + "15589 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "15590 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "15591 [B-Position, I-Position, I-Position, I-Positio... 3 \n", + "15592 [B-Position, I-Position, I-Position, I-Positio... 2 \n", + "15593 [B-Position, I-Position, I-Position, I-Positio... 4 \n", + "\n", + "[15594 rows x 5 columns], '_i13': \"# Visualize preprocessing result:\\nparse_string = lambda x: [string[1:-1] for string in x[1:-1].split(', ')]\\nalltrain_texts.entities = alltrain_texts.entities.apply(parse_string)\\nalltrain_texts.text_split = alltrain_texts.text_split.apply(parse_string)\\n\\nalltrain_texts.head()\", 'parse_string': at 0x7fb010272830>, '_13': id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "\n", + " entities kfold \n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "3 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "4 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 , '_i14': 'if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n # Transform categorical labels to dummy variables. Group by id. Sum over dummy. \\n dfx = pd.get_dummies(df_alltrain, columns=[\"discourse_type\"]).groupby([\"id\"], as_index=False).sum()\\n\\n # Generate name for the dummy columns\\n dummy_cols = [c for c in dfx.columns if c.startswith(\"discourse_type_\") or c == \"id\" and c != \"discourse_type_num\"]\\n # dfx is now only the dataset with dummy columns selected: don\\'t need to pass the data to do the splits\\n dfx = dfx[dummy_cols]', '_i15': 'if not os.path.exists(f\"{HyperParameters.data_dir}/train_folds.csv\"): \\n # Generate cross validation object\\n mskf = MultilabelStratifiedKFold(n_splits=5, shuffle=True, random_state=42)\\n\\n # Extract labels\\n labels = [c for c in dfx.columns if c != \"id\"]\\n dfx_labels = dfx[labels]\\n\\n # Dummy kfold assignment\\n dfx[\"kfold\"] = -1\\n\\n # Split\\n for fold, (trn_, val_) in enumerate(mskf.split(dfx, dfx_labels)):\\n print(len(trn_), len(val_))\\n \\n # Change the value of the kfold column at the validation index to the value of the fold\\n # This will tell us when to use the current entry in the validation set\\n dfx.loc[val_, \"kfold\"] = fold\\n\\n # merge back to original dataframe\\n alltrain_texts = alltrain_texts.merge(dfx[[\"id\", \"kfold\"]], on=\"id\", how=\"left\")\\n print(alltrain_texts.kfold.value_counts())\\n\\n # Save so next time we import it directly\\n alltrain_texts.to_csv(f\"{HyperParameters.data_dir}/train_folds.csv\", index=False)', '_i16': \"# need help with this\\nclass FeedbackPrizeDataset(Dataset):\\n def __init__(self, dataframe, tokenizer, max_len, has_labels):\\n self.len = len(dataframe)\\n self.data = dataframe\\n self.tokenizer = tokenizer\\n self.max_len = max_len\\n self.has_labels = has_labels\\n \\n def __getitem__(self, index):\\n text = self.data.text[index]\\n encoding = self.tokenizer(\\n text.split(),\\n is_split_into_words = True,\\n padding = 'max_length',\\n truncation = True,\\n max_length = self.max_len\\n )\\n word_ids = encoding.word_ids()\\n\\n # targets\\n if self.has_labels:\\n word_labels = self.data.entities[index]\\n prev_word_idx = None\\n labels_ids = []\\n for word_idx in word_ids:\\n if word_idx is None:\\n labels_ids.append(IGNORE_INDEX)\\n elif word_idx != prev_word_idx:\\n labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\\n else:\\n if HyperParameters.label_subtokens:\\n labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\\n else:\\n labels_ids.append(IGNORE_INDEX)\\n prev_word_idx = word_idx\\n encoding['labels'] = labels_ids\\n # convert to torch.tensor\\n item = {k: torch.as_tensor(v) for k, v in encoding.items()}\\n word_ids2 = [w if w is not None else NON_LABEL for w in word_ids]\\n item['word_ids'] = torch.as_tensor(word_ids2)\\n return item\\n\\n def __len__(self):\\n return self.len\", 'FeedbackPrizeDataset': , '_i17': \"class FeedbackModel(nn.Module):\\n def __init__(self):\\n super(FeedbackModel, self).__init__()\\n \\n # init config of transformer model of choice:\\n # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\\n model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\\n self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\\n \\n # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\\n self.model_config = model_config\\n self.dropout1 = nn.Dropout(0.1)\\n self.dropout2 = nn.Dropout(0.2)\\n self.dropout3 = nn.Dropout(0.3)\\n self.dropout4 = nn.Dropout(0.4)\\n self.dropout5 = nn.Dropout(0.5)\\n self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\\n \\n def forward(self, input_ids, mask):\\n x = self.backbone(input_ids, mask)\\n logits1 = self.head(self.dropout1(x[0]))\\n logits2 = self.head(self.dropout2(x[0]))\\n logits3 = self.head(self.dropout3(x[0]))\\n logits4 = self.head(self.dropout4(x[0]))\\n logits5 = self.head(self.dropout5(x[0]))\\n logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\\n return logits\", 'FeedbackModel': , '_i18': 'def build_model_tokenizer():\\n tokenizer = AutoTokenizer.from_pretrained(HyperParameters.model_name, add_prefix_space = True)\\n model = FeedbackModel()\\n return model, tokenizer', 'build_model_tokenizer': , '_i19': '# Need help with this: used in training to transform raw logits to labels needed\\ndef active_logits(raw_logits, word_ids):\\n word_ids = word_ids.view(-1)\\n active_mask = word_ids.unsqueeze(1).expand(word_ids.shape[0], HyperParameters.num_labels)\\n active_mask = active_mask != NON_LABEL\\n active_logits = raw_logits.view(-1, HyperParameters.num_labels)\\n active_logits = torch.masked_select(active_logits, active_mask) # return 1dTensor\\n active_logits = active_logits.view(-1, HyperParameters.num_labels) \\n return active_logits\\n\\ndef active_labels(labels):\\n active_mask = labels.view(-1) != IGNORE_INDEX\\n active_labels = torch.masked_select(labels.view(-1), active_mask)\\n return active_labels\\n\\ndef active_preds_prob(active_logits):\\n active_preds = torch.argmax(active_logits, axis = 1)\\n active_preds_prob, _ = torch.max(active_logits, axis = 1)\\n return active_preds, active_preds_prob', 'active_logits': , 'active_labels': , 'active_preds_prob': , '_i20': 'def calculate_overlap(set_pred, set_gt):\\n \"\"\"\\n Calculates if the overlap between prediction and\\n ground truth is enough fora potential True positive\\n \"\"\"\\n # Length of each and intersection\\n try:\\n len_gt = len(set_gt)\\n len_pred = len(set_pred)\\n inter = len(set_gt & set_pred)\\n overlap_1 = inter / len_gt\\n overlap_2 = inter/ len_pred\\n return overlap_1 >= 0.5 and overlap_2 >= 0.5\\n except: # at least one of the input is NaN\\n return False\\n\\ndef score_feedback_comp_micro(pred_df, gt_df, discourse_type):\\n \"\"\"\\n A function that scores for the kaggle\\n Student Writing Competition\\n \\n Uses the steps in the evaluation page here:\\n https://www.kaggle.com/c/feedback-prize-2021/overview/evaluation\\n \"\"\"\\n gt_df = gt_df.loc[gt_df[\\'discourse_type\\'] == discourse_type, \\n [\\'id\\', \\'predictionstring\\']].reset_index(drop=True)\\n pred_df = pred_df.loc[pred_df[\\'class\\'] == discourse_type,\\n [\\'id\\', \\'predictionstring\\']].reset_index(drop=True)\\n pred_df[\\'pred_id\\'] = pred_df.index\\n gt_df[\\'gt_id\\'] = gt_df.index\\n pred_df[\\'predictionstring\\'] = [set(pred.split(\\' \\')) for pred in pred_df[\\'predictionstring\\']]\\n gt_df[\\'predictionstring\\'] = [set(pred.split(\\' \\')) for pred in gt_df[\\'predictionstring\\']]\\n \\n # Step 1. all ground truths and predictions for a given class are compared.\\n joined = pred_df.merge(gt_df,\\n left_on=\\'id\\',\\n right_on=\\'id\\',\\n how=\\'outer\\',\\n suffixes=(\\'_pred\\',\\'_gt\\')\\n )\\n overlaps = [calculate_overlap(*args) for args in zip(joined.predictionstring_pred, \\n joined.predictionstring_gt)]\\n \\n # 2. If the overlap between the ground truth and prediction is >= 0.5, \\n # and the overlap between the prediction and the ground truth >= 0.5,\\n # the prediction is a match and considered a true positive.\\n # If multiple matches exist, the match with the highest pair of overlaps is taken.\\n # we don\\'t need to compute the match to compute the score\\n TP = joined.loc[overlaps][\\'gt_id\\'].nunique()\\n\\n # 3. Any unmatched ground truths are false negatives\\n # and any unmatched predictions are false positives.\\n TPandFP = len(pred_df)\\n TPandFN = len(gt_df)\\n \\n #calc microf1\\n my_f1_score = 2*TP / (TPandFP + TPandFN)\\n return my_f1_score\\n\\ndef score_feedback_comp(pred_df, gt_df, return_class_scores=False):\\n \"\"\"\\n Final helper function for model evaluation.\\n \\n Args:\\n pred_df (pandas.DataFrame): dataframe containing model predictions. Needs to have columns: [\\'id\\',\\'class\\',\\'predictionstring\\']\\n gt_df (pandas.DataFrame): dataframe of ground truth used for model training\\n return_class_scores (bool): Boolean indicating if we want to return the F1 score for each predicted class.\\n \\n Returns:\\n f1 (float): F1 score of the model\\n (optional) class_scores (dict): Dictionary of per-class F1 score\\n \"\"\"\\n class_scores = {}\\n for discourse_type in gt_df.discourse_type.unique():\\n class_score = score_feedback_comp_micro(pred_df, gt_df, discourse_type)\\n class_scores[discourse_type] = class_score\\n f1 = np.mean([v for v in class_scores.values()])\\n if return_class_scores:\\n return f1, class_scores\\n return f1', 'calculate_overlap': , 'score_feedback_comp_micro': , 'score_feedback_comp': , '_i21': \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n logits = active_logits(raw_logits, word_ids)\\n labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n \\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", 'train_fn': , '_i22': 'def valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion):\\n oof, valid_loss, valid_acc = get_preds_onefold(model, df_val, dl_val, criterion, valid_flg=True)\\n f1score =[]\\n # classes = oof[\\'class\\'].unique()\\n classes = [\\'Lead\\', \\'Position\\', \\'Claim\\',\\'Counterclaim\\', \\'Rebuttal\\',\\'Evidence\\',\\'Concluding Statement\\']\\n print(f\"Validation F1 scores\")\\n\\n for c in classes:\\n pred_df = oof.loc[oof[\\'class\\'] == c].copy()\\n gt_df = df_val_eval.loc[df_val_eval[\\'discourse_type\\'] == c].copy()\\n f1 = score_feedback_comp(pred_df, gt_df)\\n print(f\\' * {c:<10}: {f1:4f}\\')\\n f1score.append(f1)\\n f1avg = np.mean(f1score)\\n print(f\\'Overall Validation avg F1: {f1avg:.4f} val_loss:{valid_loss:.4f} val_accuracy:{valid_acc:.4f}\\')\\n return valid_loss, oof', 'valid_fn': , '_i23': 'def inference(model, data_loader, criterion, valid_flg):\\n stream = tqdm(data_loader)\\n model.eval()\\n \\n valid_loss = 0\\n valid_accuracy = 0\\n all_logits = None\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch[\\'input_ids\\'].to(device, dtype = torch.long)\\n mask = batch[\\'attention_mask\\'].to(device, dtype = torch.long)\\n with torch.no_grad():\\n raw_logits = model(input_ids=ids, mask = mask)\\n del ids, mask\\n \\n word_ids = batch[\\'word_ids\\'].to(device, dtype = torch.long)\\n logits = active_logits(raw_logits, word_ids)\\n sf_logits = torch.softmax(logits, dim= -1)\\n sf_raw_logits = torch.softmax(raw_logits, dim=-1)\\n if valid_flg: \\n raw_labels = batch[\\'labels\\'].to(device, dtype = torch.long)\\n labels = active_labels(raw_labels)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n valid_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n loss = criterion(logits, labels)\\n valid_loss += loss.item()\\n \\n if batch_idx == 1:\\n all_logits = sf_raw_logits.cpu().numpy()\\n else:\\n all_logits = np.append(all_logits, sf_raw_logits.cpu().numpy(), axis=0)\\n\\n \\n if valid_flg: \\n epoch_loss = valid_loss / batch_idx\\n epoch_accuracy = valid_accuracy / batch_idx\\n else:\\n epoch_loss, epoch_accuracy = 0, 0\\n return all_logits, epoch_loss, epoch_accuracy\\n\\n\\ndef preds_class_prob(all_logits, data_loader):\\n print(\"predict target class and its probabilty\")\\n final_predictions = []\\n final_predictions_score = []\\n stream = tqdm(data_loader)\\n len_sample = all_logits.shape[0]\\n\\n for batch_idx, batch in enumerate(stream, start=0):\\n for minibatch_idx in range(HyperParameters.valid_batch_size):\\n sample_idx = int(batch_idx * HyperParameters.valid_batch_size + minibatch_idx)\\n if sample_idx > len_sample - 1 : break\\n word_ids = batch[\\'word_ids\\'][minibatch_idx].numpy()\\n predictions =[]\\n predictions_prob = []\\n pred_class_id = np.argmax(all_logits[sample_idx], axis=1)\\n pred_score = np.max(all_logits[sample_idx], axis=1)\\n pred_class_labels = [IDS_TO_LABELS[i] for i in pred_class_id]\\n prev_word_idx = -1\\n for idx, word_idx in enumerate(word_ids):\\n if word_idx == -1:\\n pass\\n elif word_idx != prev_word_idx:\\n predictions.append(pred_class_labels[idx])\\n predictions_prob.append(pred_score[idx])\\n prev_word_idx = word_idx\\n final_predictions.append(predictions)\\n final_predictions_score.append(predictions_prob)\\n return final_predictions, final_predictions_score', 'inference': , 'preds_class_prob': , '_i24': 'def get_preds_onefold(model, df, dl, criterion, valid_flg):\\n logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\\n all_preds, all_preds_prob = preds_class_prob(logits, dl)\\n df_pred = post_process_pred(df, all_preds, all_preds_prob)\\n return df_pred, valid_loss, valid_acc\\n\\ndef get_preds_folds(model, df, dl, criterion, valid_flg=False):\\n for i_fold in range(HyperParameters.n_fold):\\n model_filename = os.path.join(HyperParameters.model_dir, f\"{HyperParameters.model_savename}_{i_fold}.bin\")\\n print(f\"{model_filename} inference\")\\n model = model.to(device)\\n model.load_state_dict(torch.load(model_filename))\\n logits, valid_loss, valid_acc = inference(model, dl, criterion, valid_flg)\\n if i_fold == 0:\\n avg_pred_logits = logits\\n else:\\n avg_pred_logits += logits\\n avg_pred_logits /= HyperParameters.n_fold\\n all_preds, all_preds_prob = preds_class_prob(avg_pred_logits, dl)\\n df_pred = post_process_pred(df, all_preds, all_preds_prob)\\n return df_pred\\n\\ndef post_process_pred(df, all_preds, all_preds_prob):\\n final_preds = []\\n for i in range(len(df)):\\n idx = df.id.values[i]\\n pred = all_preds[i]\\n pred_prob = all_preds_prob[i]\\n j = 0\\n while j < len(pred):\\n cls = pred[j]\\n if cls == \\'O\\': j += 1\\n else: cls = cls.replace(\\'B\\', \\'I\\')\\n end = j + 1\\n while end < len(pred) and pred[end] == cls:\\n end += 1\\n if cls != \\'O\\' and cls !=\\'\\':\\n avg_score = np.mean(pred_prob[j:end])\\n if end - j > MIN_THRESH[cls] and avg_score > PROB_THRESH[cls]:\\n final_preds.append((idx, cls.replace(\\'I-\\', \\'\\'), \\' \\'.join(map(str, list(range(j, end))))))\\n j = end\\n df_pred = pd.DataFrame(final_preds)\\n df_pred.columns = [\\'id\\', \\'class\\', \\'new_predictionstring\\']\\n return df_pred', 'get_preds_onefold': , 'get_preds_folds': , 'post_process_pred': , '_i25': 'print_gpu_utilization()', '_i26': 'def pretty_size(size):\\n\\t\"\"\"Pretty prints a torch.Size object\"\"\"\\n\\tassert(isinstance(size, torch.Size))\\n\\treturn \" × \".join(map(str, size))\\n\\ndef dump_tensors(gpu_only=True):\\n\\t\"\"\"Prints a list of the Tensors being tracked by the garbage collector.\"\"\"\\n\\timport gc\\n\\ttotal_size = 0\\n\\tfor obj in gc.get_objects():\\n\\t\\ttry:\\n\\t\\t\\tif torch.is_tensor(obj):\\n\\t\\t\\t\\tif not gpu_only or obj.is_cuda:\\n\\t\\t\\t\\t\\tprint(\"%s:%s%s %s\" % (type(obj).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" GPU\" if obj.is_cuda else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" pinned\" if obj.is_pinned else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t pretty_size(obj.size())))\\n\\t\\t\\t\\t\\ttotal_size += obj.numel()\\n\\t\\t\\telif hasattr(obj, \"data\") and torch.is_tensor(obj.data):\\n\\t\\t\\t\\tif not gpu_only or obj.is_cuda:\\n\\t\\t\\t\\t\\tprint(\"%s → %s:%s%s%s%s %s\" % (type(obj).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t type(obj.data).__name__, \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" GPU\" if obj.is_cuda else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" pinned\" if obj.data.is_pinned else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" grad\" if obj.requires_grad else \"\", \\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t \" volatile\" if obj.volatile else \"\",\\n\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t\\t pretty_size(obj.data.size())))\\n\\t\\t\\t\\t\\ttotal_size += obj.data.numel()\\n\\t\\texcept Exception as e:\\n\\t\\t\\tpass \\n\\tprint(\"Total size:\", total_size)', 'pretty_size': , 'dump_tensors': , '_i27': 'dump_tensors()', '_i28': 'try:\\n print(gc.get_referrers(model))\\n del model\\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'oof': Empty DataFrame\n", + "Columns: []\n", + "Index: [], 'i_fold': 0, 'tokenizer': PreTrainedTokenizerFast(name_or_path='allenai/longformer-base-4096', vocab_size=50265, model_max_len=4096, is_fast=True, padding_side='right', truncation_side='right', special_tokens={'bos_token': '', 'eos_token': '', 'unk_token': '', 'sep_token': '', 'pad_token': '', 'cls_token': '', 'mask_token': AddedToken(\"\", rstrip=False, lstrip=True, single_word=False, normalized=False)}), 'optimizer': Adam (\n", + "Parameter Group 0\n", + " amsgrad: False\n", + " betas: (0.9, 0.999)\n", + " eps: 1e-08\n", + " lr: 4e-05\n", + " weight_decay: 0\n", + "), 'df_train': id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "3 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "4 616F8E0EFABF \"Can you imagine a time in the future when no ... \n", + "... ... ... \n", + "12472 1C899F124FEB While some students may think it's a beneficia... \n", + "12473 4453444AF383 There has been a strong arguement going on wea... \n", + "12474 EF0D75BF48DA I favor in to changing election by popular vot... \n", + "12475 8FFDA5B9D359 Do you think students would benefit from being... \n", + "12476 ACAB1FCA0A30 I would like to change the election for the pr... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [People, sometimes, have, a, different, opinio... \n", + "3 [Dear, senator,, As, you, know, the, Electoral... \n", + "4 [\"Can, you, imagine, a, time, in, the, future,... \n", + "... ... \n", + "12472 [While, some, students, may, think, it's, a, b... \n", + "12473 [There, has, been, a, strong, arguement, going... \n", + "12474 [I, favor, in, to, changing, election, by, pop... \n", + "12475 [Do, you, think, students, would, benefit, fro... \n", + "12476 [I, would, like, to, change, the, election, fo... \n", + "\n", + " entities kfold \\\n", + "0 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 2 \n", + "1 [O, O, O, O, O, O, O, O, B-Position, I-Positio... 4 \n", + "2 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "3 [O, O, B-Lead, I-Lead, I-Lead, I-Lead, I-Lead,... 1 \n", + "4 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 1 \n", + "... ... ... \n", + "12472 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "12473 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 3 \n", + "12474 [B-Position, I-Position, I-Position, I-Positio... 3 \n", + "12475 [B-Position, I-Position, I-Position, I-Positio... 2 \n", + "12476 [B-Position, I-Position, I-Position, I-Positio... 4 \n", + "\n", + " labels \n", + "0 [1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, ... \n", + "1 [0, 0, 0, 0, 0, 0, 0, 0, 2, 9, 9, 9, 9, 9, 9, ... \n", + "2 [1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, ... \n", + "3 [0, 0, 1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, ... \n", + "4 [1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, ... \n", + "... ... \n", + "12472 [1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, ... \n", + "12473 [1, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, 8, ... \n", + "12474 [2, 9, 9, 9, 9, 9, 9, 9, 9, 4, 11, 11, 11, 11,... \n", + "12475 [2, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, ... \n", + "12476 [2, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, 9, ... \n", + "\n", + "[12477 rows x 6 columns], 'ds_train': <__main__.FeedbackPrizeDataset object at 0x7faf5a68b510>, 'df_val': id text \\\n", + "0 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "1 F9368F6BAB62 You should join the Seagoing Cowboys program. ... \n", + "2 617D56A15483 Do you want to go on daily trips and help peop... \n", + "3 D4AA8EC389C6 School Grades:\\n\\nI don't think that it is fai... \n", + "4 D92FAEE355E1 Dear Mrs. Principal:\\n\\nI think this new schoo... \n", + "... ... ... \n", + "3112 3BEFA845FC27 There are people all around the world that mak... \n", + "3113 F166DA36A4A3 In this essay im going to prove to you why tha... \n", + "3114 8F33151F0334 He joined the programe for many reasons to hel... \n", + "3115 DDA2A181F486 I'm against this technology that reads your em... \n", + "3116 ACCD71550365 Do you think it is a good idea to succeed? I b... \n", + "\n", + " text_split \\\n", + "0 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "1 [You, should, join, the, Seagoing, Cowboys, pr... \n", + "2 [Do, you, want, to, go, on, daily, trips, and,... \n", + "3 [School, Grades:, I, don't, think, that, it, i... \n", + "4 [Dear, Mrs., Principal:, I, think, this, new, ... \n", + "... ... \n", + "3112 [There, are, people, all, around, the, world, ... \n", + "3113 [In, this, essay, im, going, to, prove, to, yo... \n", + "3114 [He, joined, the, programe, for, many, reasons... \n", + "3115 [I'm, against, this, technology, that, reads, ... \n", + "3116 [Do, you, think, it, is, a, good, idea, to, su... \n", + "\n", + " entities kfold \n", + "0 [O, O, O, O, B-Position, I-Position, I-Positio... 0 \n", + "1 [B-Position, I-Position, I-Position, I-Positio... 0 \n", + "2 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 0 \n", + "3 [O, O, B-Position, I-Position, I-Position, I-P... 0 \n", + "4 [O, O, O, B-Position, I-Position, I-Position, ... 0 \n", + "... ... ... \n", + "3112 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 0 \n", + "3113 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 0 \n", + "3114 [B-Evidence, I-Evidence, I-Evidence, I-Evidenc... 0 \n", + "3115 [B-Position, I-Position, I-Position, I-Positio... 0 \n", + "3116 [B-Lead, I-Lead, I-Lead, I-Lead, I-Lead, I-Lea... 0 \n", + "\n", + "[3117 rows x 5 columns], 'val_idlist': ['2E4AFCD3987F', 'F9368F6BAB62', '617D56A15483', 'D4AA8EC389C6', 'D92FAEE355E1', '58EE193B3F7D', '4A2693C68175', '3741D275F8BC', 'FC9E2A38AFBB', '8B5CB2AA72E9', '2DEC8D3BA891', '217A7429341D', '7E558B4E7009', 'CC38587E9634', '8DD596F5F5B5', '632C8DA9E2B1', '76C8FE4FB3D8', 'D7D66E258830', 'C20011D6FA9D', '508DB90F68C7', '1655FBD1D22A', '0DE6D016C7FC', '1D07A65F9B7F', '0257D9E42247', '31DB1BDE89A1', '13FB62D377E3', '33C081EC2A59', '90691C2B3D5A', '6D6215C23989', '7FB898313EA9', 'BCAE5B0783CF', 'C5C81327D129', '5942FB27D5C3', '185FD725317F', 'ACBC86CD65B4', '027616F7ED1D', '6068A54ED99D', 'B75E90DC14B3', 'BA545022DFCD', '2D654BBA9310', 'F53C55BBD326', '0821EB1AEDED', '7F74864D0865', 'DCDBC5C7873F', 'EA9FA5DA65F3', '486B53D5F8A0', '1CCEB6CD629D', '1F8DDCFCA766', 'DBCC1F8F92B5', '51E211998DF0', 'D447CD5A0C67', 'C50FE04C4D29', '32B2D5592E1D', '2962D1BB17A2', '59E8C8BE4ACA', '155F508445E2', 'C3F35CEC4B5A', 'B5113469D13C', 'E09064F496DF', 'E5EF52219F63', 'C43C4EE10535', '2DFFB145BE07', '2F3210D23414', '084DC646D8E3', '2B002FEE337E', '8DB4751C05A1', '8C7464101130', '3752D33FDE11', 'F3CB6601CF24', 'FE1DEACABE37', 'BF0241C10324', '8F91417B8A7D', '9DBB8B0C3367', '69891F080D3A', 'EE63F23F10B3', 'D7C33D289E26', '325B922888A7', '3A08788DCA7D', 'CFA4E76C506A', 'B3C2E6274311', '7F77FE73B338', 'E1130AA34EE8', 'CFB99F0D0D31', '3712A5E56380', '1B1FBDE25C2C', '6D6B05E5478D', 'D1673363C56A', '1BA91BC3D89A', 'D5724EDF0DBA', '5FFC25FE5E00', '6ED00F0E1BFE', '4C0EB60473E1', 'F605023B87A7', '2617310033A4', 'D284AB2165C8', '29B80B7D1092', 'EA205A51D32C', '5137514F130A', '0C0A8EBDC931', 'BF5D82D486F5', '4A8AC603C9C5', '3188A9E2D162', '92887B4B5F2A', 'AE844BA96314', '21A162D4B0CB', '4390794B2751', '46E97FDCA469', 'B5838ACCDBA5', '318B9B177D68', '41A159819E12', '29BE597866EE', '9396FCEB118A', '48FB3005F4DC', '8134AD7791FC', '8E938A38BA43', '220A26E7E802', '04ACF5873DE9', 'ED4186119E60', '1CC9A9598942', '9A5D8C898877', 'D6466B4502D5', 'B60A2DC4B93C', '7ECB7FDA805A', '3AFA78FFFC15', '611228818239', '619D1D7FDC04', '85255F76A261', '94CCB4234EAE', '971D0C1C75F0', '710A2280E20F', '7B64BC831CD9', 'C9DA3BE5EB24', '479F6A965C8C', 'D24777F39289', 'D7946F0C2A83', '65590D44B68A', '2B4A794ED0D8', '242E9BA55C0C', 'E3F3C192B3A2', '61671FCB6624', '3F8C4D2CA16E', '2E9B5CD4716D', 'D022656B1A36', 'D5CB4FD63313', 'D66B89FC3757', 'D7401AE3A016', 'AC7C84C2A13E', '727DE3CD0AEC', '7C1FF9F7C5C8', '2A7C4A1CBA41', 'BA18C6F80423', '23C6ED53A179', 'C05809232F0E', 'C8D3EB90EB29', '4AD3DB40F5D3', '46284DF2F31C', 'AF34B1CDD152', 'A6CC10322C3A', '0DBE82E9933F', 'F5A0BD46D3AF', '3CA61DE9B5C6', '899E6252BD6F', 'EA5E9342C547', '89CD5C5D9180', 'FE47325AD93F', '6CD4FAAB7653', 'F503C7DC334F', '870D9B35F20A', '37FC9DB2D1DB', '8C9A286F5351', '7AD4CB4029C0', 'BAEE45819FA1', '7BBC565EFE33', 'F44F49940938', 'E7576760695E', '116FB053BEC7', '5EF4174A5264', 'B651AEF954C3', '06E3595C94BF', '0054850878E3', '7091F3705B94', 'FC90D46FBE1F', 'DE1EF5A9F3AA', 'E8FF0D2483FE', 'EF2D45E53F40', '75A613E09762', 'DA2D885A25C8', '5666D5642C98', '563122BF4796', 'A4035C4D846D', 'B0007528CB4A', 'B3526897360F', '2907A97CC7C4', '9B69DE203555', '387A6ABAC720', '3713AC622BFF', 'CEB3F5203744', '4B54BE9BD269', '11B942BD5A87', '3C9B9DAFB0AE', 'E05800F81426', '548A0120A1CA', 'AA48C183006F', '68A83805444F', 'BFAA8D19FFA9', '970A1848B187', 'AB5069821C4E', '27E6536433B9', 'F806675B9B70', 'A486E99E277D', 'A8445CABFECE', '14D6911BF51D', '5613F9FB2154', '46F64048E5F5', '6E80360E58BF', '1D459BD1F763', '72B22E89D0EE', '29AB81B05092', '50C6B70DF247', '6D616AB3E2A7', '958E3ACAC90C', '1F44A4A679C2', '453D762EF267', '1F539B2D1ED3', 'F32A84A0E29C', 'E7A45AEC5AE8', '2CF5EC4E36F2', 'C3C13F0C0274', '548A58E068EB', 'EAF72F67654F', 'DD627EE5CB27', '897438742BCC', 'BC32404D0719', '1693FF58E7B9', 'CA4E39042770', 'E10E42DFDA2B', 'B8CA9E3E3100', '0FE128A98388', 'DF2BE9E97393', '9E3359EBC812', '082598CC8955', '92E1CFD27E95', '095B59682071', '716543D2EA47', '371834E7E1DD', 'ECD0248B4146', '995330686089', '672D0F5241A4', 'CCD30CE1E903', '07E4962801FC', 'D88A1D12032B', '712A59B74C91', '7BC73C8FBDBC', '7A143C2BC7F9', '1B2470F552CC', '9C97C5A04635', '57AB2EB3B7B6', '6ED825F9F077', 'FA5CE3A393CF', 'C83EB6623D24', 'A5A55FE930C4', '58211510AB4F', '11CE345BAEF2', 'CC9290DC336A', '420557904E93', '6A088E8BBE02', 'CDBE82430B57', 'E249399CA04E', 'F711AD68730E', '0802AEA16E9F', '44735791FDA0', '9F7100885801', 'C02E687A4BB9', '51A5A4C583D2', '8A033A8BE5E7', '2F7B32094BCD', '65922C6DA1B8', '19C2D7C5171D', 'C5A56B482FAA', 'FAB02B654C4E', 'C1A275127D98', 'BF3CC3305C55', 'F2A79A33B020', '95BCD0EEE72B', 'F24FA9D60071', 'C5F1272FF970', 'D0A54C1D411F', '6DF747F4A277', '58E84BCE4B90', 'C9896C21A7AB', '91962F622C5A', 'BC2CAB7DB6F0', 'D9C9F849DC3E', 'A7B69F38FB55', '8D73796D52E9', 'AED0E44B59CE', 'CA5DB05415A5', '4478B3244F49', '1313ADFE62C6', 'B5FF33681C22', 'B437EB073109', '1EB5D99BF3CC', 'D087A8C24570', 'E02E7B3C880F', '3BF2F496AF76', 'BA655E4F7018', '954486CDA6EA', 'ABEB82F77B84', 'F6CFA4C7247B', 'E90A6BA3F6E8', '454FA9C8E4C0', '0C897BA8D8C1', '1010F320FABB', '21CB2FC1D56F', '7C45A871BF88', 'C70EE5903373', '1AD208F3F94A', '1EF99E72B0AE', 'C5E15819B7D6', 'A4E6E2D5658D', '2FC2AD6AF52E', '80DD6E906303', '69FABB805AB2', '5A6FAD4F6359', '124F5E51002C', 'A975CBC4A7E8', '262A455A7060', '250A3F61B6D8', '0D11CD49499E', '476E07AEA488', '8A3F92425ECC', '4B30291A725D', 'C9AC065BB597', '7A28AB016AA2', '85F85936F1E6', '1669F1CC90D9', '84B1E0E85878', 'F3593D9B1E95', '31467F92ED26', 'FF945B27A8F2', '2B557F0EF764', '862FEAF83C5B', '90ECCF04A979', '47C517E48BA4', '85B3EE483BEF', 'E6C2FD3578B3', '58567312BDAB', '464B19E7FBFF', 'FF23EEEB0945', '8EBD6FAE257F', '086603D5B319', 'E2B2ABB01662', '527D2EC10B3C', '2E6230521AC4', 'C0D0428510D5', '0DFAF28500A2', 'EB8B27A81300', '5986652F6023', 'ECE6DB354262', '58E92DF92D8C', 'E6337FDAD05A', '11B9AC1814C8', 'AAA152F374E0', 'E11931B2A6AC', 'DCE199D98B3D', '5B8AD3907163', '94927A32B286', '3171BAF9F164', 'E8D3A695C074', 'FF01B32BAC3E', '575829738D7F', '276048EF9F9A', '0DF3E1BC7D04', '6E381D4CCEDA', '429F4E63967A', 'EB4A3811B1AF', '36EB823B246D', '74B57E07F63D', '5E879A28D710', '0416D5BC09FB', 'E59DD4FF67E8', '309272016742', '9C6DAB936B71', '4DBDC14F77BA', '028A2B1C73AF', 'F497369C41C2', '572236CAAFCE', 'ACEDBB3C81A0', 'D228AB564BF6', '6851B722B3E0', '428FD33185B5', '326EE5515F2D', '6ECD533A72F4', '9D42FF4BDA82', '00EE23F071DE', 'C9C61B8A1FEC', 'EFE800DEFA4B', 'A8D52D24BF51', 'F8706CB01394', 'E5909247F839', '8555ED31A266', '40936430B82D', '42DC0DED6A11', 'DDA8E22052DD', '757E9E1595A7', '5CE34C643883', '053DA7D0417B', '248BA02C6B96', 'B948C72229B3', '43B8AFB8396B', 'F3EE1510C8EF', '855398650C01', '180159E53733', 'BF7DA06D503F', '9A8B992CE622', 'CCF236C2E533', 'C3C4D847175E', '0316F6288791', 'D972C6918584', '1D8D7B32B98A', '8E6CB58E9762', 'B4D91520B347', 'C737906554AE', '171E655CC8F1', 'DBC53691CD0A', '438ABF2E294B', '9C49F198557D', '80619550D955', '1006FE578078', 'D7D83D1EBFDB', 'E079C8DE0D1E', '2D36D77E0BF4', '207D7CEADF38', '07A023BE2629', '6FCD57CA5E41', '710928FFC6BC', '2B7612A3D793', '1FF01ED707B6', 'F497B058DEB9', '814488D5C66D', '9F7080A8AC9E', '9400D174DEC9', '43F92C43EB64', '03F55023E993', '9CE836599EEE', 'D1D38775CCFC', '0F3F6283B13B', '1CEDD5563788', 'BF17866F7014', 'BEE54D4D2B79', 'BA71F335957F', '058BD5D122D1', '28220DC55DA8', 'A535F9081747', 'CAAF7FF6EA89', 'DF764CB197A7', 'A6B380D5DEBB', '925C7FFD12C9', '850401568E9C', '81587E82D64B', 'F0B46DACB512', '15D5005F0ABE', 'C57E6EAB037F', '1111156C5EB8', '197A2E0615B2', '04ED5F75647F', '466945C86DFD', 'EAE3F8725A23', '4722B4D2C6E7', '7A1940992606', '3C26EC679114', 'AE425A221021', 'EE26DF6F6A1F', '4AFD5F644AB8', '2B48EAC02BF3', '3C2FB67A96CB', 'D4C789D85451', 'E15ECDD9A660', '3899C281559F', 'F280DC36C974', '9D4F9CC286B7', 'CFAF62184AB2', '5503B0FB1886', 'A2816855FB22', '45B7681DBE5C', '547A04414B54', '84187E561424', '4F5449021387', '3671DB5110C0', '5782F64504B9', '66ABFA4DA3A4', 'E595E218D423', '5721D0A1AD3A', 'A67C8BEE3935', '26E218908B4C', '1F694DB4D678', 'E243F4B2D0FA', 'CE64FA08E4CF', '738A2AE1D797', '2CFBD4AA7BE5', 'A996BE4B49FA', '543192A13FBE', '3C942012269E', '65688F5C5F82', 'F245631F4D97', '1C58F2AF08B4', 'E9428D8AFEF6', '81FD42FF7DBF', 'D282E21C2DB1', 'B5330C56B5B8', '3FC933A3FB55', '3FE607F4D3BC', '5C680F1815BD', '70FBC86A01C6', '2E1266682F4A', 'F92B3B747F33', 'C87A10617D8F', '8BFA9CC64A02', '00D304153840', '8EFDE74335BD', '16ED1E19CD0B', '763EF698F56B', 'A817C51F0787', '534353848265', 'DBA3D1D1D0B5', 'F953AA8577C2', '14409A305AB3', '4DC39F6792CA', '7600F1C7D884', 'F693E138BDAB', '66306888222D', '5208ECB70235', '5DD0E0AE3472', '97DD2D770B03', 'D7A9CF9A7786', '7A425A58F136', '3E6D1917A314', '15BA74A13D07', '7214C472823B', '5CCF95325E62', 'EBD98D754ECD', 'F468E21A6DEE', 'DE2A70D1284E', '27681E4EB137', '77C40DA262AC', 'A0DE768B504A', '9F0900A01266', 'BBF34C059226', 'F345260A27F3', '9752B7C08FFA', '8DDDD842BDDD', '1ED8279252FB', '124750B04447', '76BF3852B313', '5B20D8C3781D', '3B9A70FC3744', 'A4D269D38816', '2D89AB0B68A3', '0B1B547521F1', '5D724F93F765', '62EA3F855DB2', '51DEA81EDBA4', '3017001AD49F', 'B562D63C7817', 'C2ABDAC2BC2C', '64547CA6B2BF', '45775C79FA64', '779EADA2AEF5', '603407534EAE', 'A0DEA37279E9', '93E94C3BFE5B', '202C16A5B108', '2C8EA34FDC34', '95B09C17403B', 'D4BC5A89A5CD', 'FA2BC6C3A09B', 'A22DFE5E7337', '196E73AAF08F', 'A20D6E252177', 'B24EE1A93A0B', '18A22DA09EF0', 'C2A6C69714EC', '1D7EEE65F780', '343A95F8B1A2', '2E62A47405BC', 'E2E3F9182F8D', '688B11ADB595', '8BEC48C6C5E9', 'FDBC5C68ED9F', 'CB86688CF491', '95E622E22E04', 'F163B4249C07', '5EB99924C996', 'CCD4A267FA68', '6589766A4C78', '95CB51270760', 'EDE0E6181F61', 'A455B4430327', '75001A5FDEEF', '23AA5F45C05B', 'E5B076EB95A7', '75022F40463D', '988D787A291E', '911F68B99394', 'C5C6DED9C790', '5B6F224A710F', 'EFF473414159', 'C51752A9035C', 'F668F7A36DBF', '5816C1DCD336', '60B21E600112', '0347FB2B37A9', 'DA277EEDBA0C', 'FCF3A5BD8371', '13CFDB110C7C', '3245CF7D6A64', '5341197C5A59', '371DCD0EF85F', 'BE3B47A38A44', 'AFCE5307F69A', 'E099AB8BFFC5', 'D9C0995BC85E', '84956A4FA804', '4E1CF079ECDD', '3B2A626DE2B7', '9ABABB404DEE', '9407DB8BEDB6', '68BF11B32272', '410957337087', '504EF8AA4837', 'E2A75A854E28', '267F9C38F948', '2308726310EE', 'A8411CE08C68', '96A0B5E5A5CB', '014BF1790D44', 'B2F69B97BC2A', '148BB6325B8A', '31A3040F487C', '87A974F87B12', 'ABB7625615F2', 'D778E2E477F1', '5C094CEAB69B', 'A41214DF1DC5', '23F0ABEF8370', '9019F9FEA638', '01AEAC17451B', '7A347C69D3D1', '3F32AA4DA912', 'B67D550009E8', '7FB5A53C6DD8', '19E44CA7DF5A', '79CDD9460FB4', 'CE120A8B4336', '4BBC2E84ED08', '43596925AF2A', '3E5E0038C60A', 'C86676509204', 'AFFD150170C8', '83FA1948A3F4', '7476076AF500', '6D751D1BEB8D', 'E680D448BBA4', '475060D04C52', '69A0715FA8A5', 'EC1DD5C739B9', '8B3DB5B8F0B7', 'DFB0362070E2', '57807B412545', '15BDCD238E51', '2022B8E2B360', '459F27598FA9', '3F0E512E243F', '7BB808935B65', '0E6BB199BF93', 'C00E1BA4B107', '4D4A2F5E1948', '6E2EA3B14180', '83D5036778E7', '3C2E56DBA570', '7B751C9BE162', '3B9E54F5907B', 'CC4EEADA5262', 'ECFBEE2C79D7', '4D8415D5FABD', '1456B98CAF05', '8D242A52F9B3', '6397F69A35AB', '483A53143CF3', '7A5D38D49C13', 'D2DC98C026FD', '35D9FB44EBF8', 'DCB7655A11AC', '3CFA497859E6', '258C8CB1D40C', 'E1EC4869981F', '66CD59D78A9B', '1AA55FB101FD', '40A475C95D6B', 'BF2E86982E3A', '86787CB300DC', '52A09816A434', '5EF70094623C', '43EC1533429B', '9C6B4DBF759B', '27C1F6B19E89', '6C30C0076FAD', '20162733792B', '227853D28137', '28ED24DB496C', 'CD32C611650D', 'AA1F3740A24D', 'E6243EA8D1B0', '89D5A08E50C9', '7247BBE354B9', '1A067085A035', '62FC97D29846', '946581583AA8', '20A42E81AC2B', 'DA8D2BFAC0EA', '292FF100BEF8', 'A247FCC8D696', 'AB811AA2AB4A', '5D47B9B734D2', '4631AFEED2F7', 'E86C6679AAF2', '25A752FB734B', 'B8748AECBD72', 'EE580368CD1D', '8E7A674BF659', '857D1D3BC2C6', 'CAC4E6021973', '5681C8C42F1B', 'B65361F90B72', 'BE4E34FD45B6', 'A99895FA8F4B', 'B25D365F5C1C', '9E8925504E49', '9F12C5402E1C', 'B1AF3AD74555', 'C414E9F1DAA6', '90792E3137E6', '34FB9E0DF44A', 'E877D5AD16DA', 'BD128A3C6F33', '6081F7294031', '72279B65EB03', '10D09AB4D6C7', '78FFA7DA37CA', '9BE5C1E244EB', '0ABFA238F8BE', '8135441CED7B', 'AAA1665D47BD', '793800C02EE3', 'A65BB728AB32', 'ED8EE1F02203', '2DEC6F2AE21A', 'B36CF0CB30E5', '36D35B8A7915', 'D11AF7E28CDF', '081E861C5EE8', '4D2C67616599', '1A8074C87C0A', 'C6BB30D4C189', 'F4003A737E0A', '1232E9091138', '1A6338E69BC6', 'DBBF3EF47E93', '508DCB180063', 'D0279F114F87', 'BB4B5D896E96', '2F0BC63ECAF4', '20FE9FABD1C2', '127E7F587FBD', '60204ED9F4ED', 'D85690C1836A', '12C4FDD062F3', 'A2D7019DACF5', '8E0A4CFAEA9C', 'ECF8296772E9', '13BD2F675384', '63C087C70C54', '037C6126FDE4', 'D62E2B64236C', '9E61674DE1D4', '718800CC3C50', '229CBC81F9B7', '65E089A32CBB', '1065173BBE31', '43B12AB4BCAE', 'F44A8B59CF6A', 'F1EEA3FC1490', '2D23892ACDA0', '50DA28892569', '20E1ED11F61C', '91B840A41637', '65871B0D00E9', '38283A07296C', '1424DEF8AEA5', '2B7416B5A789', 'C755C1F6B4A7', '8D83D8D108F2', '4C3F39412E92', '56D513B3BBD4', '9D53E0729D4B', '824DAEDF9E75', '8E668341EE05', 'A8A25F94F5B6', '00B144412785', '4858280EA8BC', 'F2068036F26E', 'D8DC48B022F5', '6D0960F54CC0', '66DA2F1F5213', '32799982E5E3', '89183CAB903F', 'C5569B2725B4', '4920125BC38A', '76684944F17B', '442CFAE61CC3', 'AF077034AC88', 'ACABEA88860C', '7B6440A3F279', '9F0C2B822B76', '51DB76880081', 'E1412D9D1200', '961822095512', '1F20EF428962', '7C8094BF63DE', 'CE3DBEAAEAA8', '899CC108A4DB', 'BFF1386AFBE2', '099764B21768', '204E5D4294C2', 'EE426846F3D3', 'D225223D0260', '219670F16AF1', '163A7C9FCF34', '957EE90E67F9', '9C8126B25A26', '74FF3575E386', 'C9CAB778C94E', 'C93DCEE52172', '8C4DA60A580E', 'FEEA679DCBB3', '6786EE6112A7', '53C9F177EB03', '998E0F68318B', '2CEA555561C1', '7D89CBF638CE', '9A1DC81E4FB5', 'B0D5228E9FBD', 'FF7164909305', '155ADE36AE80', 'AB5EBB04C48D', 'D3C9713AEDC1', '5BB2AD58AF12', '6F8081D34E75', 'DA0FBE6F11C9', '5F897C00DB43', '304B55907101', '42017C1963DB', '99833F73DE44', '86A3A166AA67', 'AD7525091D85', '4776005B77F0', '057AF0C42467', '18DD6D2A09F2', '504CC3493DAF', '861588AA9001', '6770A2F02671', 'C28B8FFF66DE', '5E95EF84B113', '0B8A0777A6E5', '93E028526579', 'AE6DBB2AE6DB', 'F5EFE72B5E63', 'FF9E0379CD98', '768885A4B61A', 'C8C708EC29F7', '3AB30AB267DA', '9BBEDD9BD0C9', '2C344E66F358', '252C111E462C', '059DFFE3A3A9', '0FE5C9C13E7A', 'E4FC29A88EDD', 'A8DFF4D30133', '8E7975A0FCB5', 'FE40A50DF994', 'DB9838545463', 'B0F645CD20FF', 'D8FA1F4C6D5C', '2F19735DD6EC', '3DA81D432A0F', '6DD430E0A7CF', 'E03ACCEF14C2', '99216EEE458B', 'AD34E4ED347B', '2AAE2550DDAD', 'B4F6234EE053', '01267F2F5B01', '5218172D792D', '0C0E56A1FB05', '6794A463D2C5', 'E934DAA3C0BF', '96253054EFBB', 'FD97228DE00F', 'AE6BABB53D5E', '9AA193ECC201', 'B0D9B3EA4E5A', 'FE477BD61B22', 'DD0CD2B6F7CB', 'D150C1CD72D5', '31BC49520E9D', '754C88B5CA3C', 'A1A778253D39', '0326BEE07DE1', '2DFBA75B6C37', '3C4313611426', 'D20BEF9C2CD7', '39179028B2DA', '6660129B132A', '1F2351768406', 'E9BB013E0F33', '2D4643197395', '1B1E2883EDE6', 'DAD11E157730', 'A157CD4FC4C8', '4ECE014D0B37', '5B9E1E0553AB', 'EDBDDA26B49B', 'C20C1032FA1C', 'F763B20CBBF2', '2EDC00346850', '867A58ACE30E', '0DF37DD497A2', '8780E3CE2A3E', '9A03E46C0A51', '603D38C864DD', '3E89989D6585', '478D40552C87', 'F4E4C8EEF637', '515244292F97', '0C7890BF0A4E', 'A83032C6800B', '3DD7D9A53E39', '054C082D0304', '2F282FA175FF', '1F9C60A47E3D', '089DE1EB8CAF', '9DA131E0F720', 'FC27ECB471A4', 'B6AB1B1F7364', '5934838B26AD', '655EC70088AA', 'C8E9D6F3C80A', 'BEDC43C0FE6A', 'BF619ADE9BF4', '9F457CB98667', '2D95CCCD4DC0', '634A2AD49A62', '49AEA23D2E9A', '81AD1F069407', '077EA8162D03', '51FC77F6D507', '98947B33E164', '604B7BE00CDB', '0E66C9CE5B7C', '5171E1D8A82A', '5C5EB17E8684', 'AB45B8A7959A', '70B291155F0E', 'F748CE6BB514', '1A4194E02D4E', '10B5AC99E165', '57D5D51D6D7A', 'D485BE90E01E', 'A4C33694BE0C', 'CC3B51667B02', '8EB22AFF2A96', '3388A8CBA2A1', 'F949490671FA', '57859DBF4B4D', '54F6AD35A8D1', '90981BB41313', 'E8BF036DCFA5', '534835158D10', '367111CA290A', '88FD7FAAFA90', 'F883844CADD0', '372B34B48E84', '811DE32FCE53', 'DD8649A7235B', '6973D20B45C0', '1C9693E27251', 'F3E71A1A4F8B', 'BF9A3A65135E', '9B57F670E6DA', '32FE31495988', '7794085FE26D', 'FEA516299C94', '3DD1CCDA43A4', '985B2CF2C08F', 'AE7DE878CED5', '6AB7A38DBD70', '258F5D734299', '1706A44CC656', 'F6A92E43251E', '70F52F235E9A', 'A846B232FB69', '305F209C9A19', 'D4517AB595DB', '0961B819A4E9', '3BDE1763ECDA', 'AC1E6307E966', '3542AB52FF6C', 'A4FB165016A2', 'DEE347FC135C', '58DEF94A4FAB', '9A6F2CF32BFB', 'C944AAD86BA6', '6C394E3B51F2', '9C22F6D8C827', '2710BC110FD2', '89AB334EE7ED', '271011381AB9', '8D0E03A58CC9', '5E5A892CC4F5', '2BB14634D9FE', 'F32A0A41B697', '8846B3225DEB', 'CBF22594F6C2', '3063BD6D280D', 'ED42630A9FFF', '73AE93492275', '11C341083061', '6B34AE0F8DBF', '42B977C6E77F', 'F535CB6993A9', 'DA6BC6194FFF', 'E96117D22492', '5273831FA984', 'AD005493F9BF', '31A655925A8A', '86D1F207868B', '4BB5ADD5A1FE', '56CE93447F80', 'FA1E56F220C0', 'C7F1256D1E7F', 'F776F9881474', 'E09853233CCF', '656F48B15786', '16B7CA362E71', 'DC5C9B011657', 'B68ED8EDBA5D', '31CAE911027A', 'F955CE7D650C', '7A3E4D5F7F6D', 'B330C76B790E', 'A90544B36B14', '058CA87825F6', 'F5F96EBC0FDE', 'AA0B42CF00A6', 'BE68B9E53CCB', 'C5A3278EB458', '4F51DB73DF1E', 'D69D856DF697', '8F8B11DD9ACC', '159FA6D54C9B', '04084A8CDF16', '665D11F129DF', '98B95C21BEF8', '3009A8F385F7', 'D6B7EE7B040D', '2275932FD0B7', '4885E69D7C24', '9172F30C29E8', '139B1A57D6A3', '6BF54A9F8383', '8D3CFD31B4EE', '20A0C1C766DF', '060D9E77A5D2', 'DC9CBB208C6D', '4BC4DC58DB30', 'BE62C5534E8B', 'C43F61E4FFAA', '101256FB2FB2', 'AE6462B51991', 'F34DD475F104', '360F4E7D2631', '5C44B0B1C2E3', '44442D65C858', '23C514D3D801', 'F854C455EFBC', 'D0859D4FA7A8', 'AFB2995F886F', 'EB763115B6CD', '62185A8460AB', '201EC18E0A04', '322B33C931CA', '20EE7E422C2D', 'EC1FE04E8EE2', '08FBDF474AA2', 'AE021F85F4D5', '80031EC3D9B6', '14543F568419', 'B49ED6AC9AF3', '43D612E69031', '955C86F2C441', 'ECFCAAECAD31', 'D83490F6B0B5', 'EC0988E6BB43', '57A4BDE06D1B', 'D401F5D87E45', '5789A415F29D', 'F6DA839FE9AF', 'A97DE0D49AEA', '2629ECCFFE67', '58EBDB3621E5', '31DDE751E2BD', 'FA5C17345A74', '59A2F81ECDB5', 'D7D4F8C7FDFD', '64C09A835374', '255C21BE7CFB', '2AFDDA4D5D6F', '9252D20095BE', '3A240B2C1380', 'D7FFBE6E0434', '66B20410E2E1', '57691ED21F01', 'DC364EC72968', '161DEDCDD17D', 'D9A51EAE079C', '7C1EAA5096AC', '9D263A8A768B', '0E08D2567318', 'DA4EF8FD6A18', '0119F710D008', 'AB8EFBD82820', '560F96E36796', '6B9F6BDE002B', '0A6C0B6D3925', 'B04BEFD69D01', '3ED58343E367', '46CFE621048E', 'BBB0C6DD06E5', '6EEACF2CBF27', '17E36E840DAC', 'FA205817C3C5', '18A2E82D5F05', '01457B62F341', '16F6DD028926', '1E0E94F07481', 'ABE633932976', '650A40BBAB6D', '36E3A712A2CD', '0E37E20C3021', '78E39B7962F1', 'F566EA761D0E', 'F9470AD105B3', 'B1EF45488EA7', '17E0D40B3CB8', '6AB345CECE0B', '4E97D92F2119', '689A9ACF5486', '8498B3A8642D', '03A87384F260', '66ABB3042298', '63A014130F9E', 'A1F48D16C67B', '85D0379B23AF', 'AF744782945F', 'C4018603C469', '14DF107E8ADD', '675083F24FFB', '41395A333EE6', 'D5736E7D21F9', '0B606C33AC4D', '49604EAA151E', 'A300C28B76F2', 'B33BCDF39B04', 'E7E8F2F6314B', '3B3A47EA684D', '793D97BCA3C4', '5EF660E481FF', '1BB1E58F694A', '278C1879DA87', '60137928C48B', 'C160AFBD9D19', '9788FF5FBA3B', '89E1708E4BCA', '8A0A3FE01FE7', 'DBA1BE0F3883', 'C4F760DBDD16', '6DFB980B835D', 'C848C44E3004', 'EA9FCAE3C575', '03A9CF7C7141', '6B0402639A88', 'F9F27CA527E7', '3CF52C3ED074', 'CE97B1D61822', 'EAC03FA78D0C', '6B5D04317738', 'C1F74C98535E', '65AB218C2765', 'E5C0680158B6', '24E0B6DB7B49', '4F829961E964', '4F4C3717EEE8', 'F42FF5B7D208', 'BFC4CADADD49', 'A15649448050', '9B90E0AB50AF', '871287046F85', '180CC35C87D9', 'A9F764775832', '9451FC111896', 'B4BC1C61F5DA', '9D40E94D6935', '9BAE97BE9789', '9A7F7ACCC1D9', '77F3A3BCB5DD', '0504EEB01AD9', '63E8EF40EF1D', '0C751C31DE85', '75E100F355BB', '0459F1BBF74A', '547C43CF3291', 'BFB4A021437E', '2C7EDA83B0D4', '554DAEE7BBCF', 'A38F35A9F711', '54FB3EA961E4', 'B18CC50F5A1A', '7D391E32A173', 'AEB7346EA9A4', '0D944DDF9492', '92C8A41A0412', '0AC09FD13E72', '0D221F0798ED', 'DC6181711B08', '63B0C1CE1743', '8391AA01FFCF', '2BAA8312A66B', '5E1A660E4E8D', 'BA596EB98749', 'FC3BD2A0D23E', '03755AB0A62C', '3648A95056F3', '205A433D0CAC', '8726B24BA724', '33D741DE2BCA', '4125C404E34B', '1A243FC51E59', '4A19AA269331', '4EB6E7B8DEC0', '05A474FBA68F', 'A4FF5E47645F', '0322EFDA120C', '896F322AE281', '523EBD9ECA47', '97A506FAF875', 'D2946A413E6C', '3ACABC081389', 'C06037835919', 'DAAE03562B58', 'DBFD15D537CA', 'E0CF4993483B', '78B951722074', '9D7DC07877A6', '0CB2758A3289', 'EBF9131A638F', 'B736B35EC849', 'C6278E01D797', '286C3B565456', '26F0870BE37F', '2BB9A0AD9F82', 'D6E91124E3C1', '85D7C9ADFE4F', '42F0BEBB42B4', '453F56D5BB3E', 'A3285BFDEAA6', '39DD51C9D811', '411AE0653A8C', '0CB40DD64679', '569CBA2B3B8F', '150C879555C6', 'C7A316555DF7', '3C28743B377D', 'D2ACE090B6E0', '1719A6C849E0', 'A2A749DEC4BE', '9FC925C6A20D', 'FF7AFA7FF8B6', '644F08941EDD', '62E08644BD3B', 'EDF68039869C', 'DF1AA45CD325', '4B9F8C01BFA1', 'D63BA0463CD5', 'DB1F750E70E1', '15F4FA869635', 'BFF7296A29FE', '1CF95A009AE5', 'D932E9477A5A', 'BF7C67E62F30', 'E00E5656B607', 'F04A513C2963', 'C32D1DC4B036', '6A11804E60B6', 'B3165EE32FDC', '1529F615275D', 'BBBB5C4705E5', 'B80BB8B7FC15', 'AC594194F01C', 'F7CB662CA783', 'A4FA2C4BB8C8', '353CAC9AC658', 'E2630767E36B', 'E7F369EC8050', '7330313ED3F0', '62274F02BC50', 'ED830B1151E7', 'DFB4C78A64F1', '836BE35D2E45', '1D620B5FACBD', '242207118314', '8DCA8AB16C24', 'D20C40B1CBF3', 'B84A7F39D6A1', '56121F282D95', 'D2F390598EE0', '51E6646E0733', '123722DA6464', 'F60ED753621E', 'C39B288CDD5F', 'FC8DD899209B', '2C6E6657FBFA', '62AFBD98AFA9', 'A1B5025267D1', '39568660BDA5', 'CFDCEE813DF6', 'C8C168A9F3CC', 'F2825D154E51', 'B92B378E1264', 'A7EC6F462F8B', 'EF907722A512', '7648DFDA439B', '4AFC0853D08D', 'FC4FBC43EF32', '8B4B5C6DD5DA', 'C5C8126C1E65', '7C1D05780C33', '72D646FEEBCD', 'A29CD7941E1D', 'CE38BA1D5ECB', '92DFAC1BCB02', 'C3EEDCA21B42', 'BAF6A144BAAF', '072F9AEEC965', '60714BE8146A', '7767F0989650', 'B1B0D8237ED0', 'DA228B928B61', '6A97E65BBE95', '0878DADF1B3C', 'CCABE8EEA6F1', '15FD2E229EA8', '46425944AD00', 'A3BB032558E2', '0408B654C48C', '13299580C8AD', '9D1F1FD728E3', '22C152CE5B3E', 'E106B08D9BD5', '477B00F899E2', '5FD6686E9FE8', '0CAF8CEA967C', 'CAA042CADA38', 'DA757F0B202B', '09F7F5FAB692', 'CAE7D71D66A3', 'CC02E6A858C4', '1B4B715EAC9A', '19E57B0657A6', 'DFBB3878349A', '8CEB8AAC385C', '75C4CC1ABECF', '4B4A73217C3A', '99AE1C6789B0', '3923909DE518', '3F51F5840A15', '2CE725C8E928', 'DAA1B0DC9448', '4B64E914C68B', '51C6FEE51683', 'EA4763734037', '7D08A1D7086A', '86FB71F29A12', '214BC7CE00D1', '140434C2B180', '0B25AA5D6644', 'CAB6E91445DF', 'D514ED6A3665', '01D04F3DF6CA', '46EB864A3362', 'E04E83CEF5DA', '5A4B52D6101D', '38F38B0E6F05', '48D4153FEA5C', 'C6ACC74915ED', '9DF9D4AC395A', '21A359FEFC20', '606B556FD61E', '9FCF605CC740', 'E5C524E8ECB8', '4C1B24495AB7', '40FDE82C864D', '134BAA2D43CF', '7AFF516471C0', '3CBB0AD46687', '19B5612E4AC4', '8EB7CE98B8EA', 'CD7714C1464D', '9EF555637FBC', '3BA0E26A657F', '6D8AB204C4AA', '2505E3B0777A', '1D549C77CB16', '2F740510B666', '848CD0BA745D', '784ADFA51958', 'B90C3ED7033F', '1830EFB03CF9', 'E659800B906C', '8E446F4DC56A', 'BB92579586BF', '1842B5E46878', '044D921A8C99', '0FC97658A027', '01DB053153E0', 'BB3615AA4AF1', '53B68DAFE78B', 'DA6D07A177C7', '942ECB176B3A', '649B2A197C4A', '378005A2C405', 'ACF8D85BE4F4', '9510F68977D7', '1CE967B8E5C9', 'C86A77CEF091', 'B7BB7AA2B5BC', 'BA5C438CC087', '081A0EDC2648', 'B4F3E5D8D7D2', 'E8C1C58F8A0A', 'C9EF98006357', '50E905BAF3AD', '89E3EAF87D82', '1BDDBCF9B071', '4D30DAAE61A0', '0333283809F6', '198ECA5E2E5A', '4000B8222A07', '1FBDEE7FC78D', '603D3019DCC5', '70E008E55102', 'BD0D7907E4D7', '2D508D3CD27E', '202A2848311C', '859CA9917AE5', 'B92A891555CA', 'AC134C9AB3CC', 'EAD0F017B5D4', '3828201E7783', '1CCDBD707F65', '13C09EA02E56', 'C2FA7273B525', '8A33C5C1A579', '45A87F46D89C', '5086805A319F', '61F3B1F549CD', '2AEF9CECD887', '7EECF753189D', '1343B0769174', 'E9E9AEC9100C', '71D831DE643E', '0222E19C41BC', '9FDD8A146288', 'AFCF10293B9A', '7863164BA896', '80E78F9EB937', 'FD8B18756C68', 'D84271FC252A', '4A0B12C1D10B', '4A383338D870', 'CC5894978F31', '929CEA8DDB32', 'E4F9AEC51ECF', 'F1A9A822A619', 'C4BCD14367F4', '387FEC6C2CB7', 'FB0053511F2F', 'D8406ADB1493', '766376432498', 'C2A49B846D05', '8248E7E6E2A0', 'CE3B81539AE0', '65E3280D899A', '29F5392497DA', '8742BE58A671', '51C3D7E06ED2', '5A510998E08B', 'FF9202FAA566', '6A290D8D6729', '70ED78541A7E', '95D8D99C517E', '36FCA185E7E3', '6B56C630FFC5', '2EEA9454E26C', '403C86C75FEB', '5F931A3FF8F9', 'A0928D4B7EC7', 'BEC88463148B', 'EE194115BAAF', 'A9E9851F3E7E', '0168325D0E24', '30AA3CFC1A36', '62D796BB3724', 'A8683674019F', '35242F4AB789', 'D828BE60BE57', '46DFE5507DA3', '38F4CE28F1FC', '7359BD785A25', 'E459422C794C', 'B4AC3F641AFF', '05EC08C05019', 'C318777ECE9F', 'DE17AE0AFF7D', '0EE9980F4C4B', 'BECA14914CFB', '3C315C4345C7', '4155D50399D1', '8CA7DA405671', '2D9010823094', 'D8824F42C5CF', '38066765F81C', '09F5B52032A1', '5CE46A992889', 'D962FD67FF4C', 'F11D449380E6', '94DDDE49F8DA', 'EDE56797770A', 'FE129177A067', '6805FE96E548', '675D63C3D265', '94810298EAEB', '43B24ED85767', '33008B95DE9C', 'FDB27AC9357D', 'BD7F5D94AFED', '8E915F00ACCE', '2A2CDE97B76F', 'C70E3EEED307', 'FE3CA06DDCA1', 'C9B23C5B1064', '24C5ED476177', 'ACA7AD2E5716', '2B4BE109A9D7', '530F622827DE', '163AC455E1DF', '94DF4BBF522F', 'BCC1433ECAEB', 'FED359DCA0BF', 'BF3EE6D66E3D', '1A068661D19E', '4336E25D1D6C', '73B8CA4B266A', '26432FDB0644', 'D6A32ABCAB53', 'E22D53ADC06A', 'BA5056B8C67C', '3FCA40583533', '7CF24BC81BE6', 'AB0403712FA9', 'FB8A6D53974D', 'CC68BA9DCB2F', '52835AA731FA', '6587820089F3', '377548575048', '9C4444C557FB', '46527BA000FB', '01F69867D1BE', '18EAB669FDE2', '8DECBFDC0EB8', '2DFFBEFF2B10', '9399DBE21A35', 'DB4FE19B8FDA', 'D3B5E0743515', 'B7685AA86F85', '01A4C886D048', '1C346211657F', 'AE47AB399CF4', '503E1602666C', 'BD304A35EE44', '64DF7B801614', 'BE6FC06B8795', '288183B3184A', '1C3440A3FFD6', '331588D6432C', '4779C9C9093F', '89822D57FE56', '6E1B4AF3CDC3', '3919F3440FB6', '4FFA8AA9820C', '28797216EAA7', '8B4BBB3F601D', '25C37AACECA3', '67680A4C81E7', '0BE6935B5A54', '0BD82CC1FC8C', 'DD95B403F95F', '6B3AF4AD81EA', 'A27F8CE559C8', '63C72E480CA7', '098353275507', 'EBA1B05B6624', '18554EA0420F', 'FF62E6972211', '22916F4BFF97', '5B9FE6CD8325', '0BB0E957B6FE', 'F362313AF4DE', '23A195AB438D', 'A7BD93C544AE', 'BD33192DA18E', 'FFACF4B90AB1', '4FF7C90E8071', '8F46AC3C99AA', 'FE62304F4B86', 'BAC681996825', 'AE5B6C4FD5B7', 'E87BDAB97148', '3799343B6C0A', '87ABD416A9CF', 'F955CADBB6B4', 'E418CA5F2D7A', 'B9347CDF2461', 'B38B82E3F538', '27D34E27FD4A', '3BA15254E27F', '4A28DE0DB485', 'DDB424217004', 'DDE62E929C6B', 'CED03E44340E', 'F98C8AAA5BE3', '3206E3F5CA39', '12C40C11C57C', '8CB1593BFA5F', '8B095EB24288', '022DD0BE5A38', 'F9E1434B2151', 'C1BDFD85234D', '308DA02A219C', 'ABBF7FEB056D', 'C75B9C4FFEAD', '4B3862D5B402', '62AFFAE17116', 'EF08234FA6BE', 'C48F269A6ED8', 'DD259D664877', '987ECCF90CE8', '0F13AFF35C0C', '9127434E8CF8', 'A282A18AA03D', '3DB6FCCA1445', '437E9376FB71', 'FDC5C6E0B4A7', '71DF40C12652', '04DEFB0B11C5', '008C191EF21C', '8D509BBA7DD5', 'CA92495BE92E', '532D74D761F5', '91FA9C603A6B', '83948102B382', '17C13BE317AF', '0EF91AC5D457', '5173FB3C75A9', 'F9A5B72FAD82', '043E9B5AFC5F', '908906779AB1', '934168169D89', '109FC36735A0', '8A00BBFCFABB', 'FB9569BDE4BB', 'F3454E01E31C', '9FEEEA2734D2', '83D8A875FA7A', 'A550B8EFC039', '313229323B6E', '75B94E37D75A', '655A3B3F19E1', 'C74D540B715B', 'E223E52018C1', '87328D07C574', '2AEEA0A97907', '4425CB6C8585', '4A4ED75E7112', '2B3601A69135', '7DC8112AA69C', 'C20A6EB7FBCA', '0E5278E12B82', '558BB83BB400', '916117BFE2A1', '201EB1D0F1D5', '94A5C5B0F0AC', 'BEAA8D8A3EFD', 'F5BC72AE5196', 'D4A3E7EC982E', '9D0665A39328', '8A533A6E8808', 'FD48976C9913', '542FD18E9ADA', '905A76FFA540', '2446D9BE78B8', '922038AC1578', '6EC2740A88BB', 'C1B32D871830', '5DDEE376DDFD', '138BB07570E0', '91A358248CFC', 'BB207C714EBA', '6F8286D752B2', 'E125A0E0FD41', '6BFE834C4FD5', '7A532625FFDC', 'AED200889835', '1DCF42D2B503', 'DEAF202F9EB2', '0EBD16DD8BBD', '3EB880F4A4FE', '65994ACB31EF', '8D3BE9EAB1D5', '2333F75DB5E9', '8783DB652376', '11823089B61E', '26981B151FD2', '4CD7E8A7BA22', '96E0F82A7BCF', '31FFFAFD3987', '46462FB89C84', '8CD442C14869', '61BABBBB9822', '3A9F1E5CEF61', '2FAE6DFF45F1', '03C54838ED36', '586269D6471F', '23156B9E3E53', '37B05EDB1C50', 'DCDE7152B94E', '154897339487', 'E94074738406', 'D4108B56F2DF', 'A66F364491FF', '471611351FAB', '81F1DBD56E0D', '89039D21E960', '614C338B9D97', '268675CF9C2B', '135D6AEDDA9F', '856462BFBBB1', '7F63036D0C59', 'AE359CF88362', 'DC2EE6A2F024', '791E0902EAD5', '65F5C8D8AAEC', '91125D5EEA38', '6C4D40695123', 'E397850CD3D2', 'F7E9EF1AC55A', 'C541FA8BBFDB', 'B18624117239', '83B1B27DE86E', 'F106A7FB6C5E', 'B5B5BB3CB4EC', '7D9F1CFFFC95', '4D0233F6C1E8', '0226E802EEEA', '58C092C01C79', '10F4C4CDB76D', 'AA38015B5E93', '8C2D0E1314DB', '4F7F24918F42', '2C871443D686', '25664FBAC604', 'FBFAA80ADC60', '2B605EED5E4E', 'B0A19F407570', '82BB2259D709', '35011B0C0225', '9680FAE8D811', 'A53E02BB0A41', '1B061D85405F', '2B49B48C3B2C', 'C10C521A47C3', '7ACEACD37436', 'B0C7779B7276', '89FCD2B81990', '1613BD216385', '5448E486707D', '9F1CC7603B64', '1033B94279B0', 'E88B3A355149', '49ED588E79B1', 'E7B3A115D111', '5D3F76E36715', '2FDB1B6086C9', '7804C4E627BF', '8BDA09CC9FD2', '66E83D44F4A3', 'E4DE4FCBFA63', '5CD4B139FCE1', '8E6166FA732A', '763AE37F4BD7', '715555B20F91', 'E7C8FB41C6BB', '15B1E4516018', '52432D25C86B', '665A2D50F034', '2E1C25D6F265', 'AF938D285908', 'C879A485810D', 'D35AE4A7CE83', '5B14E2CB36CB', 'CBC776495BE0', '0AD7535C58C0', '0D89C8189022', 'A67D3F549FAD', '86D78A2CD591', '2B2696900DDF', 'EAD34355445F', '20B696B5B9EE', '1D45838B86D6', 'AE82BD8A926A', '2E4A8624CB67', '03F81E8838D0', 'BA9B801E3540', 'D88B4501DA8E', 'A70A57F5752D', '0F7DB6BD1AD5', '83F0695E035E', '6FF14DD83450', '44C7E9C4260F', '0BAF08001514', '8732FA1BF586', '74324AD36BD0', '6F817602FD7E', '3A38C6310D54', '281B30A5EB30', '55C612B32725', '5E7DCF4A5293', '7E37567419F5', '8945D160056D', '0AA050C570B0', '1202C1C507A0', 'FF7BA63A1993', 'CD86F7930D58', '8AB07A248878', '0B54CC968D4A', '24FA36D49DB7', '4918D9A545C5', 'B0E17505BCB3', '47B65C7E16F9', 'D14F3F93CF54', 'A00DAFA2E4E8', '7E026B760EA0', '4BD9A9FE0FA4', '93A9B27859BB', '0D3737E9F443', '60B9CA06540D', '58FE015253B7', '2FE09CD5CD8C', '336F8093CF86', 'C212B1F1C14B', '25F9B9BAA02A', '7DD34B45537F', '317BC7AD88EF', 'FACA3592FCD0', '9DAE6D2462A8', '86A74374E724', 'B3C8CE820C5D', 'FF21CAA2F125', '2C2CF03355C9', '8A895792F3C7', '66031F0D0329', '75EDF0FEA5F1', '5E9B17A298AB', '9263362F551D', 'CC3A5AD37340', 'A602D45D22B2', '12725EFCD35C', 'DC5B8E6C23E6', 'F24858D7F8F7', '3C879A5C86D9', '727F83C82B08', '5C29D02F268A', 'ED1EFE97C40F', '9C20E2584A8B', '5394485B02AB', '00D719F00D9F', 'A851E38A7344', 'E4630B623165', 'FAA1621106BE', '86E1F1C251F8', 'C68C60B718D4', 'A2745099DA0B', 'A975647F8219', 'C1CB555641B6', '688370E9E6F1', 'BFCE87556F2A', 'F7561C027920', '312C67D3E8B1', '824B1332670B', '29203AAA6CC5', '952569CCDD6E', 'E5F47974A6EF', 'EE6FAC759013', '0CE521F8D172', '0CCFB5F4E6D4', '45A5FD941F4A', 'F10FDD44873B', 'BA3D6BB860C6', 'F18B05581BAA', '505E1F0E9AEA', '4CDA5FCEDDB1', 'B9688F9C3150', 'D703C053AEC6', 'B6261FF12B56', '7A2D0B189298', '98A9BF4E795A', 'F407D70D45AD', 'FA6FD7F076C6', 'EBFB5DD26BF0', '2F889A4F325B', 'E1B4C22E7785', '22C6C0356324', 'B056CFFBFF3C', 'A5DEB6E371EB', '7782DC357595', '1C41622B0A7A', 'B3D92EA18E0F', '8E83FB707B87', '5F58F22A24B5', 'CA0C21200F78', 'EF9E9C4E5D1E', '18860E0DA892', '2CD086E87F2D', '10E592ECBDB0', '34A463C4B1B4', '0B4FAC7A4A8B', 'FED2903D0697', 'C07E3C23CE7B', 'B8A754A0B9DD', 'F17D56052066', '2275D39DC5AD', 'EF814D7762B0', 'A7F8EA8D1E7A', '4BD30FA12457', '31C7E435A083', 'DF071F7D4B04', '68E7029BE2C0', 'A6FCBC1C476D', '4C60FE6BE07C', '91C1E1BA845E', '6B34BD2CA144', '47E3B3E558E1', 'F9BFE8C8AD17', '703C3A3D102B', 'C7C9C01597EA', 'A4436BAB9532', '66FE148BE39B', '008B27E80228', '04AAE2E8EFB4', 'B9D9B02EFC86', '3F30E7FDE6F1', '4698AB6B27C5', '269E80DF1073', '1BB48664CC6A', '0D6F9BEBACE4', 'C3D4F36886E5', 'F98C913B5446', '849911F5126B', '99451900AE17', 'D6278021E119', '95D479E8C7E8', '79B0B907CF87', '34AB53DA73EF', '40C8F8E9E046', 'AB1AAD6295FC', 'C9C826197027', 'A5CDE9900195', '7F513E5DA945', 'AA04FD5FC3DA', '75614E82027E', '857F67692BC4', '0F571C3502D3', '887CE761179C', '45CBE29D23E0', 'C8EBB096262B', '7B4FAE7A57C1', 'E018497ED277', '45DB353F7471', '422A3A47C33E', '06A9B4BC2E90', '546C0401D25D', '5B2822CE075A', '7440926E8961', 'AFF882607973', 'E52E56670B24', '0C7C06A6D656', '46D1A8FC5D49', '7D14E283380C', '13F1DF1DB4DE', '95ED30690B8C', '4F39C001C736', '2983A5DC1E8E', 'BE5D3ADC4F2B', '7CB443BFD73C', '20D2FEBD3853', 'EB5021B098DD', 'C4D39AEFAA87', 'DE0275A222C1', '99FB1D4C4F5A', 'B51E027B51AF', 'CD33A5B0A307', '2E7B7DA84C7A', '31A3727D27B8', 'D889C48DD497', 'CC2FAE6B5135', '94EFC5F3ABB2', 'D44639122EAF', '9411BF4CF714', 'F65618376429', 'C59ED272B57C', 'BA991FE296BD', '2FE7098FEF58', 'DE842CB71C02', '5AF8EE583A33', 'DF723D10CC23', 'A46BF87BBB48', '564FEF97AC52', '2BB45C0C7802', 'B15B3D1D9CB5', '5E8BECE0067B', 'FBB35C3EF339', 'A5FCA4CE2EC3', '158F2C1BBEF3', 'BFEDA9FE9F1E', '1C9E388C17B8', '2DE70542C32D', '3FDC2CD9FB9F', 'BEB797E37AB6', '9A6C18B25037', 'B996860E00A4', 'F0E863BDEB82', 'FAA7B824C589', '2B6B50852E0B', '9898C2839018', 'D2A1577EB7A8', '9BFBA5356167', 'D3DB341F4932', 'F45A719EB22B', 'C55EA5FFDB2D', '910B844ACCA1', '3E914F66058C', '718EEB2328FC', 'C2BF4C553358', 'DD40AE6E1E6F', '761B16CEE6C1', '6E919842050C', 'E7C5E12F4E84', '13E8A2F76C57', 'C6E43B28660D', 'DA41A7B07DF0', 'A07A05AD9104', '97E8C5E4AEA9', 'D75B4D14CCAB', '956B5E2F3BEB', 'AF642CA41345', '62E0E0159843', '70B6F3CF220A', '52043A84C3BC', 'AC871BBF14B5', 'BBEB4231A8AF', '7CEB4836BAFA', 'AE8CA585DC1F', '8975E6D0380E', 'BE243683124A', '09FF4F0D2B79', '288312CEAF6E', '4DCE9956E3DE', 'C7A018905E52', 'F038AB4D788D', '64077B385B48', '65C1010EFD70', 'CBF57C499977', '493DE86CC0CD', '7E20F422A3EB', '1BC811EC52DD', '980850873AB7', '3F65AF00FC67', 'ACBB0618CF1A', '5E75902533E2', '53EEE7A5B5A1', '02A6AE54EB79', '05E82CD3394E', '855FC08FC096', 'C4AC99D9CF4A', 'AD3821286500', 'C646479A45F3', '5445F0F5D9ED', 'E518FBD13C3A', 'E04DC60DB4F5', '8CFD338AFB98', '25AB1A453D24', '29687C1F98F1', 'DECAC443C667', 'EC37D36974CC', '2114A12D2095', 'F6CA5589DCDA', '0581A6F4E804', '6F326F032E91', 'F01B0824E489', '6DEFC88D4E0B', '04AA83899997', 'B864F3DC71FC', '7E26851E8EA9', '571BE3159B48', '1D369D51E5ED', '4A5AB644C41E', '4579B625E1E8', '60FFF26260C1', '79CF90622262', 'DAE3E4057810', '8352B07F2708', 'AB6284069E18', 'E4BFE6EC3275', '58C4A1F4BE4C', 'FFE46004CDFB', '20C0FA255C6E', 'A7B788E51FF5', '971158C1AE69', '3D64CDCC5B12', 'C5606BE37BD0', 'BDDD49DF0C7D', '51464A01F6FC', 'AD19FCCF4D66', '6A2FCEB4F2D1', '943370C19A7A', 'ED27B5020694', '67683A36D7BF', '51F05D3678EA', '1A88DC345340', '793517BB1BB3', '2C8BAD341085', '079F9B97A2AD', '882808C92A6E', '22075172920B', '2CB0A75DDF7F', '4B51E3917E0E', '71D3F6E61C14', '5E57B80BFC66', 'A6B3770935B6', '2C191F7F9FA1', '4EEB3CAA6F48', '97EA28FC8ECE', 'D784E06655CB', 'D2BD6E5B0D1F', 'BEEE3AC55C0E', '9E1B8D4EA6B0', '93FAE079492B', 'DDDB09DD580A', '8855A0898835', '26788B95F2F2', 'B1F95DB388DB', '4896AD6DD91E', '9483857CAA80', 'E5F3EC28F670', 'F0095A6449E9', '84CD770A3BA1', 'E67A118F9AFA', 'EBCABB635458', '16D3EFBE11FD', '4FFC4DB08B42', 'A02D5B12D66D', '29BE895CD900', 'A603DBD5D182', 'B0E846E42C45', '2FA02A1E3654', '2C3E3E48A880', '00A4CB36E006', 'BFBD47C22FB3', '9F7BBA5FC646', '4ACB29936C94', '0A23334002E0', '3A748C1D650A', '48B50A9C7D0F', '352FAD192BB9', '6FA5454B11D4', 'E7DA3EBD8366', 'F4EC42B28077', '448D92E762E2', '840A520F0D99', 'F40F9FB07FAD', '3F7A0163C8E7', '4DF55925F544', 'BE3908E29A1D', '22E223A16B82', '7DE381011700', '1871E7C9919E', '6B3C70C249F0', 'FEB736959AD7', '923043ECE82F', '29BB45AA907C', 'AC525B50F33C', 'AB69A8EDFA20', '0433D61E8652', '0B720B5EA0E9', '273863D43441', '07C6107B301F', 'A2B0C80404FD', '3B355996A407', 'CC50C8238771', 'A7AB35E04C19', 'D54F90711EA3', '5672F9F49336', '5CD2BCF64F4C', '0B508FD837EF', '6D681ACAF7F7', '0A5BA91AA8B5', '0C0C473FA794', '44D73D95E310', 'C94D88474063', '446DFCDAD7F4', '192A27F0608C', '738E215A237A', '13D83C05F4D8', 'FACF20D0D847', '85B5621E1876', '44E343ECD9B7', '0F6250B6D784', '58358B109222', '0AFAD06336F3', '2252B166CE0D', '75146054E72F', '7992F4E1E3D3', '5E1DEB2AAE39', 'D9A50E9D3E5A', '0DDCAFAEA487', '46DC70997CEB', '84DB11599420', 'EDC00F1B2823', '0F43EDB760C4', '6CCF20B2E727', '36929B945E29', '2056B171116E', '2AC878B831DE', 'C5565E4761B7', '37019C8C1ECD', '5F27253980BB', '65DB75B187F2', 'AE587E8BC0D3', '2BB327C90883', '651CE6F22A06', '4E1F37A9728A', '21C30597D17F', 'A1B2F28757E3', 'C7BB1DCC0537', 'B44F4F2E6178', '5B762EBD64C1', 'CCD422BE9DBB', '20498D2BFDBE', '1788B6653312', '27C2C3000FBC', 'D77794179080', '7FCBE68F5923', '0646F7BFC681', 'E059AC481E5D', 'C321DF7BCA1B', '126747A179A8', 'A5977AF16661', '6E691E18CED4', '64BED9417DB2', 'BEF5E55E29CB', '463F959EAF89', 'FA15A1E3BF2C', 'F6056CD0CCCA', '3F59617806D4', 'C55E03052E48', '25DECA78E234', '9DC3CADE8953', '5729D5AE055C', '0B998187123D', 'E8D55D0C4BAF', '2AD8A9FEE4C0', 'E06960D4A6C1', '3BBF8A0059DE', '61B15EC2F7B6', '9C3DE25AF92A', '70D2F22E29D4', '53BA0A8722FF', '80E2B7016611', 'B23941DFCB72', '6F220B8B2495', 'EA3B8E4F74DB', '3316349275E3', '825C7DDC0008', 'CF0214901725', '232A55A50FF0', '49F6198DE921', '6E154A9B7943', '552ABBDE1296', '55B4B2BFF231', 'D22D39A0C3AE', 'B2EE7ADD5BFA', 'DE01C3FDCA0A', 'A7441C4D1FF3', '3A9A95F48F86', '3B2C8BB36BD4', 'F19978B8C2A7', 'A34FF5F00E3A', 'D354980E4F07', '1FC7106860A2', '5DB4FE5D6A00', '8D4DEA77D545', '8FE284BA4D25', '1BB2EB85C41C', '5656301109BE', 'C8F035B467A7', 'F3ABEAC1432D', '8BA8BA5260AD', 'E797D7F9B452', '1E4261B396CD', '0985602832CD', 'B727B720430B', 'DCDE1C43C218', 'B6F12A1662D4', 'A15776CBECB7', 'EA6471CC4E00', '9EF6AC7590A2', '5AA83726798F', '7A56F29D9707', '6FB96EE78D6F', '04810832D23A', 'F6F8929C3714', 'D470DB16B85E', 'A54C0AA815DE', 'B6C009160238', 'D4375D1ECD7D', 'FC9BC150809F', 'B133FCABD0AF', '90345B5B064D', '84425797BC28', '1D6220DAB645', '1B4AFEB6E86E', '160C8B8C0E64', 'D85B93C13556', '47FCD0F878B6', '32E3A5BDD0B2', '80CAF7FFFD56', 'D195E4354F21', '8F899DE6880E', 'DE34EBAA18EE', '6F096C626578', '37A77BEAD718', '1E68FF259297', '0BCA18283DBE', 'F1860C4149BF', '3C4368A07D88', '56774BA72B7B', '25086B7087D6', '52B24BAEDC8C', '9DDC8FDAC3DA', '89C921B360F7', 'DECECA25BCBD', '58D5E21C7B46', '4B14E9E6D731', '7422D711C2FC', 'CD17678005B9', 'FD311907E3DB', 'AF05AA1A49DA', '0CF568439ADB', 'EF5579B524B3', '69ADC83F4BBE', '410754A81FB2', 'D58DD07BC0D6', 'E63689D747FA', 'A4C42F2B3A57', 'A550B41E7CD7', '097FE8053507', 'F86616365497', '5403979D49E5', 'EB16CD7EC3E6', 'C4E233F5D9A9', 'DC93D8BDE631', '60E98C89CF04', '232A864E5A15', '82FF684D4DFE', '8F625951F759', '9BA24165EE28', 'CF84C9D788A9', '080E2CA04B67', 'BC73CEB66875', '0306244BF63F', '5843D4C6EFCC', 'E95621C07D95', 'EAC3596461E7', '6796C7366713', '113942A18C27', '446F3C285AD0', '9D000F734774', '06936C8AA35D', 'D23F65F4652B', '8B696D4A84A0', '399C14D08042', '0C1D8179D5F3', 'F6C40C564E5E', 'EC7C81E59E9E', 'DE7F02980A1D', 'AC8F2F26AB2E', '1B2083B9F74C', '30B617145AF6', '5AC16E188F1B', '030A70B9F194', 'A5B9C9F26FD6', '2D10F2D7A580', '24FCC5A84ED7', '7AB72C44704C', '8EEB5226121C', '24241413242F', '79BFD0B9910D', '1B87EDD72ED2', '8CDFCA2C42DA', 'C7BFC84A7A01', '005026E0386C', '7D6BE3FB87CA', '18D68AEC46D6', '3D84D6011B1E', '49D008420FDE', 'AF80EE1F7435', '44F6DC9C8326', '151645FFA225', '31EBF68660C1', '0BC531D9A1FD', '927708B6ACDF', 'FCA553D1B819', '4B048F74F3E7', '24CB17912088', '457D56541EA3', '0FF049B01070', '468D150FEC7E', '8C57C1D980FD', '159424F57C24', '2F159741CBBE', '58F2F77D8FD6', '6848515B048E', '7F1E6FE5D698', '970171A0AC8E', '831F54B2B19D', '0949D328CAC8', '413384DAACAB', '8A57EE89F26C', 'B86D09F6A43A', '45CF27F8EB92', '49CAABCFD99D', '38EA1B4F88C8', '84C6F616721B', '6058BEF565C3', 'DEB6EF459B10', '4B1EE53F33D4', '111D45750F1E', 'B1FC2FA3AFB3', '8D260545092F', '0FF781FB6050', '1F8DEBD4D55C', '623D70660238', '0D1493FDAAD3', 'E9621B1CE4F0', 'D84CB197450F', '3F6E2E7E7734', 'C8F378A4AC05', '7F7B48A486BE', '79766A7A3911', '1C1D49349242', '9C52EAA3F005', '5C89C0506A97', '8DD8AC01540E', '4D55CD8CCF85', 'D4620A5134E7', 'D5D8E7DFCF5B', '531C5AD9451A', 'A11D007DBECD', 'DE499912068F', 'C2B40B0DCC34', 'CFF21231DFEC', 'FE91D719ADAC', '8C887CDDBA32', '2BA142AF4BEF', 'D2ED07A7CE6C', '01AFEC143032', 'F789157CB6E6', '3D5C564AACDD', 'F2A3BE5019F0', '31F08BEA89C9', '2FF6A393234F', '71DFDFAB8621', 'C535ACEE801E', 'F492EFD91D3C', 'BD0A4A94AC7B', '85983B2516C5', '93B4EABFBBF3', '36BD7E8B0A6E', '3A0B15335CAE', '7BA3A439D22E', '0F5879D60008', 'DA645EE46524', '3AC9C50357E9', '1F11C3F72282', 'EC36E0BE58D8', 'B181B21A4FA6', '0FC32E083BDE', '080912B0093E', 'B50B1FFB4697', '5A3EB7A7A627', '4EA35584BB87', '986C125C24A1', 'BE58ABE09429', '8F8BCC081DC6', '8F85E4509835', '44B06B4A6D7E', 'FCF9802D7F21', 'F538469756EF', '6B6A7138292B', '2408A9D495EB', 'F21A02C66DAB', '84D2A6C75C67', 'C5B52323339E', 'DD586A625C89', '44975DEF87EC', '5B1C8A89B4DB', 'EF9D79A33BE7', '5BB702C07F75', 'BF00A0DFDA72', '4B7B7D384FFF', '2ADE4CD09C5B', '93C0100883BB', '838005D1D7DC', '9940EBE441DA', '57846986862C', '6783CF0808E5', '6141232BA814', '6910A7FECEEA', '939E66CC3A0C', 'C51E0C551CE7', '10C813389A74', 'E758B77AC952', '16180FD0AEF8', 'C3C371CA957E', '93106B20FE87', 'E30209138F4A', 'E51DC9CFC464', 'E76E617CBAA9', 'D3AFCB51AA40', '233969D3AD1C', '21EFAE02832D', 'EF1A6D00C3D1', 'DE78893DB845', 'E60CBA7670DE', '416FEFFA5DC6', '883880ACBA01', 'EAF6BCA737BD', '26C28DEA2690', '43CBE96B374E', '49083564C202', '052BD823F2E5', '011DDBA781B0', 'D6668C2DBD4D', 'BA1E2A47DC1B', '88B0F016492E', 'F788D4C475D4', '79F319143CA6', '288CB26FB8F0', 'E85C45D90D1D', '54D9E8287B96', 'DF5281802CF1', '84D821F541E7', 'EB9C5ADE320C', '0A43A08B43DA', '1CA9E28FCB00', '0E16BB8C40AE', '318C3D719F7C', 'E9E6AC0ABFB1', 'B5BFAD94E4E7', '32AA7D5E04E0', '27ACC3AD950F', 'A8BBE9026DC2', '23CC3629CEC0', 'A3EF457B5F61', 'D1FC358F8C68', '62BF23872BFE', '2568B64DB374', '25DE215F8B82', '0E8CBECB7CCB', '6F271187D67D', 'BEBB31733A38', '69E3314D361E', 'B8164EA79177', '602A632736D2', '3DAE999D059A', 'ABF30AB2C625', 'F983FFA8BB50', 'F460F653B33D', '4E0179E2F024', '6097EE3B178B', '0A7B1C9CEF07', '6C83EED20357', '9F93DDF89408', '98FD2BF096A9', '218490FD2E1B', 'C5382404A84B', 'F82207B7F26C', '203C3C0F1250', '11854A885ED6', 'B3B624F3F792', '302D33AA69E8', 'DFE2D3C4E33C', '34262AC688A1', '6DC268B2F2F3', '424419B0718B', '4C30EEDA3A8F', '04F277F6562D', '627AF801730D', '2C2C377C45D0', '905BDB331B7A', '286D497ADBEF', '45EA1B11A1F7', '1EB2AB9D50B1', '767676854264', 'F760756904D5', '35C0AB9FA522', '33E25E6A8028', 'B4CB3063482A', 'F5DD72FA313E', '435A90A63FEE', '71EF8337424C', '73886FC7FAA1', 'C739DE328A1A', '2554E3E50652', '8E98853DF374', 'A112011A5F17', '294CA62F98EC', '233A9C9D748F', '37A2E6EA2337', 'E036E3908A19', '71DFA360D5EC', '0BEF6D61E359', 'B6D833F8240B', '2017D32A0639', '1CA7B8FAA58E', 'AEFDD857A5D9', '7CF49BA27233', '91A00DFD46DC', 'E55C5624FD0E', '5E9E3C993595', '9BD314B82CC0', '16C808F5F642', '68F6A6DB3E6C', '71A434779420', '5EA13764DA34', '21B7E5DC72D6', 'EB3398FD0FF5', '902A59ECB525', '74ACC8E357FE', '301B3A868A3E', '57596DF3AD20', '30045307DB37', '878BE2C1F6FB', '871CE2BE3370', 'D8F3781C0ADC', '9B1CF41C7F5D', '121DCFFBC671', '34969C5FF82C', '440790E93DC0', 'EBE406D40544', 'C731FDC59282', '82856A9600F1', 'EB901EEC8E98', '6872BC56971B', 'DAC21768A84A', '780B8C757C48', 'E84C23AA6CF1', '7C12F166B5F3', 'D4FC7257FBA8', '6BCBEA10B6F8', 'EFB0DDC8EA77', 'B7075CD10BCC', '3FCDB5437831', 'D2C7D096655F', '1CAC3BAE4A39', 'A4FBD7A27089', '63263E72A196', '8AC33F8E9C35', '296D2E892341', 'C7AD757540AE', 'A4B47ECED161', '85C8AC30C12F', '82DEE52546A1', '47F7E409D879', 'EBA2F18D9666', '95874BE012EB', '49A315660C2E', 'DFE90DC3F01F', '39539B71D857', '2BD0B513E03D', 'AD8BBB12682E', '3193A59E5543', '7936460A2B7B', 'B8E816DA2049', '6E1194215953', '6EB681AEA81C', 'F7B9D106E6DC', '78A6A188B132', 'DE67BE4E7A3E', 'AF9079B5EF21', 'AAFC3D84F9A1', 'F3C14C00A0CD', 'FBC4F9ADED9A', '88B016E70B03', 'EB1500B8EA75', '5BC582396E5B', 'FA3E37900E3D', '077394BE6603', 'FD6E0C78E9BB', 'D840AC3957E5', 'F32665CC66E7', '69C237AC88FF', '6A11844C8AD2', 'E4DC7BF5147E', 'A6504C463F7E', 'EE440E670405', '96141BA9C7BA', 'A2291A8A41F3', '02D6A23E0CEB', 'E7741CA1BDC2', 'CEA16ADD393C', '2EB94A444839', '709EF21B80F2', 'FA87416EF173', '6B4829C2E5E2', '2761843E3DB6', '44A5406282B8', '4F822DEAEE6E', '5FB1A7C1D694', 'ED7F7B6E4C8E', '38B237B2F190', '0AA8E5C89F0F', 'F3A980C4613A', 'C4379D733479', '91A7412303BD', '6515C1CC0F57', 'AA4CF5537352', 'F6FFC6846BEC', 'D33CD8778DE7', '00F87647163F', 'A7036C8E5E6E', '2B39201EEEE0', '92A78941DF77', '8727FFFF8441', '71C6704EA7FD', 'DB0E754610DB', 'E1C5F6D592F4', '4F7E14B7D72F', '3DAE21FF789C', '8EDD5A7B2310', 'DE68828CC67E', '8A7B4B823C6E', '42B5C14AEDAA', 'F52B9A0882BB', 'C8D4EB858DA4', '1BA120ABF733', 'B0DB49483D7C', 'A3A00BA86199', 'D1A2D5B3B446', 'F8ABA40201AB', '4E07EED92E2E', 'C0E55316F183', '9986CAEDD2B7', 'E1DA1E513BE1', '18DFC8ABFA92', 'D88E55D44EAD', '0F2FF9C6091C', '00E3F86E3E6A', '7C236B88E0E6', '17B15F103D26', '86E5ADAE8206', '849BE041D1C8', '004AC288D833', '8A2EC5DE84D4', 'F6E5F858A19A', '2690D4B28188', 'ECE1DAD2A886', '66CF61A7F865', '8B7E97D3310D', '4EE35E322F9F', 'B74EC94193F8', '693503BD8CD6', 'C30B52D6E340', '179A2FE8AF05', '931D5E447FA7', '0299B6FC9E9C', '3862E2B8AD54', 'C76E52421ACB', 'F2D6B8E26072', '5A94F91C9AA4', '24AD94A6AB3E', 'DC76E46519A7', '15F149B4A87F', 'A932B7BEAC6A', '658428760D94', 'FD5AF33900D9', 'D0EEB2FA5D83', '0428DEB82659', '32E2949B0C66', '415672DB1873', '4510E0D4FDEE', '7044BE538016', '1F07CBB60940', 'ECAD3D8FAB97', '78F04BE79449', '996FD5290FB3', 'ABC648A86887', '1B2F469FBC51', '2388E2CAC922', 'A6405231F460', '3A9853B9390D', '4C1F76298E24', '08C05F2480E4', '5BED2E95A983', '6EE9F61F7CDA', 'D2851DC6AF41', 'BB705FBA29C7', '9114D5C32D36', 'E55640B069F5', '9BE033155063', 'CCF388E0F66C', '87258EA0A73C', '155CAAB3DC95', 'ABE45B3CCAD9', 'E7F67FEC3CA1', '38043B171DAC', '53B50E488C81', 'E0ED571AED2A', '7987F926DA46', '7C8C9A176F90', '40E7A7FDF48D', '3E95CBF3E357', 'C323ACC08DC7', '28DDECBB02BD', '9BC192B91D83', '759754F07F7F', 'E10D5E79B0A0', 'ECFAD2825EC6', '669C59404DC1', 'B4E8CF251A0D', 'A165288534B1', '3B067F759865', '7E7B3B164338', 'E22E187E1FF7', '9D0934987831', '4A58986914C8', '99D8B323FBB5', 'D815B0814A62', 'B867F487B9F3', 'A25945256A69', 'A885B3EA9C99', '44E1D37DCE9B', '504FFF4C522D', 'C1442695A931', '83CAAFEF8194', 'AB5D516FC4C3', '30687EEA6586', 'DE11D98D685E', 'C68A69F99946', 'C46CDD7E69A4', '710EFFD2AFE1', 'F2B82ED3AAFE', 'CA4E45151A4A', '4397809A2D94', '8E9007F863C7', '97E4E42863A3', '7348AB38D68E', '0D29A98FE8FB', '5312458F4FC2', '5E5678C3195A', 'DF9580284892', 'AB3053E08AEC', 'B150E66D6C5B', '193591CD2E86', '868D445794AB', '48C1CBC6D003', '3C7F30DAE13A', '09861D1CE966', '0FB32337D223', 'B9FFF4311016', '694238280A93', 'FC73A83CF59C', 'E6E97420C195', 'AB0F4F1767F8', '92C09304882D', 'AA6D6F1B1B54', '11F14A342E56', '743F1B934A96', 'E0D3580584ED', '3D613F2FF95F', '9EBA120196BC', 'F73ADEA6A74B', '958229D0AE9F', '899FE6A07507', '4C2FA98111DA', 'D7DF114BB271', 'D395BD24262F', 'A459492C73CE', '3901A0BB6B92', '54CB8D1DFDD0', '883E45198895', 'A99C834B122D', 'A3A08FDF9D3C', '434C1F133BA0', '5538A4817C01', 'CEFC37AFA236', 'B0D2190F7312', 'ADD3D2BDCC6B', '1A9B01EDB6C4', 'F320A6767646', 'AB59EE521967', 'A6527612255D', '7CF49F831E85', 'F71859A3B336', '4C2B18838D9D', '784E5F6EF6E1', 'F5152BBB18F6', '7D83374556C1', '5C503E0A2A01', 'C068F7168129', '506BF8E786CE', '6E6BCEE073C6', 'D698ED5E6B70', 'CEA8008D03D4', 'E286AD066204', 'F7E8813101B4', 'B39F2225875C', 'B57C860BE032', 'A817A13D651B', '6FB60C290F5A', 'F74B4B5496F0', '4354903A1D8A', 'C0916625AAB0', 'B36BDB586EEF', '363F69979EAB', '10D7845FC5D4', 'DCF72C5A4C3B', 'A5FF36F08845', '253F3DB00C5A', 'B7BC85276656', 'DBE16C234CF3', '466103CE7D5D', 'C66E655CF34A', 'FB7A0BB5DBE4', '144E2BFD59A3', 'DD861E42F43C', 'C74CBEFD0B9E', 'F1973E9DB4CF', '4BB688100D15', 'DECDC46197E4', '62EA05528EFF', '83AAAD315F57', '937CDD403137', 'A2237589F0FE', '9D9A5677B299', 'E125061E7C8A', '8A7F6AD46E4E', '98C855AF1F41', 'D47240EFB904', '2E86ACD1A766', 'E0641441E7B6', '8C928B2D6AB9', 'EC488F9F8910', '6E18981CEAAD', '871B7DB49A3F', '22FBB7ED7597', '656C7C849144', 'D97105156839', 'C5BAE31EFC62', '0C71097D3AE1', 'CE47E51746E3', '9E4100586EDC', '8F6F0CD4986A', '2E9563678CAA', '359A2C8A46C4', 'C80F42A2B53B', '11A4E36A48AF', '8B2B8A57D84B', '9ABAA03ACB4B', '19A9B6881B50', '3B7E7C18280B', '007812CC14B2', '3864A8B9C6B5', '37EA4D44939C', '9DB6D2ADE58A', 'EEB58B11D40C', '485E595428A2', '371C9C47A787', '89E73E0B8EF5', 'EC29A4F154B1', '759C3FAFA8BF', 'B2FF6A761EC9', 'F4C2261D0379', '31F19F915306', '84A0F6E847E0', '216054C99572', '7A0D5E468AB3', 'CF48D9415493', '6743F5B9985B', '51D70845DFA5', '83CEF7164BBB', '2A665076893F', 'EF478C3A8264', '1308F5C3347E', '2EEB19BB460B', 'D85A53759452', '12C119C37C62', '82D32B4D6852', '5C8E678EACDD', 'D8F3209E84CF', '505316DE125D', '1D374A0B26EA', 'B526BA896931', 'D8DBF197A624', '55664500EFAA', '8A4D99910F10', '8DA0993625FF', '229D813111B2', 'C2D8F1B0A984', '2657B9F9CCDC', 'D8C149300D31', '5CC94F3773B1', '555EC033AAE4', '37E07916B614', '0814426B27DF', 'BD300B07564D', '9B948850F6A8', '10F1ACB5559E', '95A6F680F078', '81B6F6345F55', 'E2F92BCD20E5', '7F1905176793', '8C003FEE68D7', '6F868B506EB5', 'AD0F893FA473', '20D81D1BE1A6', 'BE28ACA50D03', '6FF3C3A95428', '0527DB04DCC0', 'A9EBC5E40694', '99504CB04F5D', 'B082F1A267EE', '41BEF59908B1', '900A879708F0', 'EFAD20A5F4A0', '0F71E5F49E17', 'F0DF7FC426DB', '6A49432C3001', '672DB1A41215', '312860BEC6C5', 'B5C3DC4A876E', '04D4F9F350F6', '60772C514A37', 'AC0B87BB101A', '16364DA86C3D', 'F29E589C11F2', '54CCF07F322A', '977103A9DFE1', '5B1604AE437E', '8A1A6161F47C', '27DE9583F170', '07C7A31386A0', 'B7C3128E0973', '39B6908F453E', 'D2E2D4CCBF8C', 'CFE773F1600B', '527EB3C89F2F', 'A66B88F03338', 'B936994E140D', '497079209629', '102F13317092', 'C4ED4217DA09', '45BF01B7EF4D', '3BEFA845FC27', 'F166DA36A4A3', '8F33151F0334', 'DDA2A181F486', 'ACCD71550365'], 'df_val_eval': id discourse_id discourse_start discourse_end \\\n", + "0 A8445CABFECE 1.622576e+12 18.0 85.0 \n", + "1 A8445CABFECE 1.622576e+12 86.0 202.0 \n", + "2 A8445CABFECE 1.622576e+12 203.0 1030.0 \n", + "3 A8445CABFECE 1.622576e+12 1031.0 1243.0 \n", + "4 A97DE0D49AEA 1.622645e+12 63.0 129.0 \n", + "... ... ... ... ... \n", + "28992 0814426B27DF 1.617896e+12 1440.0 1563.0 \n", + "28993 0814426B27DF 1.617896e+12 1564.0 1955.0 \n", + "28994 0814426B27DF 1.617896e+12 1956.0 2003.0 \n", + "28995 0814426B27DF 1.617896e+12 2004.0 2075.0 \n", + "28996 0814426B27DF 1.617896e+12 2076.0 2359.0 \n", + "\n", + " discourse_text \\\n", + "0 Drivers should not be able to use phones while... \n", + "1 Drivers who used their phone while operating a... \n", + "2 According to an article by the Edgar Snyder Fi... \n", + "3 In conclusion, drivers should not able to work... \n", + "4 Driver's should desist from using their Cell ... \n", + "... ... \n", + "28992 that one of the people you asked for advice ma... \n", + "28993 Some don't think all the same things if you we... \n", + "28994 Some people will disagree with my three reasons \n", + "28995 but I don't like to listen to the people who d... \n", + "28996 Maybe this helped you maybe it didn't.\\n\\nTo s... \n", + "\n", + " discourse_type discourse_type_num \\\n", + "0 Position Position 1 \n", + "1 Claim Claim 1 \n", + "2 Evidence Evidence 1 \n", + "3 Concluding Statement Concluding Statement 1 \n", + "4 Position Position 1 \n", + "... ... ... \n", + "28992 Claim Claim 5 \n", + "28993 Evidence Evidence 3 \n", + "28994 Counterclaim Counterclaim 1 \n", + "28995 Rebuttal Rebuttal 1 \n", + "28996 Concluding Statement Concluding Statement 1 \n", + "\n", + " predictionstring \\\n", + "0 3 4 5 6 7 8 9 10 11 12 13 14 \n", + "1 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 3... \n", + "2 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 5... \n", + "3 177 178 179 180 181 182 183 184 185 186 187 18... \n", + "4 11 12 13 14 15 16 17 18 19 20 \n", + "... ... \n", + "28992 290 291 292 293 294 295 296 297 298 299 300 30... \n", + "28993 315 316 317 318 319 320 321 322 323 324 325 32... \n", + "28994 391 392 393 394 395 396 397 398 \n", + "28995 399 400 401 402 403 404 405 406 407 408 409 41... \n", + "28996 413 414 415 416 417 418 419 420 421 422 423 42... \n", + "\n", + " text_by_index new_start new_end \\\n", + "0 Drivers should not be able to use phones while... 18 86 \n", + "1 Drivers who used their phone while operating a... 86 202 \n", + "2 According to an article by the Edgar Snyder Fi... 203 1030 \n", + "3 In conclusion, drivers should not able to work... 1031 1231 \n", + "4 Driver's should desist from using their Cell ... 64 129 \n", + "... ... ... ... \n", + "28992 that one of the people you asked for advice ma... 1440 1563 \n", + "28993 Some don't think all the same things if you we... 1564 1955 \n", + "28994 Some people will disagree with my three reasons 1956 2004 \n", + "28995 but I don't like to listen to the people who d... 2004 2075 \n", + "28996 Maybe this helped you maybe it didn't.\\n\\nTo s... 2076 2359 \n", + "\n", + " text_by_new_index \\\n", + "0 Drivers should not be able to use phones while... \n", + "1 Drivers who used their phone while operating a... \n", + "2 According to an article by the Edgar Snyder Fi... \n", + "3 In conclusion, drivers should not able to work... \n", + "4 Driver's should desist from using their Cell P... \n", + "... ... \n", + "28992 that one of the people you asked for advice ma... \n", + "28993 Some don't think all the same things if you we... \n", + "28994 Some people will disagree with my three reasons \n", + "28995 but I don't like to listen to the people who d... \n", + "28996 Maybe this helped you maybe it didn't.\\n\\nTo s... \n", + "\n", + " new_predictionstring \n", + "0 3 4 5 6 7 8 9 10 11 12 13 14 \n", + "1 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 3... \n", + "2 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 5... \n", + "3 177 178 179 180 181 182 183 184 185 186 187 18... \n", + "4 11 12 13 14 15 16 17 18 19 20 \n", + "... ... \n", + "28992 290 291 292 293 294 295 296 297 298 299 300 30... \n", + "28993 315 316 317 318 319 320 321 322 323 324 325 32... \n", + "28994 391 392 393 394 395 396 397 398 \n", + "28995 399 400 401 402 403 404 405 406 407 408 409 41... \n", + "28996 413 414 415 416 417 418 419 420 421 422 423 42... \n", + "\n", + "[28997 rows x 13 columns], 'ds_val': <__main__.FeedbackPrizeDataset object at 0x7faf5a76b410>, 'dl_train': , 'dl_val': , 'best_val_loss': inf, 'criterion': CrossEntropyLoss(), 'epoch': 1, '_i29': 'try:\\n print(gc.get_referrers(model))\\n del model\\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i30': 'class KaggleDataset(Dataset):\\n \"\"\"\\n Class for loading data in batches after it has been processed\\n \"\"\"\\n def __init__(self, dataframe, tokenizer, max_length):\\n\\n super().__init__()\\n\\n # -- prepare data\\n assert sorted(dataframe.columns) == [\\'labels\\', \\'text\\'], f\"Please make sure input dataframe has the columns (text, labels)\"\\n # data must be in the correct format\\n self.inputs = dataframe.text.values\\n self.targets = dataframe.labels.values\\n if not is_string_dtype(self.inputs): raise TypeError(\\'Text data must be string type\\')\\n # TODO assertion below is bug; not deleting so remember to add correct assertions\\n #if not is_integer_dtype(self.targets): raise TypeError(\\'Label data must be integer type\\')\\n\\n # -- prepare tokenizer\\n self.tokenizer = tokenizer\\n self.max_length = max_length\\n\\n def __len__(self):\\n return len(self.inputs)\\n\\n def __getitem__(self, index):\\n # self.inputs anf self.targets must be of a type that is indexible as shown\\n inputs = self.inputs[index]\\n targets = self.targets[index]\\n\\n inputs = self.tokenizer(\\n # consider parametrising these\\n inputs.split(),\\n is_split_into_words=True, # this means that extra \\\\n should be ignored\\n padding=\\'max_length\\',\\n truncation=True,\\n max_length=self.max_length\\n )\\n\\n word_ids = inputs.word_ids()\\n word_id_mask = [word_id is not None for word_id in word_ids]\\n word_ids = [word_id for word_id in word_ids if word_id is not None]\\n\\n inputs = {\\n key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\\n }\\n targets = torch.as_tensor(targets, dtype=torch.long)\\n expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\\n expanded_targets[word_id_mask] = targets[word_ids]\\n inputs[\\'labels\\'] = expanded_targets\\n inputs[\\'word_ids\\'] = torch.tensor(word_ids, dtype=torch.long)\\n return inputs\\n\\n ', 'KaggleDataset': , '_i31': 'try:\\n print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n print(df_train.head())\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i32': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n print(df_train.head())\\n raise Exception()\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i33': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n print(df_train.head())\\n raise Exception()\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'MAPPING': {'O': 0, 'B-Lead': 1, 'B-Position': 2, 'B-Evidence': 3, 'B-Claim': 4, 'B-Concluding Statement': 5, 'B-Counterclaim': 6, 'B-Rebuttal': 7, 'I-Lead': 8, 'I-Position': 9, 'I-Evidence': 10, 'I-Claim': 11, 'I-Concluding Statement': 12, 'I-Counterclaim': 13, 'I-Rebuttal': 14}, '_i34': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i35': 'class KaggleDataset(Dataset):\\n \"\"\"\\n Class for loading data in batches after it has been processed\\n \"\"\"\\n def __init__(self, dataframe, tokenizer, max_length):\\n\\n super().__init__()\\n\\n # -- prepare data\\n assert sorted(dataframe.columns) == [\\'labels\\', \\'text\\'], f\"Please make sure input dataframe has the columns (text, labels)\"\\n # data must be in the correct format\\n self.inputs = dataframe.text.values\\n self.targets = dataframe.labels.values\\n #if not is_string_dtype(self.inputs): raise TypeError(\\'Text data must be string type\\')\\n # TODO assertion below is bug; not deleting so remember to add correct assertions\\n #if not is_integer_dtype(self.targets): raise TypeError(\\'Label data must be integer type\\')\\n\\n # -- prepare tokenizer\\n self.tokenizer = tokenizer\\n self.max_length = max_length\\n\\n def __len__(self):\\n return len(self.inputs)\\n\\n def __getitem__(self, index):\\n # self.inputs anf self.targets must be of a type that is indexible as shown\\n inputs = self.inputs[index]\\n targets = self.targets[index]\\n\\n inputs = self.tokenizer(\\n # consider parametrising these\\n inputs.split(),\\n is_split_into_words=True, # this means that extra \\\\n should be ignored\\n padding=\\'max_length\\',\\n truncation=True,\\n max_length=self.max_length\\n )\\n\\n word_ids = inputs.word_ids()\\n word_id_mask = [word_id is not None for word_id in word_ids]\\n word_ids = [word_id for word_id in word_ids if word_id is not None]\\n\\n inputs = {\\n key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items()\\n }\\n targets = torch.as_tensor(targets, dtype=torch.long)\\n expanded_targets = torch.zeros(self.max_length, dtype=torch.long)\\n expanded_targets[word_id_mask] = targets[word_ids]\\n inputs[\\'labels\\'] = expanded_targets\\n inputs[\\'word_ids\\'] = torch.tensor(word_ids, dtype=torch.long)\\n return inputs\\n\\n ', '_i36': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i37': \"class FeedbackModel(nn.Module):\\n def __init__(self):\\n super(FeedbackModel, self).__init__()\\n \\n # init config of transformer model of choice:\\n # NOTE: All hyperparameters of the transformer, INCLUDING THE SLIDING WINDOW, are accessible in here!\\n model_config = AutoConfig.from_pretrained(HyperParameters.model_name)\\n print(model_config)\\n self.backbone = AutoModel.from_pretrained(HyperParameters.model_name, config=model_config)\\n \\n # There's a paper on why this weird dropout strategy is beneficial: https://arxiv.org/abs/1905.09788\\n self.model_config = model_config\\n self.dropout1 = nn.Dropout(0.1)\\n self.dropout2 = nn.Dropout(0.2)\\n self.dropout3 = nn.Dropout(0.3)\\n self.dropout4 = nn.Dropout(0.4)\\n self.dropout5 = nn.Dropout(0.5)\\n self.head = nn.Linear(model_config.hidden_size, HyperParameters.num_labels)\\n \\n def forward(self, input_ids, mask):\\n x = self.backbone(input_ids, mask)\\n logits1 = self.head(self.dropout1(x[0]))\\n logits2 = self.head(self.dropout2(x[0]))\\n logits3 = self.head(self.dropout3(x[0]))\\n logits4 = self.head(self.dropout4(x[0]))\\n logits5 = self.head(self.dropout5(x[0]))\\n logits = (logits1 + logits2 + logits3 + logits4 + logits5) / 5\\n return logits\", '_i38': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 1024))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i39': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i40': \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(raw_logits.shape)\\n print(word_ids.shape)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n logits = active_logits(raw_logits, word_ids)\\n labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", '_i41': \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", '_i42': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i43': \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", '_i44': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', '_i45': \"def train_fn(model, train_data_loader, optimizer, epoch, criterion):\\n print(f'Training for epoch {epoch} started. GPU utilisation: {get_gpu_utilization()}')\\n model.train()\\n train_loss = 0\\n train_accuracy = 0\\n stream = tqdm(train_data_loader)\\n # Init gradscaler to ensure everything works smoothly on cuda\\n scaler = GradScaler()\\n print(f'GradScaler initialised. GPU utilisation: {get_gpu_utilization()}')\\n for batch_idx, batch in enumerate(stream, start = 1):\\n ids = batch['input_ids'].to(device, dtype = torch.long)\\n mask = batch['attention_mask'].to(device, dtype = torch.long)\\n raw_labels = batch['labels'].to(device, dtype = torch.long)\\n word_ids = batch['word_ids'].to(device, dtype = torch.long)\\n print(f'Tensors added to GPU. GPU utilisation: {get_gpu_utilization()}')\\n\\n optimizer.zero_grad()\\n print(f'Optimizer Reset. GPU utilisation: {get_gpu_utilization()}')\\n\\n # Calculate output with autocast for cuda support\\n with autocast():\\n raw_logits = model(input_ids = ids, mask = mask)\\n print(f'Model trained. GPU utilisation: {get_gpu_utilization()}')\\n\\n #logits = active_logits(raw_logits, word_ids)\\n #labels = active_labels(raw_labels)\\n\\n logits = raw_logits\\n labels = raw_labels\\n sf_logits = torch.softmax(logits, dim=-1)\\n preds, preds_prob = active_preds_prob(sf_logits)\\n train_accuracy += accuracy_score(labels.cpu().numpy(), preds.cpu().numpy())\\n criterion = nn.CrossEntropyLoss()\\n loss = criterion(logits, labels)\\n\\n print(f'Loss calculated. GPU utilisation: {get_gpu_utilization()}')\\n\\n scaler.scale(loss).backward()\\n scaler.step(optimizer)\\n scaler.update()\\n train_loss += loss.item()\\n print(f'Optimization step occured. GPU utilisation: {get_gpu_utilization()}')\\n\\n \\n if batch_idx % HyperParameters.verbose_steps == 0:\\n loss_step = train_loss / batch_idx\\n print(f'Training loss after {batch_idx:04d} training steps: {loss_step}')\\n\\n if batch_idx == 3:\\n raise Exception()\\n \\n epoch_loss = train_loss / batch_idx\\n epoch_accuracy = train_accuracy / batch_idx \\n print_gpu_utilization()\\n # Cleanup\\n del train_data_loader, raw_logits, logits, raw_labels, preds, labels\\n torch.cuda.empty_cache()\\n gc.collect()\\n \\n print(f'epoch {epoch} - training loss: {epoch_loss:.4f}')\\n print(f'epoch {epoch} - training accuracy: {epoch_accuracy:.4f}')\", '_i46': 'try:\\n #print(gc.get_referrers(model))\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])', 'model': FeedbackModel(\n", + " (backbone): LongformerModel(\n", + " (embeddings): LongformerEmbeddings(\n", + " (word_embeddings): Embedding(50265, 768, padding_idx=1)\n", + " (position_embeddings): Embedding(4098, 768, padding_idx=1)\n", + " (token_type_embeddings): Embedding(1, 768)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " (encoder): LongformerEncoder(\n", + " (layer): ModuleList(\n", + " (0): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (1): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (2): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (3): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (4): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (5): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (6): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (7): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (8): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (9): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (10): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (11): LongformerLayer(\n", + " (attention): LongformerAttention(\n", + " (self): LongformerSelfAttention(\n", + " (query): Linear(in_features=768, out_features=768, bias=True)\n", + " (key): Linear(in_features=768, out_features=768, bias=True)\n", + " (value): Linear(in_features=768, out_features=768, bias=True)\n", + " (query_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (key_global): Linear(in_features=768, out_features=768, bias=True)\n", + " (value_global): Linear(in_features=768, out_features=768, bias=True)\n", + " )\n", + " (output): LongformerSelfOutput(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " (intermediate): LongformerIntermediate(\n", + " (dense): Linear(in_features=768, out_features=3072, bias=True)\n", + " (intermediate_act_fn): GELUActivation()\n", + " )\n", + " (output): LongformerOutput(\n", + " (dense): Linear(in_features=3072, out_features=768, bias=True)\n", + " (LayerNorm): LayerNorm((768,), eps=1e-05, elementwise_affine=True)\n", + " (dropout): Dropout(p=0.1, inplace=False)\n", + " )\n", + " )\n", + " )\n", + " )\n", + " (pooler): LongformerPooler(\n", + " (dense): Linear(in_features=768, out_features=768, bias=True)\n", + " (activation): Tanh()\n", + " )\n", + " )\n", + " (dropout1): Dropout(p=0.1, inplace=False)\n", + " (dropout2): Dropout(p=0.2, inplace=False)\n", + " (dropout3): Dropout(p=0.3, inplace=False)\n", + " (dropout4): Dropout(p=0.4, inplace=False)\n", + " (dropout5): Dropout(p=0.5, inplace=False)\n", + " (head): Linear(in_features=768, out_features=15, bias=True)\n", + "), '_i47': 'try:\\n print(gc.get_referrers(model))\\n raise Exception()\\n del model, \\n torch.cuda.empty_cache()\\n gc.collect()\\n print(\\'Model existed. Deleting...\\')\\n print_gpu_utilization()\\nexcept:\\n print(\\'Model NOT found... new model will be created\\')\\n print_gpu_utilization()\\n\\nMAPPING = {\\n \"O\": 0,\\n \"B-Lead\": 1,\\n \"B-Position\": 2,\\n \"B-Evidence\": 3,\\n \"B-Claim\": 4,\\n \"B-Concluding Statement\": 5,\\n \"B-Counterclaim\": 6,\\n \"B-Rebuttal\": 7,\\n \"I-Lead\": 8,\\n \"I-Position\": 9,\\n \"I-Evidence\": 10,\\n \"I-Claim\": 11,\\n \"I-Concluding Statement\": 12,\\n \"I-Counterclaim\": 13,\\n \"I-Rebuttal\": 14,\\n}\\noof = pd.DataFrame()\\n\\nfor i_fold in range(HyperParameters.n_fold):\\n print(f\\'=== fold{i_fold} training ===\\')\\n print(f\\'First run: {print_gpu_utilization()}\\')\\n model, tokenizer = build_model_tokenizer()\\n model = model.to(device)\\n print(f\\'Model and tokeniser: {print_gpu_utilization()}\\')\\n\\n optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\\n print(f\\'Optimizer: {print_gpu_utilization()}\\')\\n\\n df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\\n df_train = df_train.assign(labels=lambda x: x[\\'entities\\'].apply(lambda x: [MAPPING[key] for key in x]))\\n ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\\n df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\\n val_idlist = df_val[\\'id\\'].unique().tolist()\\n df_val_eval = df_alltrain.query(\\'id==@val_idlist\\').reset_index(drop=True)\\n ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\\n dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\\n dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\\n\\n dl_train = DataLoader(KaggleDataset(df_train[[\\'text\\', \\'labels\\']], tokenizer, 532))\\n best_val_loss = np.inf\\n criterion = nn.CrossEntropyLoss()\\n print(f\\'Prior to training, GPU utilisation is: {print_gpu_utilization()}\\')\\n for epoch in range(1, HyperParameters.n_epoch + 1):\\n train_fn(model, dl_train, optimizer, epoch, criterion)\\n valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\\n if valid_loss < best_val_loss:\\n best_val_loss = valid_loss\\n _oof_fold_best = _oof\\n _oof_fold_best[\"kfold\"] = i_fold\\n model_filename = f\\'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin\\'\\n \\n # Saving the boy\\n torch.save(model.state_dict(), model_filename)\\n print(f\\'{model_filename} saved\\')\\n\\n oof = pd.concat([oof, _oof_fold_best])'}]\n", + "Model NOT found... new model will be created\n", + "GPU memory occupied: 8527 MB.\n", + "=== fold0 training ===\n", + "GPU memory occupied: 8527 MB.\n", + "First run: None\n", + "LongformerConfig {\n", + " \"_name_or_path\": \"allenai/longformer-base-4096\",\n", + " \"attention_mode\": \"longformer\",\n", + " \"attention_probs_dropout_prob\": 0.1,\n", + " \"attention_window\": [\n", + " 512,\n", + " 512,\n", + " 512,\n", + " 512,\n", + " 512,\n", + " 512,\n", + " 512,\n", + " 512,\n", + " 512,\n", + " 512,\n", + " 512,\n", + " 512\n", + " ],\n", + " \"bos_token_id\": 0,\n", + " \"classifier_dropout\": null,\n", + " \"eos_token_id\": 2,\n", + " \"gradient_checkpointing\": false,\n", + " \"hidden_act\": \"gelu\",\n", + " \"hidden_dropout_prob\": 0.1,\n", + " \"hidden_size\": 768,\n", + " \"ignore_attention_mask\": false,\n", + " \"initializer_range\": 0.02,\n", + " \"intermediate_size\": 3072,\n", + " \"layer_norm_eps\": 1e-05,\n", + " \"max_position_embeddings\": 4098,\n", + " \"model_type\": \"longformer\",\n", + " \"num_attention_heads\": 12,\n", + " \"num_hidden_layers\": 12,\n", + " \"pad_token_id\": 1,\n", + " \"position_embedding_type\": \"absolute\",\n", + " \"sep_token_id\": 2,\n", + " \"transformers_version\": \"4.17.0\",\n", + " \"type_vocab_size\": 1,\n", + " \"use_cache\": true,\n", + " \"vocab_size\": 50265\n", + "}\n", + "\n" + ] + }, + { + "output_type": "stream", + "name": "stderr", + "text": [ + "Some weights of the model checkpoint at allenai/longformer-base-4096 were not used when initializing LongformerModel: ['lm_head.layer_norm.weight', 'lm_head.dense.bias', 'lm_head.decoder.weight', 'lm_head.bias', 'lm_head.dense.weight', 'lm_head.layer_norm.bias']\n", + "- This IS expected if you are initializing LongformerModel from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing LongformerModel from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n" + ] + }, + { + "output_type": "stream", + "name": "stdout", + "text": [ + "GPU memory occupied: 9131 MB.\n", + "Model and tokeniser: None\n", + "GPU memory occupied: 9131 MB.\n", + "Optimizer: None\n", + "GPU memory occupied: 9131 MB.\n", + "Prior to training, GPU utilisation is: None\n", + "Training for epoch 1 started. GPU utilisation: 9131\n" + ] + }, + { + "output_type": "display_data", + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "eef7a90afeb44c448532e10c8ef5a20e", + "version_minor": 0, + "version_major": 2 + }, + "text/plain": [ + " 0%| | 0/12477 [00:00\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[1;32m 55\u001b[0m \u001b[0mprint\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34mf'Prior to training, GPU utilisation is: {print_gpu_utilization()}'\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 56\u001b[0m \u001b[0;32mfor\u001b[0m \u001b[0mepoch\u001b[0m \u001b[0;32min\u001b[0m \u001b[0mrange\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mHyperParameters\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mn_epoch\u001b[0m \u001b[0;34m+\u001b[0m \u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 57\u001b[0;31m \u001b[0mtrain_fn\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdl_train\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0moptimizer\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mepoch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcriterion\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 58\u001b[0m \u001b[0mvalid_loss\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0m_oof\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mvalid_fn\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mmodel\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdf_val\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdf_val_eval\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdl_val\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mepoch\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mcriterion\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 59\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0mvalid_loss\u001b[0m \u001b[0;34m<\u001b[0m \u001b[0mbest_val_loss\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m\u001b[0m in \u001b[0;36mtrain_fn\u001b[0;34m(model, train_data_loader, optimizer, epoch, criterion)\u001b[0m\n\u001b[1;32m 30\u001b[0m \u001b[0msf_logits\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mtorch\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0msoftmax\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlogits\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mdim\u001b[0m\u001b[0;34m=\u001b[0m\u001b[0;34m-\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 31\u001b[0m \u001b[0mpreds\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpreds_prob\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mactive_preds_prob\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0msf_logits\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m---> 32\u001b[0;31m \u001b[0mtrain_accuracy\u001b[0m \u001b[0;34m+=\u001b[0m \u001b[0maccuracy_score\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlabels\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcpu\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mnumpy\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mpreds\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mcpu\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mnumpy\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 33\u001b[0m \u001b[0mcriterion\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mnn\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mCrossEntropyLoss\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 34\u001b[0m \u001b[0mloss\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0mcriterion\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0mlogits\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0mlabels\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/sklearn/metrics/_classification.py\u001b[0m in \u001b[0;36maccuracy_score\u001b[0;34m(y_true, y_pred, normalize, sample_weight)\u001b[0m\n\u001b[1;32m 209\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 210\u001b[0m \u001b[0;31m# Compute accuracy for each possible representation\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 211\u001b[0;31m \u001b[0my_type\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0my_true\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0my_pred\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0m_check_targets\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0my_true\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0my_pred\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 212\u001b[0m \u001b[0mcheck_consistent_length\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0my_true\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0my_pred\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0msample_weight\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 213\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0my_type\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mstartswith\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"multilabel\"\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;32m/usr/local/lib/python3.7/dist-packages/sklearn/metrics/_classification.py\u001b[0m in \u001b[0;36m_check_targets\u001b[0;34m(y_true, y_pred)\u001b[0m\n\u001b[1;32m 102\u001b[0m \u001b[0;31m# No metrics support \"multiclass-multioutput\" format\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 103\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0my_type\u001b[0m \u001b[0;32mnot\u001b[0m \u001b[0;32min\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m\"binary\"\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m\"multiclass\"\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m\"multilabel-indicator\"\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0;32m--> 104\u001b[0;31m \u001b[0;32mraise\u001b[0m \u001b[0mValueError\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0;34m\"{0} is not supported\"\u001b[0m\u001b[0;34m.\u001b[0m\u001b[0mformat\u001b[0m\u001b[0;34m(\u001b[0m\u001b[0my_type\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m)\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 105\u001b[0m \u001b[0;34m\u001b[0m\u001b[0m\n\u001b[1;32m 106\u001b[0m \u001b[0;32mif\u001b[0m \u001b[0my_type\u001b[0m \u001b[0;32min\u001b[0m \u001b[0;34m[\u001b[0m\u001b[0;34m\"binary\"\u001b[0m\u001b[0;34m,\u001b[0m \u001b[0;34m\"multiclass\"\u001b[0m\u001b[0;34m]\u001b[0m\u001b[0;34m:\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mValueError\u001b[0m: multiclass-multioutput is not supported" + ] + } + ], + "source": [ + "try:\n", + " print(gc.get_referrers(model))\n", + " raise Exception()\n", + " del model, \n", + " torch.cuda.empty_cache()\n", + " gc.collect()\n", + " print('Model existed. Deleting...')\n", + " print_gpu_utilization()\n", + "except:\n", + " print('Model NOT found... new model will be created')\n", + " print_gpu_utilization()\n", + "\n", + "MAPPING = {\n", + " \"O\": 0,\n", + " \"B-Lead\": 1,\n", + " \"B-Position\": 2,\n", + " \"B-Evidence\": 3,\n", + " \"B-Claim\": 4,\n", + " \"B-Concluding Statement\": 5,\n", + " \"B-Counterclaim\": 6,\n", + " \"B-Rebuttal\": 7,\n", + " \"I-Lead\": 8,\n", + " \"I-Position\": 9,\n", + " \"I-Evidence\": 10,\n", + " \"I-Claim\": 11,\n", + " \"I-Concluding Statement\": 12,\n", + " \"I-Counterclaim\": 13,\n", + " \"I-Rebuttal\": 14,\n", + "}\n", + "oof = pd.DataFrame()\n", + "\n", + "for i_fold in range(HyperParameters.n_fold):\n", + " print(f'=== fold{i_fold} training ===')\n", + " print(f'First run: {print_gpu_utilization()}')\n", + " model, tokenizer = build_model_tokenizer()\n", + " model = model.to(device)\n", + " print(f'Model and tokeniser: {print_gpu_utilization()}')\n", + "\n", + " optimizer = torch.optim.Adam(params=model.parameters(), lr=HyperParameters.lr)\n", + " print(f'Optimizer: {print_gpu_utilization()}')\n", + "\n", + " df_train = alltrain_texts[alltrain_texts[\"kfold\"] != i_fold].reset_index(drop = True)\n", + " df_train = df_train.assign(labels=lambda x: x['entities'].apply(lambda x: [MAPPING[key] for key in x]))\n", + " ds_train = FeedbackPrizeDataset(df_train, tokenizer, HyperParameters.max_length, True)\n", + " df_val = alltrain_texts[alltrain_texts[\"kfold\"] == i_fold].reset_index(drop = True)\n", + " val_idlist = df_val['id'].unique().tolist()\n", + " df_val_eval = df_alltrain.query('id==@val_idlist').reset_index(drop=True)\n", + " ds_val = FeedbackPrizeDataset(df_val, tokenizer, HyperParameters.max_length, True)\n", + " dl_train = DataLoader(ds_train, batch_size=HyperParameters.train_batch_size, shuffle=True, num_workers=2, pin_memory=True)\n", + " dl_val = DataLoader(ds_val, batch_size=HyperParameters.valid_batch_size, shuffle=False, num_workers=2, pin_memory=True)\n", + "\n", + " dl_train = DataLoader(KaggleDataset(df_train[['text', 'labels']], tokenizer, 532))\n", + " best_val_loss = np.inf\n", + " criterion = nn.CrossEntropyLoss()\n", + " print(f'Prior to training, GPU utilisation is: {print_gpu_utilization()}')\n", + " for epoch in range(1, HyperParameters.n_epoch + 1):\n", + " train_fn(model, dl_train, optimizer, epoch, criterion)\n", + " valid_loss, _oof = valid_fn(model, df_val, df_val_eval, dl_val, epoch, criterion)\n", + " if valid_loss < best_val_loss:\n", + " best_val_loss = valid_loss\n", + " _oof_fold_best = _oof\n", + " _oof_fold_best[\"kfold\"] = i_fold\n", + " model_filename = f'{HyperParameters.model_dir}/{HyperParameters.model_savename}_{i_fold}.bin'\n", + " \n", + " # Saving the boy\n", + " torch.save(model.state_dict(), model_filename)\n", + " print(f'{model_filename} saved')\n", + "\n", + " oof = pd.concat([oof, _oof_fold_best])" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "hlmZeM47UxuT" + }, + "outputs": [], + "source": [ + "oof.to_csv(f'{HyperParameters.output_dir}/oof_{HyperParameters.name}.csv', index=False)" + ] + }, + { + "cell_type": "markdown", + "metadata": { + "id": "aO8hcaQ8UxuT" + }, + "source": [ + "Looking at performance:" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": { + "id": "VOcFtSUhUxuT" + }, + "outputs": [], + "source": [ + "if HyperParameters.is_debug:\n", + " idlist = alltrain_texts['id'].unique().tolist()\n", + " df_train = df_alltrain.query('id==@idlist')\n", + "else:\n", + " df_train = df_alltrain.copy()\n", + "print(f'overall cv score: {score_feedback_comp(df_train, oof)}')" + ] + } + ], + "metadata": { + "colab": { + "collapsed_sections": [], + "name": "Longformer.ipynb", + "provenance": [] + }, + "interpreter": { + "hash": "be336ab25ba919cf0a65f4be83b938febf47f529e9f75dfb16359f541885e1c6" + }, + "kernelspec": { + "display_name": "Python 3.8.12 ('machinevision')", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + }, + "orig_nbformat": 4, + "accelerator": "GPU", + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "eef7a90afeb44c448532e10c8ef5a20e": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_view_name": "HBoxView", + "_dom_classes": [], + "_model_name": "HBoxModel", + "_view_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_view_count": null, + "_view_module_version": "1.5.0", + "box_style": "", + "layout": "IPY_MODEL_ca3198d71a3f4887874da99cc3e78882", + "_model_module": "@jupyter-widgets/controls", + "children": [ + "IPY_MODEL_c4d33c2a02644f85a146f390d6aa0736", + "IPY_MODEL_9d549d2487dd4197a978761bd72be2ad", + "IPY_MODEL_ec2dd4649f114c6fad2430c245fe68aa" + ] + } + }, + "ca3198d71a3f4887874da99cc3e78882": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_view_name": "LayoutView", + "grid_template_rows": null, + "right": null, + "justify_content": null, + "_view_module": "@jupyter-widgets/base", + "overflow": null, + "_model_module_version": "1.2.0", + "_view_count": null, + "flex_flow": null, + "width": null, + "min_width": null, + "border": null, + "align_items": null, + "bottom": null, + "_model_module": "@jupyter-widgets/base", + "top": null, + "grid_column": null, + "overflow_y": null, + "overflow_x": null, + "grid_auto_flow": null, + "grid_area": null, + "grid_template_columns": null, + "flex": null, + "_model_name": "LayoutModel", + "justify_items": null, + "grid_row": null, + "max_height": null, + "align_content": null, + "visibility": null, + "align_self": null, + "height": null, + "min_height": null, + "padding": null, + "grid_auto_rows": null, + "grid_gap": null, + "max_width": null, + "order": null, + "_view_module_version": "1.2.0", + "grid_template_areas": null, + "object_position": null, + "object_fit": null, + "grid_auto_columns": null, + "margin": null, + "display": null, + "left": null + } + }, + "c4d33c2a02644f85a146f390d6aa0736": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_view_name": "HTMLView", + "style": "IPY_MODEL_81cfe2eb173e40fea93d20dc2f171f03", + "_dom_classes": [], + "description": "", + "_model_name": "HTMLModel", + "placeholder": "​", + "_view_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "value": " 0%", + "_view_count": null, + "_view_module_version": "1.5.0", + "description_tooltip": null, + "_model_module": "@jupyter-widgets/controls", + "layout": "IPY_MODEL_433b7e11f87442198edef448a8c16074" + } + }, + "9d549d2487dd4197a978761bd72be2ad": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_view_name": "ProgressView", + "style": "IPY_MODEL_22c91851758d425383c6653f877dbc1b", + "_dom_classes": [], + "description": "", + "_model_name": "FloatProgressModel", + "bar_style": "danger", + "max": 12477, + "_view_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "value": 0, + "_view_count": null, + "_view_module_version": "1.5.0", + "orientation": "horizontal", + "min": 0, + "description_tooltip": null, + "_model_module": "@jupyter-widgets/controls", + "layout": "IPY_MODEL_25ffd2bde996468a9c003a1883191813" + } + }, + "ec2dd4649f114c6fad2430c245fe68aa": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_view_name": "HTMLView", + "style": "IPY_MODEL_45645e8eb5af4fca8c6a84fa3b99dab3", + "_dom_classes": [], + "description": "", + "_model_name": "HTMLModel", + "placeholder": "​", + "_view_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "value": " 0/12477 [00:00<?, ?it/s]", + "_view_count": null, + "_view_module_version": "1.5.0", + "description_tooltip": null, + "_model_module": "@jupyter-widgets/controls", + "layout": "IPY_MODEL_d81a205322c84e7e8830374196e00a36" + } + }, + "81cfe2eb173e40fea93d20dc2f171f03": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_view_name": "StyleView", + "_model_name": "DescriptionStyleModel", + "description_width": "", + "_view_module": "@jupyter-widgets/base", + "_model_module_version": "1.5.0", + "_view_count": null, + "_view_module_version": "1.2.0", + "_model_module": "@jupyter-widgets/controls" + } + }, + "433b7e11f87442198edef448a8c16074": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_view_name": "LayoutView", + "grid_template_rows": null, + "right": null, + "justify_content": null, + "_view_module": "@jupyter-widgets/base", + "overflow": null, + "_model_module_version": "1.2.0", + "_view_count": null, + "flex_flow": null, + "width": null, + "min_width": null, + "border": null, + "align_items": null, + "bottom": null, + "_model_module": "@jupyter-widgets/base", + "top": null, + "grid_column": null, + "overflow_y": null, + "overflow_x": null, + "grid_auto_flow": null, + "grid_area": null, + "grid_template_columns": null, + "flex": null, + "_model_name": "LayoutModel", + "justify_items": null, + "grid_row": null, + "max_height": null, + "align_content": null, + "visibility": null, + "align_self": null, + "height": null, + "min_height": null, + "padding": null, + "grid_auto_rows": null, + "grid_gap": null, + "max_width": null, + "order": null, + "_view_module_version": "1.2.0", + "grid_template_areas": null, + "object_position": null, + "object_fit": null, + "grid_auto_columns": null, + "margin": null, + "display": null, + "left": null + } + }, + "22c91851758d425383c6653f877dbc1b": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_view_name": "StyleView", + "_model_name": "ProgressStyleModel", + "description_width": "", + "_view_module": "@jupyter-widgets/base", + "_model_module_version": "1.5.0", + "_view_count": null, + "_view_module_version": "1.2.0", + "bar_color": null, + "_model_module": "@jupyter-widgets/controls" + } + }, + "25ffd2bde996468a9c003a1883191813": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_view_name": "LayoutView", + "grid_template_rows": null, + "right": null, + "justify_content": null, + "_view_module": "@jupyter-widgets/base", + "overflow": null, + "_model_module_version": "1.2.0", + "_view_count": null, + "flex_flow": null, + "width": null, + "min_width": null, + "border": null, + "align_items": null, + "bottom": null, + "_model_module": "@jupyter-widgets/base", + "top": null, + "grid_column": null, + "overflow_y": null, + "overflow_x": null, + "grid_auto_flow": null, + "grid_area": null, + "grid_template_columns": null, + "flex": null, + "_model_name": "LayoutModel", + "justify_items": null, + "grid_row": null, + "max_height": null, + "align_content": null, + "visibility": null, + "align_self": null, + "height": null, + "min_height": null, + "padding": null, + "grid_auto_rows": null, + "grid_gap": null, + "max_width": null, + "order": null, + "_view_module_version": "1.2.0", + "grid_template_areas": null, + "object_position": null, + "object_fit": null, + "grid_auto_columns": null, + "margin": null, + "display": null, + "left": null + } + }, + "45645e8eb5af4fca8c6a84fa3b99dab3": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_view_name": "StyleView", + "_model_name": "DescriptionStyleModel", + "description_width": "", + "_view_module": "@jupyter-widgets/base", + "_model_module_version": "1.5.0", + "_view_count": null, + "_view_module_version": "1.2.0", + "_model_module": "@jupyter-widgets/controls" + } + }, + "d81a205322c84e7e8830374196e00a36": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_view_name": "LayoutView", + "grid_template_rows": null, + "right": null, + "justify_content": null, + "_view_module": "@jupyter-widgets/base", + "overflow": null, + "_model_module_version": "1.2.0", + "_view_count": null, + "flex_flow": null, + "width": null, + "min_width": null, + "border": null, + "align_items": null, + "bottom": null, + "_model_module": "@jupyter-widgets/base", + "top": null, + "grid_column": null, + "overflow_y": null, + "overflow_x": null, + "grid_auto_flow": null, + "grid_area": null, + "grid_template_columns": null, + "flex": null, + "_model_name": "LayoutModel", + "justify_items": null, + "grid_row": null, + "max_height": null, + "align_content": null, + "visibility": null, + "align_self": null, + "height": null, + "min_height": null, + "padding": null, + "grid_auto_rows": null, + "grid_gap": null, + "max_width": null, + "order": null, + "_view_module_version": "1.2.0", + "grid_template_areas": null, + "object_position": null, + "object_fit": null, + "grid_auto_columns": null, + "margin": null, + "display": null, + "left": null + } + } + } + } + }, + "nbformat": 4, + "nbformat_minor": 0 +} \ No newline at end of file diff --git a/experiments/yousef/PrepareData.ipynb b/experiments/yousef/PrepareData.ipynb new file mode 100644 index 0000000..21aba41 --- /dev/null +++ b/experiments/yousef/PrepareData.ipynb @@ -0,0 +1,231 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "ed110207", + "metadata": {}, + "source": [ + "# Prepare Data\n", + "\n", + "Notebook for preparing the datasets that we will be using" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "b435bf71", + "metadata": {}, + "outputs": [], + "source": [ + "from argminer.data import PersuadeProcessor, TUDarmstadtProcessor\n", + "\n", + "import os" + ] + }, + { + "cell_type": "markdown", + "id": "3f7721f4", + "metadata": {}, + "source": [ + "# TU Darmstadt" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "34ba8e46", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "murdering criminals is therefore immoral and hard to accept\n", + "\n", + "\"murdering\" criminals is therefore immoral and hard to accept\n", + "\n", + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "Click is a very interesting comedy, with a serious approach about the importance of having a balanced life between family and work businesses\n", + "\n", + "\"Click\" is a very interesting comedy, with a serious approach about the importance of having a balanced life between family and work businesses\n", + "\n", + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "Blood diamond, an adaptation of a real story in South Africa, focuses on the link between diamonds and conflict\n", + "\n", + "\"Blood diamond\", an adaptation of a real story in South Africa, focuses on the link between diamonds and conflict\n", + "\n", + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "rush hours are usually not the direct consequence of drivers\n", + "\n", + "\"rush hours\" are usually not the direct consequence of drivers\n", + "\n" + ] + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "path = '../../data/UCL/dataset2/ArgumentAnnotatedEssays-2.0'\n", + "\n", + "processor = TUDarmstadtProcessor(path)\n", + "processor = processor.preprocess()\n", + "processor.save_json('../../data/UCL/core')" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "cd73bf87", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[Errno 17] File exists: '../../data/bio'\n" + ] + } + ], + "source": [ + "for strategy in ['bio', 'io', 'bieo']:\n", + " processor = TUDarmstadtProcessor('../../data/UCL/core').from_json('preprocessed')\n", + " try:\n", + " os.mkdir(f'../../data/{strategy}')\n", + " except Exception as e:\n", + " print(e)\n", + " processor = processor.process(strategy).postprocess()\n", + " processor.save_json(f'../../data/{strategy}')" + ] + }, + { + "cell_type": "markdown", + "id": "1db8724a", + "metadata": {}, + "source": [ + "# Persuade" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "id": "cda8ad52", + "metadata": { + "scrolled": false + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[Errno 17] File exists: '../../data/bio'\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_66818/2749773426.py:10: UserWarning: PersuadeProcessor does not have a preprocessor. Instead the postprocess method will prepare the data end-to-end\n", + " processor = processor.preprocess().process(strategy).postprocess()\n", + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_66818/2749773426.py:10: UserWarning: PersuadeProcessor does not have a processor. Instead the postprocess method will prepare the data end-to-end\n", + " processor = processor.preprocess().process(strategy).postprocess()\n", + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_66818/2749773426.py:10: DeprecationWarning: The postprocess method is behaving in a special way because of data corruption. This behaviour will change in the future.\n", + " processor = processor.preprocess().process(strategy).postprocess()\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[Errno 17] File exists: '../../data/io'\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_66818/2749773426.py:10: UserWarning: PersuadeProcessor does not have a preprocessor. Instead the postprocess method will prepare the data end-to-end\n", + " processor = processor.preprocess().process(strategy).postprocess()\n", + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_66818/2749773426.py:10: UserWarning: PersuadeProcessor does not have a processor. Instead the postprocess method will prepare the data end-to-end\n", + " processor = processor.preprocess().process(strategy).postprocess()\n", + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_66818/2749773426.py:10: DeprecationWarning: The postprocess method is behaving in a special way because of data corruption. This behaviour will change in the future.\n", + " processor = processor.preprocess().process(strategy).postprocess()\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[Errno 17] File exists: '../../data/bieo'\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_66818/2749773426.py:10: UserWarning: PersuadeProcessor does not have a preprocessor. Instead the postprocess method will prepare the data end-to-end\n", + " processor = processor.preprocess().process(strategy).postprocess()\n", + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_66818/2749773426.py:10: UserWarning: PersuadeProcessor does not have a processor. Instead the postprocess method will prepare the data end-to-end\n", + " processor = processor.preprocess().process(strategy).postprocess()\n", + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_66818/2749773426.py:10: DeprecationWarning: The postprocess method is behaving in a special way because of data corruption. This behaviour will change in the future.\n", + " processor = processor.preprocess().process(strategy).postprocess()\n" + ] + } + ], + "source": [ + "path = '../../data/kaggle/feedback-prize-2021'\n", + "processor = PersuadeProcessor(path)\n", + "for strategy in ['bio', 'io', 'bieo']:\n", + " processor = PersuadeProcessor(path)\n", + " try:\n", + " os.mkdir(f'../../data/{strategy}')\n", + " except Exception as e:\n", + " print(e)\n", + " \n", + " processor = processor.preprocess().process(strategy).postprocess()\n", + " processor.save_json(f'../../data/{strategy}')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "7b23fb74", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argminer-dev", + "language": "python", + "name": "argminer-dev" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.13" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/TestGPUTrain.ipynb b/experiments/yousef/TestGPUTrain.ipynb new file mode 100644 index 0000000..223e4ca --- /dev/null +++ b/experiments/yousef/TestGPUTrain.ipynb @@ -0,0 +1,4575 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "TestGPUTrain.ipynb", + "provenance": [], + "collapsed_sections": [], + "authorship_tag": "ABX9TyO8ZjdUipEZpA/evuHfiSsg", + "include_colab_link": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "language_info": { + "name": "python" + }, + "accelerator": "GPU", + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "46fc8eb6ce7a4ed68a9b26b8a1056f06": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e297dd1219894be0b637d761c1d98126", + "IPY_MODEL_026f0fd51bbe44079901a23efa278295", + "IPY_MODEL_f2d103a6d6d244da8e85c0a200ba1344" + ], + "layout": "IPY_MODEL_7826f9759b2e4e7b96b294124ef5b879" + } + }, + "e297dd1219894be0b637d761c1d98126": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e0c0e1441f864866854d55eabdc1f6af", + "placeholder": "​", + "style": "IPY_MODEL_c8df7ba3fbf94eb9a9c7061ba0362c70", + "value": "Downloading: 100%" + } + }, + "026f0fd51bbe44079901a23efa278295": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8bf5253a7dc54e53becb1f43602867a0", + "max": 1017, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_9d08175044e042369a95605e019aa663", + "value": 1017 + } + }, + "f2d103a6d6d244da8e85c0a200ba1344": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ef6adaa68a644e168025564b705d0e72", + "placeholder": "​", + "style": "IPY_MODEL_bffe045d0f31428d9715aabcb0f25e53", + "value": " 0.99k/0.99k [00:00<00:00, 10.7kB/s]" + } + }, + "7826f9759b2e4e7b96b294124ef5b879": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e0c0e1441f864866854d55eabdc1f6af": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c8df7ba3fbf94eb9a9c7061ba0362c70": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8bf5253a7dc54e53becb1f43602867a0": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9d08175044e042369a95605e019aa663": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ef6adaa68a644e168025564b705d0e72": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "bffe045d0f31428d9715aabcb0f25e53": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "977f006099104fdbbdb2f8e322044705": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_dd4f4ae0a45543059098d6a84a1b1164", + "IPY_MODEL_147ad00d549f41809aa981b4d7354a25", + "IPY_MODEL_b45a0ca562954aaa939d14482eb7e8f6" + ], + "layout": "IPY_MODEL_96958b2f6a224a4f8c1f21c3b1f988bf" + } + }, + "dd4f4ae0a45543059098d6a84a1b1164": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a152908a7cfb46ab81caba4e545325f7", + "placeholder": "​", + "style": "IPY_MODEL_42c08df32bf94b72b9e159f17008f219", + "value": "Downloading: 100%" + } + }, + "147ad00d549f41809aa981b4d7354a25": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e248394b1b7a4f02a82241e6943ca857", + "max": 760, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_41b2cbad4db24b58ba5de2cdb122b095", + "value": 760 + } + }, + "b45a0ca562954aaa939d14482eb7e8f6": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_125e6e726d714cf392f631ee6209550d", + "placeholder": "​", + "style": "IPY_MODEL_cb8a8f5dc55d4f53bafd6b6986e578d9", + "value": " 760/760 [00:00<00:00, 5.35kB/s]" + } + }, + "96958b2f6a224a4f8c1f21c3b1f988bf": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a152908a7cfb46ab81caba4e545325f7": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "42c08df32bf94b72b9e159f17008f219": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "e248394b1b7a4f02a82241e6943ca857": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "41b2cbad4db24b58ba5de2cdb122b095": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "125e6e726d714cf392f631ee6209550d": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "cb8a8f5dc55d4f53bafd6b6986e578d9": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4779b50c4649409a82f5c719dfa541b4": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_3844d7a9c29a418f8c1b8e66303c691f", + "IPY_MODEL_b4f5a16473b447f1b201479c35d9d162", + "IPY_MODEL_04fedd0f85e6478198405e8f802de485" + ], + "layout": "IPY_MODEL_6917599950b3486dacd7bf3165264b04" + } + }, + "3844d7a9c29a418f8c1b8e66303c691f": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_aab97b65a29a481da8faebcd7fbc601f", + "placeholder": "​", + "style": "IPY_MODEL_50ed6fbb6dba448db95665c56e74befe", + "value": "Downloading: 100%" + } + }, + "b4f5a16473b447f1b201479c35d9d162": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_285930c694b245e68316a17fcab8f439", + "max": 845731, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_761eaa7d89a042ba9f4267c8ebba52e8", + "value": 845731 + } + }, + "04fedd0f85e6478198405e8f802de485": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2238fd6ce6a3441bb24afbb3a61de062", + "placeholder": "​", + "style": "IPY_MODEL_ddc9c9ed5e4d432aaf717b4c3f86ba37", + "value": " 826k/826k [00:00<00:00, 60.0kB/s]" + } + }, + "6917599950b3486dacd7bf3165264b04": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "aab97b65a29a481da8faebcd7fbc601f": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "50ed6fbb6dba448db95665c56e74befe": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "285930c694b245e68316a17fcab8f439": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "761eaa7d89a042ba9f4267c8ebba52e8": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "2238fd6ce6a3441bb24afbb3a61de062": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ddc9c9ed5e4d432aaf717b4c3f86ba37": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "6724a9d1722443658f0f2fa3ff28a32c": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_1cec0b04e65743329f7b51fab65194e3", + "IPY_MODEL_3dd1679f6d6a45af826c3adaf2d23cfc", + "IPY_MODEL_6d90a69e001842b893fa0bf8503c5235" + ], + "layout": "IPY_MODEL_8582375b313c43c5807988e40a1d7e51" + } + }, + "1cec0b04e65743329f7b51fab65194e3": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fb3005cca4694932a88173e0dbb64d41", + "placeholder": "​", + "style": "IPY_MODEL_0486757ab7574cbb94756333e6e9e2b4", + "value": "Downloading: 100%" + } + }, + "3dd1679f6d6a45af826c3adaf2d23cfc": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d5a9154eb6fd42bdaa74bff90640b874", + "max": 775, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_3df7909ca0e54800894843bd8b9b23ea", + "value": 775 + } + }, + "6d90a69e001842b893fa0bf8503c5235": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_ac3f2f6d910e458e893f66eac20eb86e", + "placeholder": "​", + "style": "IPY_MODEL_72c2b2f63fbc48ff919d7923aa08b817", + "value": " 775/775 [00:00<00:00, 7.46kB/s]" + } + }, + "8582375b313c43c5807988e40a1d7e51": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fb3005cca4694932a88173e0dbb64d41": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0486757ab7574cbb94756333e6e9e2b4": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d5a9154eb6fd42bdaa74bff90640b874": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3df7909ca0e54800894843bd8b9b23ea": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ac3f2f6d910e458e893f66eac20eb86e": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "72c2b2f63fbc48ff919d7923aa08b817": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "406e97abbff14c94b24b36a1cf798e58": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HBoxModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_15cadc98967343dbb524499032a08664", + "IPY_MODEL_8eafc6501f2446cf8f64d008751cb234", + "IPY_MODEL_313db72f6a8c408693ac929a7481bd1e" + ], + "layout": "IPY_MODEL_c0dee41c39294e06a96dcfc3eda92084" + } + }, + "15cadc98967343dbb524499032a08664": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_79b9c100dd994dbc8916a35faeab11ca", + "placeholder": "​", + "style": "IPY_MODEL_254388d857e84c53b5c03b16035b113c", + "value": "Downloading: 100%" + } + }, + "8eafc6501f2446cf8f64d008751cb234": { + "model_module": "@jupyter-widgets/controls", + "model_name": "FloatProgressModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c56cb99e57314de6be3df936047c6256", + "max": 512568261, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_9b6a2d07925048c091c335e005177941", + "value": 512568261 + } + }, + "313db72f6a8c408693ac929a7481bd1e": { + "model_module": "@jupyter-widgets/controls", + "model_name": "HTMLModel", + "model_module_version": "1.5.0", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d102f545c14548498742dfdef94dc2ea", + "placeholder": "​", + "style": "IPY_MODEL_b2c9b97d48f3437eb27a3829a0223dfa", + "value": " 489M/489M [00:27<00:00, 37.1MB/s]" + } + }, + "c0dee41c39294e06a96dcfc3eda92084": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "79b9c100dd994dbc8916a35faeab11ca": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "254388d857e84c53b5c03b16035b113c": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c56cb99e57314de6be3df936047c6256": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9b6a2d07925048c091c335e005177941": { + "model_module": "@jupyter-widgets/controls", + "model_name": "ProgressStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "d102f545c14548498742dfdef94dc2ea": { + "model_module": "@jupyter-widgets/base", + "model_name": "LayoutModel", + "model_module_version": "1.2.0", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b2c9b97d48f3437eb27a3829a0223dfa": { + "model_module": "@jupyter-widgets/controls", + "model_name": "DescriptionStyleModel", + "model_module_version": "1.5.0", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + } + } + } + }, + "cells": [ + { + "cell_type": "markdown", + "metadata": { + "id": "view-in-github", + "colab_type": "text" + }, + "source": [ + "\"Open" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "C7n9O8Rxn2X2", + "outputId": "58589851-2595-4857-8617-aecc0001565c" + }, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Collecting colab-dev-tools\n", + " Downloading colab_dev_tools-0.0.7-py3-none-any.whl (3.7 kB)\n", + "Requirement already satisfied: numpy in /usr/local/lib/python3.7/dist-packages (from colab-dev-tools) (1.21.5)\n", + "Requirement already satisfied: torch in /usr/local/lib/python3.7/dist-packages (from colab-dev-tools) (1.10.0+cu111)\n", + "Requirement already satisfied: nvidia-ml-py3 in /usr/local/lib/python3.7/dist-packages (from colab-dev-tools) (7.352.0)\n", + "Requirement already satisfied: typing-extensions in /usr/local/lib/python3.7/dist-packages (from torch->colab-dev-tools) (4.1.1)\n", + "Installing collected packages: colab-dev-tools\n", + "Successfully installed colab-dev-tools-0.0.7\n", + "Google Drive import successful.\n", + "CUDA device detected. Using GPU...\n", + "Mounted at /content/drive\n", + "Google Drive mount successful.\n" + ] + } + ], + "source": [ + "import os\n", + "!python3.7 -m pip install colab-dev-tools\n", + "from colabtools.utils import get_gpu_utilization, mount_drive, install_private_library\n", + "\n", + "drive_path = mount_drive()\n", + "project_path = os.path.join(drive_path, 'argument-mining')\n", + "development_dir = os.path.join(drive_path, 'argument-mining/argminer')\n", + "\n", + "install_private_library(os.path.join(project_path, 'data/github_config.json'), 'argument-mining')" + ] + }, + { + "cell_type": "code", + "source": [ + "# -*- coding: utf-8 -*-\n", + "\"\"\"This is imported from End_to_end_GPU.ipynb\n", + "\n", + "Automatically generated by Colaboratory.\n", + "\n", + "Original file is located at\n", + " https://colab.research.google.com/github/namiyousef/argument-mining/blob/develop/experiments/changmao/End-to-end_GPU_v1.ipynb\n", + "\n", + "# End-to-end\n", + "\n", + "This notebook should form the core skeleton of the 'run' function\n", + "\n", + "## Colab Set up\n", + "\"\"\"\n", + "# -- public imports\n", + "\n", + "# base\n", + "import os\n", + "import gc\n", + "import json\n", + "import time\n", + "import warnings\n", + "\n", + "# pytorch\n", + "import torch\n", + "from torch.utils.data import DataLoader\n", + "\n", + "# huggingface\n", + "from transformers import AutoTokenizer, AutoModelForTokenClassification\n", + "\n", + "# other libs\n", + "import pandas as pd\n", + "from pandas.testing import assert_frame_equal\n", + "\n", + "import plac\n", + "\n", + "\n", + "# -- private imports\n", + "\n", + "# ml-utils\n", + "from mlutils.torchtools.metrics import FScore\n", + "\n", + "# colab-dev-tools\n", + "from colabtools.utils import move_to_device, get_gpu_utilization\n", + "from colabtools.config import DEVICE\n", + "\n", + "# argminer\n", + "from argminer.data import ArgumentMiningDataset, TUDarmstadtProcessor, PersuadeProcessor\n", + "from argminer.evaluation import inference\n", + "from argminer.utils import encode_model_name\n", + "from argminer.config import LABELS_MAP_DICT, MAX_NORM\n", + "\n", + "\n", + "# -- globals\n", + "TEST_SIZE = 0.3\n", + "\n", + "# -- define plac inputs\n", + "@plac.annotations(\n", + " dataset=(\"name of dataset to use\", \"positional\", None, str),\n", + " strategy=(\"name of training strategy to use in form {level}_{labellin scheme}\", \"positional\", None, str),\n", + " model_name=(\"name of HuggingFace model to use\", \"positional\", None, str),\n", + " max_length=(\"max number of tokens\", \"positional\", None, int),\n", + " test_size=(\"test size to use (as a percentage of entire dataset)\", \"option\", None, float),\n", + " batch_size=(\"Batch size for training\", \"option\", \"b\", int),\n", + " epochs=(\"Number of epochs to train for\", \"option\", \"e\", int),\n", + " save_freq=(\"How frequently to save model, in epochs\", \"option\", None, int),\n", + " verbose=(\"Set model verbosity\", \"option\", None, int),\n", + " run_inference=(\"Flag to run inference or not\", \"option\", 'i', bool)\n", + ")\n", + "def main(dataset, strategy, model_name, max_length, test_size, batch_size, epochs, save_freq, verbose, run_inference):\n", + " \"\"\"\n", + " Function to run models as a script. This function expects the following directory structure:\n", + " - cwd (usually $TMPDIR on cluster)\n", + " - df_{dataset}_postprocessed.json\n", + " - train-test-split.csv (for TUDarmstadt)\n", + " :param dataset:\n", + " :param strategy:\n", + " :param model_name:\n", + " :param max_length:\n", + " :param batch_size:\n", + " :param epochs:\n", + " :param save_freq:\n", + " :param verbose:\n", + " :return:\n", + " \"\"\"\n", + " # TODO: imports sklearn to check f1 score\n", + " from sklearn.metrics import f1_score\n", + " # configs\n", + " strat_name, strat_label = strategy.split('_')\n", + " df_label_map = LABELS_MAP_DICT[dataset][strat_label]\n", + " num_labels = len(set(df_label_map.label))\n", + "\n", + " # get data processor and train_test_splits\n", + " try:\n", + " # TODO change made here to fix paths\n", + " path = os.path.join(project_path, f'data/{strategy.split(\"_\")[1]}')\n", + " processor = TUDarmstadtProcessor(path) if dataset == 'TUDarmstadt' else PersuadeProcessor(path)\n", + " processor = processor.from_json()\n", + " if dataset == 'TUDarmstadt':\n", + " if test_size == 0:\n", + " warnings.warn(\n", + " f\"Detected test_size={test_size}. \"\n", + " f\"No splits being made. \"\n", + " f\"Train and test data treated identicallu.\",\n", + " UserWarning, stacklevel=2\n", + " )\n", + " df_total = processor.dataframe\n", + " df_dict = {\n", + " 'train': df_total,\n", + " 'test': df_total\n", + " }\n", + " else:\n", + " df_dict = processor.get_tts(test_size=test_size)\n", + " else:\n", + " df_dict = processor.get_tts(test_size=test_size)\n", + "\n", + " df_train = df_dict.get('train')[['text', 'labels']] # TODO standardise this, so that you don't need to apply this..\n", + " df_test = df_dict.get('test')[['text', 'labels']]\n", + "\n", + " except Exception as e: # TODO granularise errors\n", + " raise Exception(f'Error occurred during data processing and splitting. Full logs: {e}')\n", + "\n", + " # get tokenizer, model and optimizer\n", + " try:\n", + " tokenizer = AutoTokenizer.from_pretrained(model_name, add_prefix_space=True)\n", + " model = AutoModelForTokenClassification.from_pretrained(model_name, num_labels=num_labels)\n", + " # TODO force_download\n", + " # TODO add option for optimizer\n", + " optimizer = torch.optim.Adam(params=model.parameters())\n", + " except Exception as e:\n", + " raise Exception(f'Error from tokenizer and model loading. Full logs {e}')\n", + "\n", + " try:\n", + " train_set = ArgumentMiningDataset(df_label_map, df_train, tokenizer, max_length, strategy)\n", + " test_set = ArgumentMiningDataset(df_label_map, df_test, tokenizer, max_length, strategy, is_train=False)\n", + "\n", + " # TODO delete this\n", + " all_ids = set()\n", + " for label in df_train['labels'].values:\n", + " all_ids = all_ids.union(set(label))\n", + "\n", + " # TODO delete above\n", + " train_loader = DataLoader(train_set, batch_size=batch_size, shuffle=True)\n", + " test_loader = DataLoader(test_set, batch_size=batch_size, shuffle=True)\n", + " except Exception as e:\n", + " raise Exception(f'Error occured during dataset/loader creation. Full logs {e}')\n", + "\n", + " if not os.path.exists('models'):\n", + " os.makedirs('models')\n", + " print('models directory created!')\n", + "\n", + "\n", + " metrics = [FScore(average='macro')]\n", + " scores = {\n", + " 'scores': {\n", + " metric.__class__.__name__: [] for metric in metrics\n", + " },\n", + " 'epoch_scores': {\n", + " metric.__class__.__name__: [] for metric in metrics\n", + " },\n", + " 'epoch_batch_ids': {\n", + " metric.__class__.__name__: [] for metric in metrics\n", + " }\n", + " }\n", + "\n", + " model.to(DEVICE)\n", + " print(f'Model pushed to device: {DEVICE}')\n", + " for epoch in range(epochs):\n", + " model.train()\n", + " start_epoch_message = f'EPOCH {epoch + 1} STARTED'\n", + " print(start_epoch_message)\n", + " print(f'{\"-\" * len(start_epoch_message)}')\n", + " start_epoch = time.time()\n", + "\n", + " start_load = time.time()\n", + " training_loss = 0\n", + " for i, (inputs, targets) in enumerate(train_loader):\n", + " start_train = time.time()\n", + " inputs = move_to_device(inputs, DEVICE)\n", + " targets = move_to_device(targets, DEVICE)\n", + "\n", + " optimizer.zero_grad()\n", + "\n", + " loss, outputs = model(\n", + " labels=targets,\n", + " input_ids=inputs['input_ids'],\n", + " attention_mask=inputs['attention_mask'],\n", + " return_dict=False\n", + " )\n", + " gpu_util = 'NO GPU' if DEVICE == 'cpu' else get_gpu_utilization()\n", + " training_loss += loss.item()\n", + "\n", + " # backward pass\n", + "\n", + " torch.nn.utils.clip_grad_norm_(\n", + " parameters=model.parameters(), max_norm=MAX_NORM\n", + " )\n", + "\n", + " loss.backward()\n", + " optimizer.step()\n", + "\n", + " # metrics\n", + " for metric in metrics:\n", + " score = metric(outputs, targets)\n", + " scores['scores'][metric.__class__.__name__].append(score.item())\n", + "\n", + " # TODO delete\n", + " targets = targets.flatten()\n", + " ignore_ids = targets == -100\n", + " outputs = torch.argmax(outputs, dim=-1).flatten()[~ignore_ids].cpu().tolist()\n", + " targets = targets[~ignore_ids].cpu().tolist()\n", + " print('OUTPUTS: ', outputs)\n", + " print('TARGETS: ', targets)\n", + " sklearn_score = f1_score(targets, outputs, average='macro')\n", + " del targets, inputs, loss, outputs\n", + " gc.collect()\n", + " torch.cuda.empty_cache()\n", + "\n", + " end_train = time.time()\n", + "\n", + " if verbose > 1:\n", + " print(\n", + " f'Batch {i + 1} complete. '\n", + " f'Time taken: load({start_train - start_load:.3g}),'\n", + " f'train({end_train - start_train:.3g}),'\n", + " f'total({end_train - start_load:.3g}). '\n", + " f'GPU util. after train: {gpu_util}. '\n", + " f'Metrics: {\" \".join([f\"{metric_name}({score_list[-1]:.3g})\" for metric_name, score_list in scores[\"scores\"].items()])}. '\n", + " f'F1 from sklearn: {sklearn_score}' # TODO delete this\n", + " )\n", + " start_load = time.time()\n", + "\n", + " for metric in metrics:\n", + " score = scores['scores'][metric.__class__.__name__][:i+1]\n", + " avg_score = sum(score)/len(score)\n", + " scores['epoch_scores'][metric.__class__.__name__].append(avg_score)\n", + " scores['epoch_batch_ids'][metric.__class__.__name__].append(i)\n", + "\n", + " print_message = f'Epoch {epoch + 1}/{epochs} complete. ' \\\n", + " f'Time taken: {start_load - start_epoch:.3g}. ' \\\n", + " f'Loss: {training_loss/(i+1): .3g}. ' \\\n", + " f'Metrics: {\" \".join([f\"{metric_name}({score_list[-1]:.3g})\" for metric_name, score_list in scores[\"epoch_scores\"].items()])}'\n", + "\n", + " if verbose:\n", + " print(f'{\"-\" * len(print_message)}')\n", + " print(print_message)\n", + " print(f'{\"-\" * len(print_message)}')\n", + "\n", + "\n", + " if epoch % save_freq == 0:\n", + " encoded_model_name = encode_model_name(model_name, epoch+1)\n", + " save_path = f'models/{encoded_model_name}'\n", + " model.save_pretrained(save_path)\n", + " print(f'Model saved at epoch {epoch+1} at: {save_path}')\n", + "\n", + " encoded_model_name = encode_model_name(model_name, 'final')\n", + " save_path = f'models/{encoded_model_name}'\n", + " model.save_pretrained(save_path)\n", + " print(f'Model saved at epoch {epoch + 1} at: {save_path}')\n", + "\n", + " with open('training_scores.json', 'w') as f:\n", + " json.dump(scores, f)\n", + " print('Saved scores.')\n", + "\n", + " # load trained model\n", + " if run_inference:\n", + " trained_model = AutoModelForTokenClassification.from_pretrained(save_path)\n", + " df_metrics, df_scores = inference(trained_model, test_loader)\n", + " df_scores.to_json('scores.json')" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "JmKpZhZen7ju", + "outputId": "286f2d11-24bc-4ba0-dd23-0d8b3fdda0c3" + }, + "execution_count": 2, + "outputs": [ + { + "output_type": "stream", + "name": "stdout", + "text": [ + "Import of ArgMiner successful\n" + ] + } + ] + }, + { + "cell_type": "code", + "source": [ + "main(\n", + " dataset=\"Persuade\",\n", + " strategy='standard_bieo',\n", + " model_name=\"google/bigbird-roberta-base\",\n", + " max_length=1024,\n", + " test_size=0.3,\n", + " batch_size=2,\n", + " epochs=5,\n", + " save_freq=1,\n", + " verbose=2,\n", + " run_inference=1,\n", + ")" + ], + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/", + "height": 1000, + "referenced_widgets": [ + "46fc8eb6ce7a4ed68a9b26b8a1056f06", + "e297dd1219894be0b637d761c1d98126", + "026f0fd51bbe44079901a23efa278295", + "f2d103a6d6d244da8e85c0a200ba1344", + "7826f9759b2e4e7b96b294124ef5b879", + "e0c0e1441f864866854d55eabdc1f6af", + "c8df7ba3fbf94eb9a9c7061ba0362c70", + "8bf5253a7dc54e53becb1f43602867a0", + "9d08175044e042369a95605e019aa663", + "ef6adaa68a644e168025564b705d0e72", + "bffe045d0f31428d9715aabcb0f25e53", + "977f006099104fdbbdb2f8e322044705", + "dd4f4ae0a45543059098d6a84a1b1164", + "147ad00d549f41809aa981b4d7354a25", + "b45a0ca562954aaa939d14482eb7e8f6", + "96958b2f6a224a4f8c1f21c3b1f988bf", + "a152908a7cfb46ab81caba4e545325f7", + "42c08df32bf94b72b9e159f17008f219", + "e248394b1b7a4f02a82241e6943ca857", + "41b2cbad4db24b58ba5de2cdb122b095", + "125e6e726d714cf392f631ee6209550d", + "cb8a8f5dc55d4f53bafd6b6986e578d9", + "4779b50c4649409a82f5c719dfa541b4", + "3844d7a9c29a418f8c1b8e66303c691f", + "b4f5a16473b447f1b201479c35d9d162", + "04fedd0f85e6478198405e8f802de485", + "6917599950b3486dacd7bf3165264b04", + "aab97b65a29a481da8faebcd7fbc601f", + "50ed6fbb6dba448db95665c56e74befe", + "285930c694b245e68316a17fcab8f439", + "761eaa7d89a042ba9f4267c8ebba52e8", + "2238fd6ce6a3441bb24afbb3a61de062", + "ddc9c9ed5e4d432aaf717b4c3f86ba37", + "6724a9d1722443658f0f2fa3ff28a32c", + "1cec0b04e65743329f7b51fab65194e3", + "3dd1679f6d6a45af826c3adaf2d23cfc", + "6d90a69e001842b893fa0bf8503c5235", + "8582375b313c43c5807988e40a1d7e51", + "fb3005cca4694932a88173e0dbb64d41", + "0486757ab7574cbb94756333e6e9e2b4", + "d5a9154eb6fd42bdaa74bff90640b874", + "3df7909ca0e54800894843bd8b9b23ea", + "ac3f2f6d910e458e893f66eac20eb86e", + "72c2b2f63fbc48ff919d7923aa08b817", + "406e97abbff14c94b24b36a1cf798e58", + "15cadc98967343dbb524499032a08664", + "8eafc6501f2446cf8f64d008751cb234", + "313db72f6a8c408693ac929a7481bd1e", + "c0dee41c39294e06a96dcfc3eda92084", + "79b9c100dd994dbc8916a35faeab11ca", + "254388d857e84c53b5c03b16035b113c", + "c56cb99e57314de6be3df936047c6256", + "9b6a2d07925048c091c335e005177941", + "d102f545c14548498742dfdef94dc2ea", + "b2c9b97d48f3437eb27a3829a0223dfa" + ] + }, + "id": "K9kQZrgSoVPe", + "outputId": "85af58ef-ccaf-443c-cc5f-5b135cb4cc6e" + }, + "execution_count": null, + "outputs": [ + { + "output_type": "display_data", + "data": { + "text/plain": [ + "Downloading: 0%| | 0.00/0.99k [00:00\u001b[0;36m\u001b[0m\n\u001b[0;31m from python_files.data import create_labels_doc_level #, KaggleDataset\u001b[0m\n", + "\u001b[0;36m File \u001b[0;32m~/Desktop/Main/0.Education/2.UCL/Courses/NLP/argument-mining/experiments/yousef/python_files/data.py:115\u001b[0;36m\u001b[0m\n\u001b[0;31m pass\u001b[0m\n\u001b[0m ^\u001b[0m\n\u001b[0;31mIndentationError\u001b[0m\u001b[0;31m:\u001b[0m expected an indented block\n" + ] + } + ], + "source": [ + "# -- dev imports\n", + "\n", + "%load_ext autoreload\n", + "%autoreload 2\n", + "from python_files.data import create_labels_doc_level #, KaggleDataset\n", + "from python_files.run import train_longformer" + ] + }, + { + "cell_type": "markdown", + "id": "50a80de8", + "metadata": {}, + "source": [ + "## Model Configuration" + ] + }, + { + "cell_type": "markdown", + "id": "6e459e0d", + "metadata": {}, + "source": [ + "### Tokenizer" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "e00fe9f3", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "normalizer.cc(51) LOG(INFO) precompiled_charsmap is empty. use identity normalization.\n", + "normalizer.cc(51) LOG(INFO) precompiled_charsmap is empty. use identity normalization.\n" + ] + } + ], + "source": [ + "model = 'google/bigbird-roberta-large'\n", + "\n", + "tokenizer = BigBirdTokenizer.from_pretrained(model)\n", + "tokenizer = AutoTokenizer.from_pretrained(model, add_prefix_space=True)\n", + "# def need an encoding function to categoize the inputs or at least to release them, maybe need to store them together tbh?" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "f9061003", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "[None, 0, 1, None]" + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "tokenizer('humans humans').word_ids()" + ] + }, + { + "cell_type": "markdown", + "id": "1fd05899", + "metadata": {}, + "source": [ + "### Model and Optmizer" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "5c5fc460", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Some weights of the model checkpoint at google/bigbird-roberta-large were not used when initializing BigBirdForTokenClassification: ['cls.predictions.transform.LayerNorm.bias', 'cls.seq_relationship.bias', 'cls.predictions.bias', 'cls.predictions.transform.dense.bias', 'cls.predictions.decoder.weight', 'cls.predictions.decoder.bias', 'cls.predictions.transform.dense.weight', 'cls.seq_relationship.weight', 'cls.predictions.transform.LayerNorm.weight']\n", + "- This IS expected if you are initializing BigBirdForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing BigBirdForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "Some weights of BigBirdForTokenClassification were not initialized from the model checkpoint at google/bigbird-roberta-large and are newly initialized: ['classifier.weight', 'classifier.bias']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n" + ] + } + ], + "source": [ + "config_model = AutoConfig.from_pretrained(model) \n", + "config_model.num_labels = 3 # might have to change if we're using the numbered discourse type as well\n", + "#config_model.save_pretrained('model')\n", + "\n", + "model = AutoModelForTokenClassification.from_pretrained(model, config=config_model)\n", + "optimizer = torch.optim.Adam(params=model.parameters())" + ] + }, + { + "cell_type": "markdown", + "id": "c4c4f0c3", + "metadata": {}, + "source": [ + "## Data Preparation" + ] + }, + { + "cell_type": "code", + "execution_count": 154, + "id": "990172d8", + "metadata": {}, + "outputs": [], + "source": [ + "texts = [\n", + " 'Hi my name is Yousef Nami',\n", + " 'Hi I am Shirin'\n", + " ]\n", + "labels = [\n", + " ['O', 'O', 'O', 'O', 'B-PERS', 'I-PERS'],\n", + " ['O', 'O', 'O', 'B-PERS']\n", + "]\n", + "\n", + "# TODO see if bert can accept text inputs?\n", + "labels_numeric = [\n", + " [0, 0, 0, 0, 1, 2],\n", + " [0, 0, 0, 1]\n", + "]" + ] + }, + { + "cell_type": "code", + "execution_count": 155, + "id": "9c3bb28e", + "metadata": {}, + "outputs": [], + "source": [ + "df = pd.DataFrame({\n", + " 'text': texts,\n", + " 'labels': labels_numeric\n", + " })" + ] + }, + { + "cell_type": "code", + "execution_count": 156, + "id": "ad91646e", + "metadata": {}, + "outputs": [], + "source": [ + "dataset = KaggleDataset(\n", + " df,\n", + " tokenizer,\n", + " max_length=20\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 159, + "id": "6db005dd", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'input_ids': tensor([ 65, 16003, 717, 1539, 419, 676, 617, 992, 500, 6378,\n", + " 66, 0, 0, 0, 0, 0, 0, 0, 0, 0]), 'attention_mask': tensor([1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0]), 'doc_ids': 0, 'word_ids': [0, 1, 2, 3, 4, 4, 4, 5, 5]}\n", + "{'input_ids': tensor([ 65, 16003, 415, 817, 1012, 47489, 66, 0, 0, 0,\n", + " 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]), 'attention_mask': tensor([1, 1, 1, 1, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]), 'doc_ids': 1, 'word_ids': [0, 1, 2, 3, 3]}\n" + ] + } + ], + "source": [ + "for (inputs, targets) in dataset:\n", + " print(inputs)\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "6e583f70", + "metadata": {}, + "outputs": [], + "source": [ + "\"You sef Na mi\" -> \"BNAME, BNAME, INAME, INAME\"" + ] + }, + { + "cell_type": "markdown", + "id": "29c86ed8", + "metadata": {}, + "source": [ + "## Data Training" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "6564d266", + "metadata": {}, + "outputs": [ + { + "ename": "NameError", + "evalue": "name 'dataset' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [11]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0m train_loader \u001b[38;5;241m=\u001b[39m DataLoader(\u001b[43mdataset\u001b[49m, shuffle\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mTrue\u001b[39;00m, batch_size\u001b[38;5;241m=\u001b[39m\u001b[38;5;241m2\u001b[39m)\n", + "\u001b[0;31mNameError\u001b[0m: name 'dataset' is not defined" + ] + } + ], + "source": [ + "train_loader = DataLoader(dataset, shuffle=True, batch_size=2)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "230ea70a", + "metadata": {}, + "outputs": [], + "source": [ + "train_longformer(model=model, optimizer=optimizer , epochs=1, train_loader=train_loader)" + ] + }, + { + "cell_type": "markdown", + "id": "f6df7d2e", + "metadata": {}, + "source": [ + "## Test on Kaggle dataset" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "0655a699", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idtexttext_splitlabelsrangelabels_temp
03321A3E87AD3I do agree that some students would benefit fr...[I, do, agree, that, some, students, would, be...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
1DFEAEC512BABShould students design a summer project for sc...[Should, students, design, a, summer, project,...[0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, ...[8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19,...[3, 4, 4, 4, 4, 4, 4, 7, 8, 8, 8, 8, 8, 8, 8, ...
22E4AFCD3987FDear State Senator\\n\\n,\\n\\nIn the ruels of vot...[Dear, State, Senator, ,, In, the, ruels, of, ...[0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, ...[4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16,...[3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, 8, 8, 8, 8, ...
3EB6C2AF20BFEPeople sometimes have a different opinion than...[People, sometimes, have, a, different, opinio...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
4A91A08E523D5Dear senator,\\n\\nAs you know the Electoral Col...[Dear, senator,, As, you, know, the, Electoral...[0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...[2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 1...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
\n", + "
" + ], + "text/plain": [ + " id text \\\n", + "0 3321A3E87AD3 I do agree that some students would benefit fr... \n", + "1 DFEAEC512BAB Should students design a summer project for sc... \n", + "2 2E4AFCD3987F Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 EB6C2AF20BFE People sometimes have a different opinion than... \n", + "4 A91A08E523D5 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " text_split \\\n", + "0 [I, do, agree, that, some, students, would, be... \n", + "1 [Should, students, design, a, summer, project,... \n", + "2 [Dear, State, Senator, ,, In, the, ruels, of, ... \n", + "3 [People, sometimes, have, a, different, opinio... \n", + "4 [Dear, senator,, As, you, know, the, Electoral... \n", + "\n", + " labels \\\n", + "0 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "1 [0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, ... \n", + "2 [0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, ... \n", + "3 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "4 [0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "\n", + " range \\\n", + "0 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "1 [8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19,... \n", + "2 [4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16,... \n", + "3 [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13,... \n", + "4 [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 1... \n", + "\n", + " labels_temp \n", + "0 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "1 [3, 4, 4, 4, 4, 4, 4, 7, 8, 8, 8, 8, 8, 8, 8, ... \n", + "2 [3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, 8, 8, 8, 8, ... \n", + "3 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "4 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... " + ] + }, + "execution_count": 12, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "PATH = '../../data/kaggle/feedback-prize-2021/train'\n", + "FILE_PATH = '../../data/kaggle/feedback-prize-2021/train.csv'\n", + "\n", + "df_texts = create_labels_doc_level(PATH, FILE_PATH)\n", + "#df_texts[['text', 'labels']].to_csv('../../../data/kaggle/df_cleaned.csv')\n", + "\n", + "#df_kaggle = pd.read_csv('../../data/kaggle/df_cleaned.csv')\n", + "#df_kaggle.head()\n", + "df_texts.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "id": "38591aa3", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
textlabels
0I do agree that some students would benefit fr...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
1Should students design a summer project for sc...[0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, ...
2Dear State Senator\\n\\n,\\n\\nIn the ruels of vot...[0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, ...
3People sometimes have a different opinion than...[1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
4Dear senator,\\n\\nAs you know the Electoral Col...[0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ...
\n", + "
" + ], + "text/plain": [ + " text \\\n", + "0 I do agree that some students would benefit fr... \n", + "1 Should students design a summer project for sc... \n", + "2 Dear State Senator\\n\\n,\\n\\nIn the ruels of vot... \n", + "3 People sometimes have a different opinion than... \n", + "4 Dear senator,\\n\\nAs you know the Electoral Col... \n", + "\n", + " labels \n", + "0 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "1 [0, 0, 0, 0, 0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, ... \n", + "2 [0, 0, 0, 0, 3, 4, 4, 4, 4, 4, 4, 4, 4, 7, 8, ... \n", + "3 [1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... \n", + "4 [0, 0, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, ... " + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_kaggle = df_texts[['text', 'labels']]\n", + "df_kaggle.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 151, + "id": "01b42959", + "metadata": {}, + "outputs": [], + "source": [ + "df_test =pd.DataFrame(data={'text':['hi my name is Yousef'], 'labels': [1]})\n", + "\n", + "kaggle_dataset = KaggleDataset(df_test, tokenizer, max_length=20)" + ] + }, + { + "cell_type": "code", + "execution_count": 152, + "id": "3429cf53", + "metadata": {}, + "outputs": [], + "source": [ + "for (inputs, targets) in kaggle_dataset:\n", + " print(inputs)\n", + " print(targets)\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": 153, + "id": "fd5b1225", + "metadata": {}, + "outputs": [ + { + "ename": "IndexError", + "evalue": "too many indices for tensor of dimension 0", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mIndexError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [153]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 1\u001b[0m k_train_loader \u001b[38;5;241m=\u001b[39m DataLoader(kaggle_dataset, batch_size\u001b[38;5;241m=\u001b[39m\u001b[38;5;241m2\u001b[39m)\n\u001b[0;32m----> 2\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m (inputs, targets) \u001b[38;5;129;01min\u001b[39;00m k_train_loader:\n\u001b[1;32m 3\u001b[0m \u001b[38;5;28mprint\u001b[39m(inputs)\n\u001b[1;32m 4\u001b[0m \u001b[38;5;28;01mbreak\u001b[39;00m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/utils/data/dataloader.py:521\u001b[0m, in \u001b[0;36m_BaseDataLoaderIter.__next__\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 519\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_sampler_iter \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[1;32m 520\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_reset()\n\u001b[0;32m--> 521\u001b[0m data \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_next_data\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 522\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_num_yielded \u001b[38;5;241m+\u001b[39m\u001b[38;5;241m=\u001b[39m \u001b[38;5;241m1\u001b[39m\n\u001b[1;32m 523\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_dataset_kind \u001b[38;5;241m==\u001b[39m _DatasetKind\u001b[38;5;241m.\u001b[39mIterable \u001b[38;5;129;01mand\u001b[39;00m \\\n\u001b[1;32m 524\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_IterableDataset_len_called \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m \u001b[38;5;129;01mand\u001b[39;00m \\\n\u001b[1;32m 525\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_num_yielded \u001b[38;5;241m>\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_IterableDataset_len_called:\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/utils/data/dataloader.py:561\u001b[0m, in \u001b[0;36m_SingleProcessDataLoaderIter._next_data\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 559\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21m_next_data\u001b[39m(\u001b[38;5;28mself\u001b[39m):\n\u001b[1;32m 560\u001b[0m index \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_next_index() \u001b[38;5;66;03m# may raise StopIteration\u001b[39;00m\n\u001b[0;32m--> 561\u001b[0m data \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_dataset_fetcher\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfetch\u001b[49m\u001b[43m(\u001b[49m\u001b[43mindex\u001b[49m\u001b[43m)\u001b[49m \u001b[38;5;66;03m# may raise StopIteration\u001b[39;00m\n\u001b[1;32m 562\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_pin_memory:\n\u001b[1;32m 563\u001b[0m data \u001b[38;5;241m=\u001b[39m _utils\u001b[38;5;241m.\u001b[39mpin_memory\u001b[38;5;241m.\u001b[39mpin_memory(data)\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/utils/data/_utils/fetch.py:49\u001b[0m, in \u001b[0;36m_MapDatasetFetcher.fetch\u001b[0;34m(self, possibly_batched_index)\u001b[0m\n\u001b[1;32m 47\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mfetch\u001b[39m(\u001b[38;5;28mself\u001b[39m, possibly_batched_index):\n\u001b[1;32m 48\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mauto_collation:\n\u001b[0;32m---> 49\u001b[0m data \u001b[38;5;241m=\u001b[39m [\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mdataset[idx] \u001b[38;5;28;01mfor\u001b[39;00m idx \u001b[38;5;129;01min\u001b[39;00m possibly_batched_index]\n\u001b[1;32m 50\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[1;32m 51\u001b[0m data \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mdataset[possibly_batched_index]\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/utils/data/_utils/fetch.py:49\u001b[0m, in \u001b[0;36m\u001b[0;34m(.0)\u001b[0m\n\u001b[1;32m 47\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mfetch\u001b[39m(\u001b[38;5;28mself\u001b[39m, possibly_batched_index):\n\u001b[1;32m 48\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mauto_collation:\n\u001b[0;32m---> 49\u001b[0m data \u001b[38;5;241m=\u001b[39m [\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mdataset\u001b[49m\u001b[43m[\u001b[49m\u001b[43midx\u001b[49m\u001b[43m]\u001b[49m \u001b[38;5;28;01mfor\u001b[39;00m idx \u001b[38;5;129;01min\u001b[39;00m possibly_batched_index]\n\u001b[1;32m 50\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[1;32m 51\u001b[0m data \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mdataset[possibly_batched_index]\n", + "File \u001b[0;32m~/Desktop/Main/0.Education/2.UCL/Courses/NLP/argument-mining/experiments/yousef/python_files/data.py:58\u001b[0m, in \u001b[0;36mKaggleDataset.__getitem__\u001b[0;34m(self, index)\u001b[0m\n\u001b[1;32m 56\u001b[0m targets \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39mas_tensor(targets, dtype\u001b[38;5;241m=\u001b[39mtorch\u001b[38;5;241m.\u001b[39mlong)\n\u001b[1;32m 57\u001b[0m expanded_targets \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39mzeros(\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mmax_length, dtype\u001b[38;5;241m=\u001b[39mtorch\u001b[38;5;241m.\u001b[39mlong)\n\u001b[0;32m---> 58\u001b[0m expanded_targets[word_id_mask] \u001b[38;5;241m=\u001b[39m \u001b[43mtargets\u001b[49m\u001b[43m[\u001b[49m\u001b[43mword_ids\u001b[49m\u001b[43m]\u001b[49m\n\u001b[1;32m 60\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m (inputs, expanded_targets)\n", + "\u001b[0;31mIndexError\u001b[0m: too many indices for tensor of dimension 0" + ] + } + ], + "source": [ + "k_train_loader = DataLoader(kaggle_dataset, batch_size=2)\n", + "for (inputs, targets) in k_train_loader:\n", + " print(inputs)\n", + " break" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "id": "ccc40760", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Attention type 'block_sparse' is not possible if sequence_length: 20 <= num global tokens: 2 * config.block_size + min. num sliding tokens: 3 * config.block_size + config.num_random_blocks * config.block_size + additional buffer: config.num_random_blocks * config.block_size = 704 with config.block_size = 64, config.num_random_blocks = 3. Changing attention type to 'original_full'...\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "EPOCH 1 STARTED\n", + "---------------\n", + "tensor(1.0604, grad_fn=)\n", + "tensor([[[-0.1543, -0.0606, -0.1969],\n", + " [-0.0912, 0.0348, -0.0372],\n", + " [ 0.0957, 0.2102, 0.1286],\n", + " [ 0.4059, 0.4303, 0.0561],\n", + " [ 0.8208, 0.8731, -0.2832],\n", + " [ 0.0943, 0.1394, -0.4872],\n", + " [ 0.2177, 0.0998, -0.0414],\n", + " [ 0.2388, 0.5826, -0.4362],\n", + " [ 0.2919, 0.1661, 0.0572],\n", + " [-0.2495, 0.1740, -0.3572],\n", + " [ 0.3496, 0.3546, 0.2610],\n", + " [ 0.2826, 0.4353, -0.3105],\n", + " [-0.1331, -0.0448, -0.2625],\n", + " [ 0.3561, 0.1659, -0.1571],\n", + " [-0.1036, -0.0262, -0.2957],\n", + " [ 0.0132, 0.1542, -0.4864],\n", + " [ 0.2793, 0.2334, -0.1412],\n", + " [-0.1528, -0.0184, -0.2182],\n", + " [-0.1823, -0.0512, -0.2283],\n", + " [-0.1329, -0.0350, -0.2510]]], grad_fn=) torch.Size([1, 20, 3])\n", + "Batch 1 complete. Time taken: load(0.0131), train(18.6), total(18.6). \n" + ] + }, + { + "ename": "Exception", + "evalue": "", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mException\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [31]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0m \u001b[43mtrain_longformer\u001b[49m\u001b[43m(\u001b[49m\u001b[43mmodel\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mmodel\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43moptimizer\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43moptimizer\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mepochs\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;241;43m1\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mtrain_loader\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mk_train_loader\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/Desktop/Main/0.Education/2.UCL/Courses/NLP/argument-mining/experiments/yousef/python_files/run.py:59\u001b[0m, in \u001b[0;36mtrain_longformer\u001b[0;34m(model, optimizer, epochs, train_loader, val_loader, verbose)\u001b[0m\n\u001b[1;32m 54\u001b[0m \u001b[38;5;28mprint\u001b[39m(\n\u001b[1;32m 55\u001b[0m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mBatch \u001b[39m\u001b[38;5;132;01m{\u001b[39;00mi \u001b[38;5;241m+\u001b[39m \u001b[38;5;241m1\u001b[39m\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m complete. Time taken: load(\u001b[39m\u001b[38;5;132;01m{\u001b[39;00mstart_train \u001b[38;5;241m-\u001b[39m start_load\u001b[38;5;132;01m:\u001b[39;00m\u001b[38;5;124m.3g\u001b[39m\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m), \u001b[39m\u001b[38;5;124m'\u001b[39m\n\u001b[1;32m 56\u001b[0m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mtrain(\u001b[39m\u001b[38;5;132;01m{\u001b[39;00mend_train \u001b[38;5;241m-\u001b[39m start_train\u001b[38;5;132;01m:\u001b[39;00m\u001b[38;5;124m.3g\u001b[39m\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m), total(\u001b[39m\u001b[38;5;132;01m{\u001b[39;00mend_train \u001b[38;5;241m-\u001b[39m start_load\u001b[38;5;132;01m:\u001b[39;00m\u001b[38;5;124m.3g\u001b[39m\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m). \u001b[39m\u001b[38;5;124m'\u001b[39m\n\u001b[1;32m 57\u001b[0m )\n\u001b[1;32m 58\u001b[0m start_load \u001b[38;5;241m=\u001b[39m time\u001b[38;5;241m.\u001b[39mtime()\n\u001b[0;32m---> 59\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mException\u001b[39;00m()\n", + "\u001b[0;31mException\u001b[0m: " + ] + } + ], + "source": [ + "train_longformer(model=model, optimizer=optimizer, epochs=1, train_loader=k_train_loader)" + ] + }, + { + "cell_type": "code", + "execution_count": 62, + "id": "c3636ba1", + "metadata": {}, + "outputs": [], + "source": [ + "def active_logits(raw_logits, word_ids):\n", + " word_ids = word_ids.view(-1)\n", + " active_mask = word_ids.unsqueeze(1).expand(word_ids.shape[0], 3)\n", + " print(active_mask)\n", + " active_mask = active_mask != -1\n", + " active_logits = raw_logits.view(-1, 3)\n", + " print(active_logits)\n", + " active_logits = torch.masked_select(active_logits, active_mask) # return 1dTensor\n", + " active_logits = active_logits.view(-1, 3) \n", + " return active_logits" + ] + }, + { + "cell_type": "code", + "execution_count": 66, + "id": "3f3a068f", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "tensor([[-1, -1, -1],\n", + " [ 0, 0, 0],\n", + " [ 1, 1, 1],\n", + " [ 2, 2, 2],\n", + " [ 3, 3, 3],\n", + " [ 4, 4, 4],\n", + " [ 4, 4, 4],\n", + " [ 5, 5, 5],\n", + " [ 5, 5, 5],\n", + " [ 5, 5, 5],\n", + " [-1, -1, -1]])\n", + "tensor([[0.9573, 0.3607, 0.6314],\n", + " [0.4865, 0.2565, 0.6984],\n", + " [0.4938, 0.6211, 0.6231],\n", + " [0.1811, 0.8638, 0.6316],\n", + " [0.6443, 0.3207, 0.4406],\n", + " [0.1913, 0.6350, 0.8052],\n", + " [0.2440, 0.1049, 0.7696],\n", + " [0.5300, 0.6490, 0.8611],\n", + " [0.2157, 0.6968, 0.4399],\n", + " [0.8934, 0.0529, 0.4582],\n", + " [0.0897, 0.0093, 0.6105]])\n" + ] + }, + { + "data": { + "text/plain": [ + "tensor([[0.4865, 0.2565, 0.6984],\n", + " [0.4938, 0.6211, 0.6231],\n", + " [0.1811, 0.8638, 0.6316],\n", + " [0.6443, 0.3207, 0.4406],\n", + " [0.1913, 0.6350, 0.8052],\n", + " [0.2440, 0.1049, 0.7696],\n", + " [0.5300, 0.6490, 0.8611],\n", + " [0.2157, 0.6968, 0.4399],\n", + " [0.8934, 0.0529, 0.4582]])" + ] + }, + "execution_count": 66, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "word_ids = tokenizer('Hi my name is سیس Yousef').word_ids()\n", + "L = len(word_ids)\n", + "word_ids = [word_id if word_id is not None else -1 for word_id in word_ids]\n", + "word_ids = torch.tensor(word_ids)\n", + "\n", + "raw_logits = torch.rand((L, 3))\n", + "active_logits(raw_logits, word_ids)" + ] + }, + { + "cell_type": "code", + "execution_count": 80, + "id": "bb497c4b", + "metadata": {}, + "outputs": [], + "source": [ + "from torch.utils.data import Dataset\n", + "# need help with this\n", + "IGNORE_INDEX = -100\n", + "NON_LABEL = -1\n", + "LABELS_TO_IDS = {\n", + " 'O': 0,\n", + " 'B-PERS': 1,\n", + " 'I-PERS': 2\n", + "}\n", + "\n", + "df = pd.DataFrame({\n", + " 'text': texts,\n", + " 'entities': labels\n", + " })\n", + "\n", + "SUBTOKENS = True\n", + "class FeedbackPrizeDataset(Dataset):\n", + " def __init__(self, dataframe, tokenizer, max_len, has_labels):\n", + " self.len = len(dataframe)\n", + " self.data = dataframe\n", + " self.tokenizer = tokenizer\n", + " self.max_len = max_len\n", + " self.has_labels = has_labels\n", + " \n", + " def __getitem__(self, index):\n", + " text = self.data.text[index]\n", + " encoding = self.tokenizer(\n", + " text.split(),\n", + " is_split_into_words = True,\n", + " padding = 'max_length',\n", + " truncation = True,\n", + " max_length = self.max_len\n", + " )\n", + " word_ids = encoding.word_ids()\n", + "\n", + " # targets\n", + " if self.has_labels:\n", + " word_labels = self.data.entities[index]\n", + " prev_word_idx = None\n", + " labels_ids = []\n", + " for word_idx in word_ids:\n", + " if word_idx is None:\n", + " labels_ids.append(IGNORE_INDEX)\n", + " elif word_idx != prev_word_idx:\n", + " labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\n", + " else:\n", + " if SUBTOKENS:\n", + " labels_ids.append(LABELS_TO_IDS[word_labels[word_idx]])\n", + " else:\n", + " labels_ids.append(IGNORE_INDEX)\n", + " prev_word_idx = word_idx\n", + " encoding['labels'] = labels_ids\n", + " # convert to torch.tensor\n", + " item = {k: torch.as_tensor(v) for k, v in encoding.items()}\n", + " word_ids2 = [w if w is not None else NON_LABEL for w in word_ids]\n", + " item['word_ids'] = torch.as_tensor(word_ids2)\n", + " return item\n", + "\n", + " def __len__(self):\n", + " return self.len\n", + " \n", + "dset = FeedbackPrizeDataset(df.rename(columns={'labels':'entities'}), tokenizer, 10,True)" + ] + }, + { + "cell_type": "code", + "execution_count": 82, + "id": "2c719715", + "metadata": {}, + "outputs": [], + "source": [ + "def active_labels(labels):\n", + " active_mask = labels.view(-1) != IGNORE_INDEX\n", + " active_labels = torch.masked_select(labels.view(-1), active_mask)\n", + " return active_labels" + ] + }, + { + "cell_type": "code", + "execution_count": 83, + "id": "be755b8d", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "tensor([-100, 0, 0, 0, 0, 1, 1, 1, 2, -100])\n", + "tensor([0, 0, 0, 0, 1, 1, 1, 2])\n" + ] + } + ], + "source": [ + "for item in dset:\n", + " input_ids, attention_mask, labels, word_ids = item.values()\n", + " print(labels)\n", + " print(active_labels(labels))\n", + " break" + ] + }, + { + "cell_type": "markdown", + "id": "e17e3aaf", + "metadata": {}, + "source": [ + "# Model evalation" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "id": "fb25ed4d", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "tensor([[ True, False, False, True],\n", + " [False, False, False, True]])\n" + ] + }, + { + "data": { + "text/plain": [ + "tensor([2, 1])" + ] + }, + "execution_count": 28, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "from python_files.run import evaluate\n", + "\n", + "t1 = torch.tensor([[1,2,3,4], [5,6,7,8]])\n", + "t2 = torch.tensor([[1,3,2,4], [6, 7, 5, 8]])\n", + "\n", + "print(t1==t2)\n", + "(t1 == t2).sum(dim=1)" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "id": "68afe6fb", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "tensor([[0, 0]])" + ] + }, + "execution_count": 31, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "(t1 == 1).nonzero()" + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "id": "75356eeb", + "metadata": {}, + "outputs": [], + "source": [ + "df_test = pd.DataFrame(\n", + " {'t1': [set([1,2]), set([4,5])],\n", + " 't2':[set([1,1]), set([4,5])]}\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 49, + "id": "80c832b8", + "metadata": {}, + "outputs": [], + "source": [ + "df_test['gt_and_pred'] = df_test.apply(lambda x: x.t1.intersection(x.t2), axis=1)" + ] + }, + { + "cell_type": "code", + "execution_count": 50, + "id": "7118ad48", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0 {1}\n", + "1 {4, 5}\n", + "Name: gt_and_pred, dtype: object" + ] + }, + "execution_count": 50, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_test['gt_and_pred']" + ] + }, + { + "cell_type": "code", + "execution_count": 55, + "id": "a059c39e", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "tensor([[2, 4, 6, 8],\n", + " [2, 2, 2, 4]])" + ] + }, + "execution_count": 55, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "torch.tensor([[1,2,3,4], [1,1,1,2]]).apply_(lambda x: x*2)" + ] + }, + { + "cell_type": "code", + "execution_count": 56, + "id": "2efc6f41", + "metadata": {}, + "outputs": [ + { + "ename": "TypeError", + "evalue": "torch.LongTensor is not a Module subclass", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mTypeError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [56]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0m \u001b[43mtorch\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mnn\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mModuleList\u001b[49m\u001b[43m(\u001b[49m\u001b[43mtorch\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mtensor\u001b[49m\u001b[43m(\u001b[49m\u001b[43m[\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;241;43m1\u001b[39;49m\u001b[43m,\u001b[49m\u001b[38;5;241;43m2\u001b[39;49m\u001b[43m,\u001b[49m\u001b[38;5;241;43m3\u001b[39;49m\u001b[43m,\u001b[49m\u001b[38;5;241;43m4\u001b[39;49m\u001b[43m]\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;241;43m1\u001b[39;49m\u001b[43m,\u001b[49m\u001b[38;5;241;43m1\u001b[39;49m\u001b[43m,\u001b[49m\u001b[38;5;241;43m1\u001b[39;49m\u001b[43m,\u001b[49m\u001b[38;5;241;43m2\u001b[39;49m\u001b[43m]\u001b[49m\u001b[43m]\u001b[49m\u001b[43m)\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/container.py:174\u001b[0m, in \u001b[0;36mModuleList.__init__\u001b[0;34m(self, modules)\u001b[0m\n\u001b[1;32m 172\u001b[0m \u001b[38;5;28msuper\u001b[39m(ModuleList, \u001b[38;5;28mself\u001b[39m)\u001b[38;5;241m.\u001b[39m\u001b[38;5;21m__init__\u001b[39m()\n\u001b[1;32m 173\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m modules \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[0;32m--> 174\u001b[0m \u001b[38;5;28mself\u001b[39m \u001b[38;5;241m+\u001b[39m\u001b[38;5;241m=\u001b[39m modules\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/container.py:215\u001b[0m, in \u001b[0;36mModuleList.__iadd__\u001b[0;34m(self, modules)\u001b[0m\n\u001b[1;32m 214\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21m__iadd__\u001b[39m(\u001b[38;5;28mself\u001b[39m, modules: Iterable[Module]) \u001b[38;5;241m-\u001b[39m\u001b[38;5;241m>\u001b[39m \u001b[38;5;124m'\u001b[39m\u001b[38;5;124mModuleList\u001b[39m\u001b[38;5;124m'\u001b[39m:\n\u001b[0;32m--> 215\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mextend\u001b[49m\u001b[43m(\u001b[49m\u001b[43mmodules\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/container.py:254\u001b[0m, in \u001b[0;36mModuleList.extend\u001b[0;34m(self, modules)\u001b[0m\n\u001b[1;32m 252\u001b[0m offset \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mlen\u001b[39m(\u001b[38;5;28mself\u001b[39m)\n\u001b[1;32m 253\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m i, module \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28menumerate\u001b[39m(modules):\n\u001b[0;32m--> 254\u001b[0m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43madd_module\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43mstr\u001b[39;49m\u001b[43m(\u001b[49m\u001b[43moffset\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m+\u001b[39;49m\u001b[43m \u001b[49m\u001b[43mi\u001b[49m\u001b[43m)\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mmodule\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 255\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\n", + "File \u001b[0;32m~/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/torch/nn/modules/module.py:377\u001b[0m, in \u001b[0;36mModule.add_module\u001b[0;34m(self, name, module)\u001b[0m\n\u001b[1;32m 367\u001b[0m \u001b[38;5;124mr\u001b[39m\u001b[38;5;124;03m\"\"\"Adds a child module to the current module.\u001b[39;00m\n\u001b[1;32m 368\u001b[0m \n\u001b[1;32m 369\u001b[0m \u001b[38;5;124;03mThe module can be accessed as an attribute using the given name.\u001b[39;00m\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 374\u001b[0m \u001b[38;5;124;03m module (Module): child module to be added to the module.\u001b[39;00m\n\u001b[1;32m 375\u001b[0m \u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[1;32m 376\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28misinstance\u001b[39m(module, Module) \u001b[38;5;129;01mand\u001b[39;00m module \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[0;32m--> 377\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mTypeError\u001b[39;00m(\u001b[38;5;124m\"\u001b[39m\u001b[38;5;132;01m{}\u001b[39;00m\u001b[38;5;124m is not a Module subclass\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;241m.\u001b[39mformat(\n\u001b[1;32m 378\u001b[0m torch\u001b[38;5;241m.\u001b[39mtypename(module)))\n\u001b[1;32m 379\u001b[0m \u001b[38;5;28;01melif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28misinstance\u001b[39m(name, torch\u001b[38;5;241m.\u001b[39m_six\u001b[38;5;241m.\u001b[39mstring_classes):\n\u001b[1;32m 380\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mTypeError\u001b[39;00m(\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mmodule name should be a string. Got \u001b[39m\u001b[38;5;132;01m{}\u001b[39;00m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;241m.\u001b[39mformat(\n\u001b[1;32m 381\u001b[0m torch\u001b[38;5;241m.\u001b[39mtypename(name)))\n", + "\u001b[0;31mTypeError\u001b[0m: torch.LongTensor is not a Module subclass" + ] + } + ], + "source": [] + }, + { + "cell_type": "code", + "execution_count": 72, + "id": "48ffc8f1", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(tensor([0, 1, 2, 3, 4, 5, 6]),)" + ] + }, + "execution_count": 72, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "torch.tensor_split(torch.arange(7), [])" + ] + }, + { + "cell_type": "code", + "execution_count": 298, + "id": "f6ad18ef", + "metadata": {}, + "outputs": [], + "source": [ + "def _get_zero_start_ids(iterable, split_by=[0]):\n", + " \"\"\" TODO run unit tests on this \"\"\"\n", + "\n", + " split_by = set(split_by)\n", + " add_item = float(iterable[0]) in split_by\n", + " zero_start_ids = []\n", + " for i, item in enumerate(iterable):\n", + " if (float(item) in split_by) ^ add_item:\n", + " add_item = not add_item\n", + " zero_start_ids.append(i)\n", + " return zero_start_ids" + ] + }, + { + "cell_type": "code", + "execution_count": 300, + "id": "dce14bb0", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[2, 5, 6, 8, 11]\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[autoreload of python_files.run failed: Traceback (most recent call last):\n", + " File \"/Users/yousefnami/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/IPython/extensions/autoreload.py\", line 257, in check\n", + " superreload(m, reload, self.old_objects)\n", + " File \"/Users/yousefnami/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/IPython/extensions/autoreload.py\", line 455, in superreload\n", + " module = reload(module)\n", + " File \"/Users/yousefnami/opt/anaconda3/envs/argument-mining/lib/python3.8/importlib/__init__.py\", line 169, in reload\n", + " _bootstrap._exec(spec, module)\n", + " File \"\", line 604, in _exec\n", + " File \"\", line 839, in exec_module\n", + " File \"\", line 976, in get_code\n", + " File \"\", line 906, in source_to_code\n", + " File \"\", line 219, in _call_with_frames_removed\n", + " File \"/Users/yousefnami/Desktop/Main/0.Education/2.UCL/Courses/NLP/argument-mining/experiments/yousef/python_files/run.py\", line 99\n", + " def get_predicted_label(outputs):\n", + " ^\n", + "IndentationError: expected an indented block\n", + "]\n" + ] + }, + { + "data": { + "text/plain": [ + "(tensor([0, 0]),\n", + " tensor([1, 2, 3]),\n", + " tensor([0]),\n", + " tensor([3, 5]),\n", + " tensor([0, 0, 0]),\n", + " tensor([5, 6]))" + ] + }, + "execution_count": 300, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "tensor = torch.tensor([0, 0, 1,2,3, 0, 3,5,0,0,0,5,6])\n", + "split_ids = _get_zero_start_ids(tensor)\n", + "print(split_ids)\n", + "torch.tensor_split(tensor, split_ids)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 217, + "id": "5c239d02", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(tensor([0, 0, 1, 2]), tensor([3, 5, 0]), tensor([0, 0, 5, 6]))" + ] + }, + "execution_count": 217, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "torch.tensor_split(torch.tensor([0, 0, \n", + "1,2,3,5,0,0,0,5,6]), [4, 7])" + ] + }, + { + "cell_type": "code", + "execution_count": 111, + "id": "5f0fb449", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CUDA device NOT detected. Using CPU...\n" + ] + }, + { + "data": { + "text/plain": [ + "{'input_ids': [65, 16003, 717, 1539, 321, 100, 372, 676, 617, 992, 66], 'attention_mask': [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1]}" + ] + }, + "execution_count": 111, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "tokenizer('Hi my name \\nis Yousef')" + ] + }, + { + "cell_type": "code", + "execution_count": 125, + "id": "9043611c", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "torch.Size([2, 4, 3])" + ] + }, + "execution_count": 125, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "test = (torch.rand((2,4,3)) * 10).int()\n", + "test.shape" + ] + }, + { + "cell_type": "code", + "execution_count": 130, + "id": "209fb10d", + "metadata": {}, + "outputs": [], + "source": [ + "probas, values = test.max(dim=-1)" + ] + }, + { + "cell_type": "code", + "execution_count": 160, + "id": "f5ed77c4", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CUDA device NOT detected. Using CPU...\n" + ] + } + ], + "source": [ + "df = pd.concat(\n", + " [pd.DataFrame(data={'id':i, 'probas':probas, 'values':values}) for i, (probas, values) in enumerate(zip(probas, values))]\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 161, + "id": "83976796", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
idprobasvalues
0060
1051
2091
3060
0180
1171
2192
3191
\n", + "
" + ], + "text/plain": [ + " id probas values\n", + "0 0 6 0\n", + "1 0 5 1\n", + "2 0 9 1\n", + "3 0 6 0\n", + "0 1 8 0\n", + "1 1 7 1\n", + "2 1 9 2\n", + "3 1 9 1" + ] + }, + "execution_count": 161, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df" + ] + }, + { + "cell_type": "code", + "execution_count": 164, + "id": "5e953688", + "metadata": {}, + "outputs": [], + "source": [ + "df = pd.concat(\n", + " [pd.DataFrame(data={'probas':probas, 'values':values, 'word_ids':[0,1,1,2]}).groupby('word_ids').head(1) for i, (probas, values) in enumerate(zip(probas, values))]\n", + ")\n", + "df" + ] + }, + { + "cell_type": "code", + "execution_count": 166, + "id": "7b0bb388", + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "CUDA device NOT detected. Using CPU...\n" + ] + } + ], + "source": [ + "df['ids'] = [0,0,0,1,1,1]" + ] + }, + { + "cell_type": "code", + "execution_count": 193, + "id": "9d3d0925", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
probasvaluesword_ids
ids
0[6, 5, 6][0, 1, 0][0, 1, 2]
1[8, 7, 9][0, 1, 1][0, 1, 2]
\n", + "
" + ], + "text/plain": [ + " probas values word_ids\n", + "ids \n", + "0 [6, 5, 6] [0, 1, 0] [0, 1, 2]\n", + "1 [8, 7, 9] [0, 1, 1] [0, 1, 2]" + ] + }, + "execution_count": 193, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "g = df.groupby('ids').agg({col: lambda x: x.values.flatten().tolist() for col in df.columns}).drop('ids', axis=1)\n", + "g" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "9015b0c0", + "metadata": {}, + "outputs": [], + "source": [ + "import base64\n", + "def encode_model_name(model_name, epoch):\n", + " model_name_b = model_name.encode('ascii')\n", + " encoded_model_name = base64.b64encode(model_name_b).decode('ascii')\n", + " return encoded_model_name + f'_{epoch}'" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "937bafb7", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'Z29vZ2xlL2JpZ2JpcmQ=_1'" + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "encode_model_name('google/bigbird', 1)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "d1598cdb", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/inference.ipynb b/experiments/yousef/inference.ipynb new file mode 100644 index 0000000..ea51c77 --- /dev/null +++ b/experiments/yousef/inference.ipynb @@ -0,0 +1,350 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "e625f2f2", + "metadata": {}, + "source": [ + "# quick inference poc" + ] + }, + { + "cell_type": "markdown", + "id": "4709017a", + "metadata": {}, + "source": [ + "### Imports" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "5e522863", + "metadata": {}, + "outputs": [], + "source": [ + "# -- public imports\n", + "\n", + "from transformers import BigBirdTokenizer, AutoTokenizer, AutoModelForTokenClassification, AutoConfig\n", + "import pandas as pd\n", + "from torch.utils.data import DataLoader\n", + "import torch" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "89b1b3df", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Import of ArgMiner successful\n" + ] + } + ], + "source": [ + "# -- private import\n", + "from argminer.data import KaggleDataset" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "e77ce1f1", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "The autoreload extension is already loaded. To reload it, use:\n", + " %reload_ext autoreload\n" + ] + } + ], + "source": [ + "# -- dev imports\n", + "\n", + "%load_ext autoreload\n", + "%autoreload 2" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "3eff33ef", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "normalizer.cc(51) LOG(INFO) precompiled_charsmap is empty. use identity normalization.\n", + "Some weights of the model checkpoint at google/bigbird-roberta-large were not used when initializing BigBirdForTokenClassification: ['cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.transform.LayerNorm.bias', 'cls.predictions.bias', 'cls.predictions.decoder.bias', 'cls.seq_relationship.weight', 'cls.predictions.decoder.weight', 'cls.seq_relationship.bias']\n", + "- This IS expected if you are initializing BigBirdForTokenClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", + "- This IS NOT expected if you are initializing BigBirdForTokenClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n", + "Some weights of BigBirdForTokenClassification were not initialized from the model checkpoint at google/bigbird-roberta-large and are newly initialized: ['classifier.weight', 'classifier.bias']\n", + "You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.\n" + ] + } + ], + "source": [ + "model = 'google/bigbird-roberta-large'\n", + "\n", + "tokenizer = AutoTokenizer.from_pretrained(model, add_prefix_space=True)\n", + "config_model = AutoConfig.from_pretrained(model) \n", + "config_model.num_labels = 3\n", + "model = AutoModelForTokenClassification.from_pretrained(model, config=config_model)\n", + "optimizer = torch.optim.Adam(params=model.parameters())" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "id": "4ee5553f", + "metadata": {}, + "outputs": [], + "source": [ + "texts = [\n", + " 'Hi my name is Yousef Nami',\n", + " 'Hi I am Shirin'\n", + " ]\n", + "labels = [\n", + " ['O', 'O', 'O', 'O', 'B-PERS', 'I-PERS'],\n", + " ['O', 'O', 'O', 'B-PERS']\n", + "]\n", + "\n", + "# TODO see if bert can accept text inputs?\n", + "labels_numeric = [\n", + " [0, 0, 0, 0, 1, 2],\n", + " [0, 0, 0, 1]\n", + "]" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "id": "9dd5d84e", + "metadata": {}, + "outputs": [], + "source": [ + "df = pd.DataFrame({\n", + " 'text': texts,\n", + " 'labels': labels_numeric\n", + " })" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "id": "f971c54d", + "metadata": {}, + "outputs": [], + "source": [ + "dataset = KaggleDataset(\n", + " df,\n", + " tokenizer,\n", + " max_length=20\n", + ")\n", + "\n", + "loader = torch.utils.data.DataLoader(dataset, batch_size=2)" + ] + }, + { + "cell_type": "code", + "execution_count": 71, + "id": "65e8b6f6", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'input_ids': tensor([[ 65, 16003, 717, 1539, 419, 676, 617, 992, 500, 6378,\n", + " 66, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [ 65, 16003, 415, 817, 1012, 47489, 66, 0, 0, 0,\n", + " 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]]), 'attention_mask': tensor([[1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0],\n", + " [1, 1, 1, 1, 1, 1, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0]]), 'word_ids': tensor([[-1, 0, 1, 2, 3, 4, 4, 4, 5, 5, -1, -1, -1, -1, -1, -1, -1, -1,\n", + " -1, -1],\n", + " [-1, 0, 1, 2, 3, 3, -1, -1, -1, -1, -1, -1, -1, -1, -1, -1, -1, -1,\n", + " -1, -1]]), 'word_id_mask': [tensor([False, False]), tensor([True, True]), tensor([True, True]), tensor([True, True]), tensor([True, True]), tensor([True, True]), tensor([ True, False]), tensor([ True, False]), tensor([ True, False]), tensor([ True, False]), tensor([False, False]), tensor([False, False]), tensor([False, False]), tensor([False, False]), tensor([False, False]), tensor([False, False]), tensor([False, False]), tensor([False, False]), tensor([False, False]), tensor([False, False])]}\n", + "tensor([[[-0.1642, 0.0992, 0.3482],\n", + " [-0.0166, -0.3431, 0.7926],\n", + " [ 0.0151, 0.1921, 0.6123],\n", + " [ 0.0664, -0.0830, 0.5713],\n", + " [ 0.0521, -0.2243, 0.7010],\n", + " [ 0.2475, -0.2039, 0.3427],\n", + " [ 0.0468, -0.2063, 0.4431],\n", + " [ 0.3500, -0.1089, 0.4890],\n", + " [-0.1642, 0.0992, 0.3482],\n", + " [ 0.2735, -0.3232, 0.6088],\n", + " [ 0.0164, -0.2838, 0.7500],\n", + " [-0.1642, 0.0992, 0.3482],\n", + " [-0.1642, 0.0992, 0.3482],\n", + " [-0.1642, 0.0992, 0.3482],\n", + " [-0.1642, 0.0992, 0.3482],\n", + " [-0.1642, 0.0992, 0.3482],\n", + " [-0.3618, -0.0890, 0.4821],\n", + " [-0.1642, 0.0992, 0.3482],\n", + " [ 0.0758, -0.3785, 0.5925],\n", + " [-0.1642, 0.0992, 0.3482]],\n", + "\n", + " [[-0.1558, 0.0520, 0.3420],\n", + " [-0.1565, 0.0522, 0.3423],\n", + " [-0.1566, 0.0523, 0.3424],\n", + " [-0.1557, 0.0502, 0.3406],\n", + " [-0.1565, 0.0522, 0.3423],\n", + " [-0.1569, 0.0525, 0.3428],\n", + " [-0.1566, 0.0523, 0.3425],\n", + " [-0.1564, 0.0522, 0.3422],\n", + " [-0.1564, 0.0522, 0.3422],\n", + " [-0.1564, 0.0522, 0.3422],\n", + " [-0.1565, 0.0523, 0.3424],\n", + " [-0.1565, 0.0522, 0.3423],\n", + " [-0.1565, 0.0523, 0.3424],\n", + " [-0.1564, 0.0522, 0.3423],\n", + " [-0.1564, 0.0522, 0.3423],\n", + " [-0.1564, 0.0522, 0.3422],\n", + " [-0.1564, 0.0522, 0.3422],\n", + " [-0.1564, 0.0522, 0.3422],\n", + " [-0.1564, 0.0522, 0.3422],\n", + " [-0.1564, 0.0522, 0.3422]]], grad_fn=)\n", + "tensor([-1, 0, 1, 2, 3, 4, 4, 4, 5, 5, -1, -1, -1, -1, -1, -1, -1, -1,\n", + " -1, -1])\n", + "tensor([[-0.0166, -0.3431, 0.7926],\n", + " [ 0.0151, 0.1921, 0.6123],\n", + " [ 0.0664, -0.0830, 0.5713],\n", + " [ 0.0521, -0.2243, 0.7010],\n", + " [ 0.2475, -0.2039, 0.3427],\n", + " [ 0.0468, -0.2063, 0.4431],\n", + " [ 0.3500, -0.1089, 0.4890],\n", + " [-0.1642, 0.0992, 0.3482],\n", + " [ 0.2735, -0.3232, 0.6088]], grad_fn=)\n", + "tensor([[-0.0166, -0.3431, 0.7926],\n", + " [ 0.0151, 0.1921, 0.6123],\n", + " [ 0.0664, -0.0830, 0.5713],\n", + " [ 0.0521, -0.2243, 0.7010],\n", + " [ 0.6442, -0.5192, 1.2748],\n", + " [ 0.1094, -0.2241, 0.9570]], dtype=torch.float64,\n", + " grad_fn=)\n", + "tensor([-1, 0, 1, 2, 3, 3, -1, -1, -1, -1, -1, -1, -1, -1, -1, -1, -1, -1,\n", + " -1, -1])\n", + "tensor([[-0.1565, 0.0522, 0.3423],\n", + " [-0.1566, 0.0523, 0.3424],\n", + " [-0.1557, 0.0502, 0.3406],\n", + " [-0.1565, 0.0522, 0.3423],\n", + " [-0.1569, 0.0525, 0.3428]], grad_fn=)\n", + "tensor([[-0.1565, 0.0522, 0.3423],\n", + " [-0.1566, 0.0523, 0.3424],\n", + " [-0.1557, 0.0502, 0.3406],\n", + " [-0.3134, 0.1048, 0.6851]], dtype=torch.float64,\n", + " grad_fn=)\n" + ] + } + ], + "source": [ + "for i, (inputs, targets) in enumerate(loader):\n", + " print(inputs)\n", + "\n", + " optimizer.zero_grad()\n", + " \n", + " # for evaluation purposes may need to save the embedding weights??\n", + " \n", + " word_ids = inputs['word_ids']\n", + " word_id_mask = inputs['word_id_mask']\n", + " loss, outputs = model(\n", + " labels=targets,\n", + " input_ids=inputs['input_ids'],\n", + " attention_mask=inputs['attention_mask'],\n", + " return_dict=False\n", + " )\n", + " print(outputs)\n", + " inference(outputs, word_ids, 'avg')\n", + " break\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": 70, + "id": "3245b15e", + "metadata": {}, + "outputs": [], + "source": [ + "def inference(batch, word_id_batch, agg_strategy):\n", + " # TODO need to have assertions to prevent certain strategies from happening together!\n", + "\n", + "\n", + " for (predictions, word_ids) in zip(batch, word_id_batch):\n", + " # TODO probably no need to store mask?\n", + " mask = word_ids != -1\n", + " print(word_ids)\n", + " word_ids = word_ids[mask]\n", + " predictions = predictions[mask]\n", + " print(predictions)\n", + " unique_word_ids, word_id_counts = torch.unique_consecutive(word_ids, return_counts=True)\n", + " agg_predictions = torch.zeros((len(unique_word_ids), predictions.shape[-1]), dtype=float)\n", + " start_id = 0\n", + " for i, (unique_word_id, word_id_count) in enumerate(zip(unique_word_ids, word_id_counts)):\n", + " end_id = start_id + word_id_count\n", + " agg_predictions[i] = predictions[start_id: end_id]\n", + " start_id = end_id\n", + " print(agg_predictions)\n", + " return agg_predictions" + ] + }, + { + "cell_type": "code", + "execution_count": 58, + "id": "803ba66b", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "torch.Size([2, 2, 3])" + ] + }, + "execution_count": 58, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "word_ids()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "a40b749b", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/kaggle_benchmark_1.ipynb b/experiments/yousef/kaggle_benchmark_1.ipynb new file mode 100644 index 0000000..cdd9ed6 --- /dev/null +++ b/experiments/yousef/kaggle_benchmark_1.ipynb @@ -0,0 +1,146847 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "f6342cf1", + "metadata": {}, + "source": [ + "# Benchmark 1\n", + "\n", + "## Algorithm\n", + "\n", + "### Train\n", + "- training features are average segment word vectors and location start and end\n", + "- train using a decision tree classifier\n", + "- prediction outputs are the sentiments\n", + "\n", + "### Test\n", + "- First split by paragraphs using newline\n", + "- Then segment\n", + "- Using trained model, evaluate\n", + "- Concatenate like segments" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "id": "5bdbdd6b", + "metadata": {}, + "outputs": [], + "source": [ + "import spacy\n", + "import os\n", + "import pandas as pd\n", + "import numpy as np\n", + "from sklearn.ensemble import RandomForestClassifier\n", + "from dframcy import DframCy\n", + "from sklearn.model_selection import train_test_split\n", + "\n", + "# paths\n", + "path_base = '../../data/kaggle/feedback-prize-2021'\n", + "dir_train = os.path.join(path_base, 'train')\n", + "dir_test = os.path.join(path_base, 'test')\n", + "path_train = os.path.join(path_base, 'train.csv')" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "id": "bb15827f", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
iddiscourse_iddiscourse_startdiscourse_enddiscourse_textdiscourse_typediscourse_type_numpredictionstring
0423A1CA112E21.622628e+128.0229.0Modern humans today are always on their phone....LeadLead 11 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1...
1423A1CA112E21.622628e+12230.0312.0They are some really bad consequences when stu...PositionPosition 145 46 47 48 49 50 51 52 53 54 55 56 57 58 59
2423A1CA112E21.622628e+12313.0401.0Some certain areas in the United States ban ph...EvidenceEvidence 160 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75
3423A1CA112E21.622628e+12402.0758.0When people have phones, they know about certa...EvidenceEvidence 276 77 78 79 80 81 82 83 84 85 86 87 88 89 90 9...
4423A1CA112E21.622628e+12759.0886.0Driving is one of the way how to get around. P...ClaimClaim 1139 140 141 142 143 144 145 146 147 148 149 15...
\n", + "
" + ], + "text/plain": [ + " id discourse_id discourse_start discourse_end \\\n", + "0 423A1CA112E2 1.622628e+12 8.0 229.0 \n", + "1 423A1CA112E2 1.622628e+12 230.0 312.0 \n", + "2 423A1CA112E2 1.622628e+12 313.0 401.0 \n", + "3 423A1CA112E2 1.622628e+12 402.0 758.0 \n", + "4 423A1CA112E2 1.622628e+12 759.0 886.0 \n", + "\n", + " discourse_text discourse_type \\\n", + "0 Modern humans today are always on their phone.... Lead \n", + "1 They are some really bad consequences when stu... Position \n", + "2 Some certain areas in the United States ban ph... Evidence \n", + "3 When people have phones, they know about certa... Evidence \n", + "4 Driving is one of the way how to get around. P... Claim \n", + "\n", + " discourse_type_num predictionstring \n", + "0 Lead 1 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1... \n", + "1 Position 1 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 \n", + "2 Evidence 1 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 \n", + "3 Evidence 2 76 77 78 79 80 81 82 83 84 85 86 87 88 89 90 9... \n", + "4 Claim 1 139 140 141 142 143 144 145 146 147 148 149 15... " + ] + }, + "execution_count": 23, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_train = pd.read_csv(path_train)\n", + "df_train.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "id": "e441e13c", + "metadata": {}, + "outputs": [], + "source": [ + "df_temp = df_train.copy()[['discourse_text', 'discourse_type']]\n", + "df_temp['discourse_type'] = df_temp['discourse_type'].astype('category').cat.codes\n", + "df_temp.head()\n", + "X = df_temp.discourse_text\n", + "y = df_temp.discourse_type" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "id": "6f383089", + "metadata": {}, + "outputs": [], + "source": [ + "# functions\n", + "def split_paragraphs(text):\n", + " # for now very simply, just uses '\\n'\n", + " return text.split('\\n')\n", + "\n", + "def segmentor(text):\n", + " doc = nlp(text)\n", + " discourse_start = []\n", + " discourse_end = []\n", + " discourse_text = []\n", + " for sent in doc.sents:\n", + " discourse_start.append(sent.start_char)\n", + " discourse_end.append(sent.end_char)\n", + " discourse_text.append(sent)\n", + " df = pd.DataFrame(data=dict(\n", + " discourse_start=discourse_start,\n", + " discourse_end=discourse_end,\n", + " discourse_text=discourse_text,\n", + " ))\n", + " return df\n", + "\n", + "\n", + "class TextSegmentation:\n", + " \n", + " def __init__(self):\n", + " pass\n", + " \n", + " def fit(self, X, y):\n", + " \n", + " self.X = X\n", + " self.y = y\n", + " \n", + " def predict(X):\n", + " \n", + " segmentor(X)\n", + " \n", + " \n", + "def create_vocab(texts, nlp=None):\n", + " if nlp is None:\n", + " nlp = spacy.load('en_core_web_lg')\n", + " \n", + " vocab = Vo\n", + " for doc in nlp.pipe(texts):\n", + " pass\n", + " \n", + "\n", + "def get_avg_vector(text, nlp, counter):\n", + " \"\"\" Gets average word vectors of a piece of text \"\"\"\n", + " doc = nlp(text)\n", + " avg_vector = np.vstack([token.vector for token in doc]).mean(axis=0)\n", + " print(f'Completed text {counter}')\n", + " return avg_vector\n", + "\n", + "def generate_train_features(texts, nlp):\n", + " \"\"\" Generates training features from a sequence of texts \"\"\"\n", + " X = np.vstack([get_avg_vector(text, nlp, i) for i,text in enumerate(texts, 1)])\n", + " return X" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "id": "2910a295", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 1\n", + "Completed text 2\n", + "Completed text 3\n", + "Completed text 4\n", + "Completed text 5\n", + "Completed text 6\n", + "Completed text 7\n", + "Completed text 8\n", + "Completed text 9\n", + "Completed text 10\n", + "Completed text 11\n", + "Completed text 12\n", + "Completed text 13\n", + "Completed text 14\n", + "Completed text 15\n", + "Completed text 16\n", + "Completed text 17\n", + "Completed text 18\n", + "Completed text 19\n", + "Completed text 20\n", + "Completed text 21\n", + "Completed text 22\n", + "Completed text 23\n", + "Completed text 24\n", + "Completed text 25\n", + "Completed text 26\n", + "Completed text 27\n", + "Completed text 28\n", + "Completed text 29\n", + "Completed text 30\n", + "Completed text 31\n", + "Completed text 32\n", + "Completed text 33\n", + "Completed text 34\n", + "Completed text 35\n", + "Completed text 36\n", + "Completed text 37\n", + "Completed text 38\n", + "Completed text 39\n", + "Completed text 40\n", + "Completed text 41\n", + "Completed text 42\n", + "Completed text 43\n", + "Completed text 44\n", + "Completed text 45\n", + "Completed text 46\n", + "Completed text 47\n", + "Completed text 48\n", + "Completed text 49\n", + "Completed text 50\n", + "Completed text 51\n", + "Completed text 52\n", + "Completed text 53\n", + "Completed text 54\n", + "Completed text 55\n", + "Completed text 56\n", + "Completed text 57\n", + "Completed text 58\n", + "Completed text 59\n", + "Completed text 60\n", + "Completed text 61\n", + "Completed text 62\n", + "Completed text 63\n", + "Completed text 64\n", + "Completed text 65\n", + "Completed text 66\n", + "Completed text 67\n", + "Completed text 68\n", + "Completed text 69\n", + "Completed text 70\n", + "Completed text 71\n", + "Completed text 72\n", + "Completed text 73\n", + "Completed text 74\n", + "Completed text 75\n", + "Completed text 76\n", + "Completed text 77\n", + "Completed text 78\n", + "Completed text 79\n", + "Completed text 80\n", + "Completed text 81\n", + "Completed text 82\n", + "Completed text 83\n", + "Completed text 84\n", + "Completed text 85\n", + "Completed text 86\n", + "Completed text 87\n", + "Completed text 88\n", + "Completed text 89\n", + "Completed text 90\n", + "Completed text 91\n", + "Completed text 92\n", + "Completed text 93\n", + "Completed text 94\n", + "Completed text 95\n", + "Completed text 96\n", + "Completed text 97\n", + "Completed text 98\n", + "Completed text 99\n", + "Completed text 100\n", + "Completed text 101\n", + "Completed text 102\n", + "Completed text 103\n", + "Completed text 104\n", + "Completed text 105\n", + "Completed text 106\n", + "Completed text 107\n", + "Completed text 108\n", + "Completed text 109\n", + "Completed text 110\n", + "Completed text 111\n", + "Completed text 112\n", + "Completed text 113\n", + "Completed text 114\n", + "Completed text 115\n", + "Completed text 116\n", + "Completed text 117\n", + "Completed text 118\n", + "Completed text 119\n", + "Completed text 120\n", + "Completed text 121\n", + "Completed text 122\n", + "Completed text 123\n", + "Completed text 124\n", + "Completed text 125\n", + "Completed text 126\n", + "Completed text 127\n", + "Completed text 128\n", + "Completed text 129\n", + "Completed text 130\n", + "Completed text 131\n", + "Completed text 132\n", + "Completed text 133\n", + "Completed text 134\n", + "Completed text 135\n", + "Completed text 136\n", + "Completed text 137\n", + "Completed text 138\n", + "Completed text 139\n", + "Completed text 140\n", + "Completed text 141\n", + "Completed text 142\n", + "Completed text 143\n", + "Completed text 144\n", + "Completed text 145\n", + "Completed text 146\n", + "Completed text 147\n", + "Completed text 148\n", + "Completed text 149\n", + "Completed text 150\n", + "Completed text 151\n", + "Completed text 152\n", + "Completed text 153\n", + "Completed text 154\n", + "Completed text 155\n", + "Completed text 156\n", + "Completed text 157\n", + "Completed text 158\n", + "Completed text 159\n", + "Completed text 160\n", + "Completed text 161\n", + "Completed text 162\n", + "Completed text 163\n", + "Completed text 164\n", + "Completed text 165\n", + "Completed text 166\n", + "Completed text 167\n", + "Completed text 168\n", + "Completed text 169\n", + "Completed text 170\n", + "Completed text 171\n", + "Completed text 172\n", + "Completed text 173\n", + "Completed text 174\n", + "Completed text 175\n", + "Completed text 176\n", + "Completed text 177\n", + "Completed text 178\n", + "Completed text 179\n", + "Completed text 180\n", + "Completed text 181\n", + "Completed text 182\n", + "Completed text 183\n", + "Completed text 184\n", + "Completed text 185\n", + "Completed text 186\n", + "Completed text 187\n", + "Completed text 188\n", + "Completed text 189\n", + "Completed text 190\n", + "Completed text 191\n", + "Completed text 192\n", + "Completed text 193\n", + "Completed text 194\n", + "Completed text 195\n", + "Completed text 196\n", + "Completed text 197\n", + "Completed text 198\n", + "Completed text 199\n", + "Completed text 200\n", + "Completed text 201\n", + "Completed text 202\n", + "Completed text 203\n", + "Completed text 204\n", + "Completed text 205\n", + "Completed text 206\n", + "Completed text 207\n", + "Completed text 208\n", + "Completed text 209\n", + "Completed text 210\n", + "Completed text 211\n", + "Completed text 212\n", + "Completed text 213\n", + "Completed text 214\n", + "Completed text 215\n", + "Completed text 216\n", + "Completed text 217\n", + "Completed text 218\n", + "Completed text 219\n", + "Completed text 220\n", + "Completed text 221\n", + "Completed text 222\n", + "Completed text 223\n", + "Completed text 224\n", + "Completed text 225\n", + "Completed text 226\n", + "Completed text 227\n", + "Completed text 228\n", + "Completed text 229\n", + "Completed text 230\n", + "Completed text 231\n", + "Completed text 232\n", + "Completed text 233\n", + "Completed text 234\n", + "Completed text 235\n", + "Completed text 236\n", + "Completed text 237\n", + "Completed text 238\n", + "Completed text 239\n", + "Completed text 240\n", + "Completed text 241\n", + "Completed text 242\n", + "Completed text 243\n", + "Completed text 244\n", + "Completed text 245\n", + "Completed text 246\n", + "Completed text 247\n", + "Completed text 248\n", + "Completed text 249\n", + "Completed text 250\n", + "Completed text 251\n", + "Completed text 252\n", + "Completed text 253\n", + "Completed text 254\n", + "Completed text 255\n", + "Completed text 256\n", + "Completed text 257\n", + "Completed text 258\n", + "Completed text 259\n", + "Completed text 260\n", + "Completed text 261\n", + "Completed text 262\n", + "Completed text 263\n", + "Completed text 264\n", + "Completed text 265\n", + "Completed text 266\n", + "Completed text 267\n", + "Completed text 268\n", + "Completed text 269\n", + "Completed text 270\n", + "Completed text 271\n", + "Completed text 272\n", + "Completed text 273\n", + "Completed text 274\n", + "Completed text 275\n", + "Completed text 276\n", + "Completed text 277\n", + "Completed text 278\n", + "Completed text 279\n", + "Completed text 280\n", + "Completed text 281\n", + "Completed text 282\n", + "Completed text 283\n", + "Completed text 284\n", + "Completed text 285\n", + "Completed text 286\n", + "Completed text 287\n", + "Completed text 288\n", + "Completed text 289\n", + "Completed text 290\n", + "Completed text 291\n", + "Completed text 292\n", + "Completed text 293\n", + "Completed text 294\n", + "Completed text 295\n", + "Completed text 296\n", + "Completed text 297\n", + "Completed text 298\n", + "Completed text 299\n", + "Completed text 300\n", + "Completed text 301\n", + "Completed text 302\n", + "Completed text 303\n", + "Completed text 304\n", + "Completed text 305\n", + "Completed text 306\n", + "Completed text 307\n", + "Completed text 308\n", + "Completed text 309\n", + "Completed text 310\n", + "Completed text 311\n", + "Completed text 312\n", + "Completed text 313\n", + "Completed text 314\n", + "Completed text 315\n", + "Completed text 316\n", + "Completed text 317\n", + "Completed text 318\n", + "Completed text 319\n", + "Completed text 320\n", + "Completed text 321\n", + "Completed text 322\n", + "Completed text 323\n", + "Completed text 324\n", + "Completed text 325\n", + "Completed text 326\n", + "Completed text 327\n", + "Completed text 328\n", + "Completed text 329\n", + "Completed text 330\n", + "Completed text 331\n", + "Completed text 332\n", + "Completed text 333\n", + "Completed text 334\n", + "Completed text 335\n", + "Completed text 336\n", + "Completed text 337\n", + "Completed text 338\n", + "Completed text 339\n", + "Completed text 340\n", + "Completed text 341\n", + "Completed text 342\n", + "Completed text 343\n", + "Completed text 344\n", + "Completed text 345\n", + "Completed text 346\n", + "Completed text 347\n", + "Completed text 348\n", + "Completed text 349\n", + "Completed text 350\n", + "Completed text 351\n", + "Completed text 352\n", + "Completed text 353\n", + "Completed text 354\n", + "Completed text 355\n", + "Completed text 356\n", + "Completed text 357\n", + "Completed text 358\n", + "Completed text 359\n", + "Completed text 360\n", + "Completed text 361\n", + "Completed text 362\n", + "Completed text 363\n", + "Completed text 364\n", + "Completed text 365\n", + "Completed text 366\n", + "Completed text 367\n", + "Completed text 368\n", + "Completed text 369\n", + "Completed text 370\n", + "Completed text 371\n", + "Completed text 372\n", + "Completed text 373\n", + "Completed text 374\n", + "Completed text 375\n", + "Completed text 376\n", + "Completed text 377\n", + "Completed text 378\n", + "Completed text 379\n", + "Completed text 380\n", + "Completed text 381\n", + "Completed text 382\n", + "Completed text 383\n", + "Completed text 384\n", + "Completed text 385\n", + "Completed text 386\n", + "Completed text 387\n", + "Completed text 388\n", + "Completed text 389\n", + "Completed text 390\n", + "Completed text 391\n", + "Completed text 392\n", + "Completed text 393\n", + "Completed text 394\n", + "Completed text 395\n", + "Completed text 396\n", + "Completed text 397\n", + "Completed text 398\n", + "Completed text 399\n", + "Completed text 400\n", + "Completed text 401\n", + "Completed text 402\n", + "Completed text 403\n", + "Completed text 404\n", + "Completed text 405\n", + "Completed text 406\n", + "Completed text 407\n", + "Completed text 408\n", + "Completed text 409\n", + "Completed text 410\n", + "Completed text 411\n", + "Completed text 412\n", + "Completed text 413\n", + "Completed text 414\n", + "Completed text 415\n", + "Completed text 416\n", + "Completed text 417\n", + "Completed text 418\n", + "Completed text 419\n", + "Completed text 420\n", + "Completed text 421\n", + "Completed text 422\n", + "Completed text 423\n", + "Completed text 424\n", + "Completed text 425\n", + "Completed text 426\n", + "Completed text 427\n", + "Completed text 428\n", + "Completed text 429\n", + "Completed text 430\n", + "Completed text 431\n", + "Completed text 432\n", + "Completed text 433\n", + "Completed text 434\n", + "Completed text 435\n", + "Completed text 436\n", + "Completed text 437\n", + "Completed text 438\n", + "Completed text 439\n", + "Completed text 440\n", + "Completed text 441\n", + "Completed text 442\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 443\n", + "Completed text 444\n", + "Completed text 445\n", + "Completed text 446\n", + "Completed text 447\n", + "Completed text 448\n", + "Completed text 449\n", + "Completed text 450\n", + "Completed text 451\n", + "Completed text 452\n", + "Completed text 453\n", + "Completed text 454\n", + "Completed text 455\n", + "Completed text 456\n", + "Completed text 457\n", + "Completed text 458\n", + "Completed text 459\n", + "Completed text 460\n", + "Completed text 461\n", + "Completed text 462\n", + "Completed text 463\n", + "Completed text 464\n", + "Completed text 465\n", + "Completed text 466\n", + "Completed text 467\n", + "Completed text 468\n", + "Completed text 469\n", + "Completed text 470\n", + "Completed text 471\n", + "Completed text 472\n", + "Completed text 473\n", + "Completed text 474\n", + "Completed text 475\n", + "Completed text 476\n", + "Completed text 477\n", + "Completed text 478\n", + "Completed text 479\n", + "Completed text 480\n", + "Completed text 481\n", + "Completed text 482\n", + "Completed text 483\n", + "Completed text 484\n", + "Completed text 485\n", + "Completed text 486\n", + "Completed text 487\n", + "Completed text 488\n", + "Completed text 489\n", + "Completed text 490\n", + "Completed text 491\n", + "Completed text 492\n", + "Completed text 493\n", + "Completed text 494\n", + "Completed text 495\n", + "Completed text 496\n", + "Completed text 497\n", + "Completed text 498\n", + "Completed text 499\n", + "Completed text 500\n", + "Completed text 501\n", + "Completed text 502\n", + "Completed text 503\n", + "Completed text 504\n", + "Completed text 505\n", + "Completed text 506\n", + "Completed text 507\n", + "Completed text 508\n", + "Completed text 509\n", + "Completed text 510\n", + "Completed text 511\n", + "Completed text 512\n", + "Completed text 513\n", + "Completed text 514\n", + "Completed text 515\n", + "Completed text 516\n", + "Completed text 517\n", + "Completed text 518\n", + "Completed text 519\n", + "Completed text 520\n", + "Completed text 521\n", + "Completed text 522\n", + "Completed text 523\n", + "Completed text 524\n", + "Completed text 525\n", + "Completed text 526\n", + "Completed text 527\n", + "Completed text 528\n", + "Completed text 529\n", + "Completed text 530\n", + "Completed text 531\n", + "Completed text 532\n", + "Completed text 533\n", + "Completed text 534\n", + "Completed text 535\n", + "Completed text 536\n", + "Completed text 537\n", + "Completed text 538\n", + "Completed text 539\n", + "Completed text 540\n", + "Completed text 541\n", + "Completed text 542\n", + "Completed text 543\n", + "Completed text 544\n", + "Completed text 545\n", + "Completed text 546\n", + "Completed text 547\n", + "Completed text 548\n", + "Completed text 549\n", + "Completed text 550\n", + "Completed text 551\n", + "Completed text 552\n", + "Completed text 553\n", + "Completed text 554\n", + "Completed text 555\n", + "Completed text 556\n", + "Completed text 557\n", + "Completed text 558\n", + "Completed text 559\n", + "Completed text 560\n", + "Completed text 561\n", + "Completed text 562\n", + "Completed text 563\n", + "Completed text 564\n", + "Completed text 565\n", + "Completed text 566\n", + "Completed text 567\n", + "Completed text 568\n", + "Completed text 569\n", + "Completed text 570\n", + "Completed text 571\n", + "Completed text 572\n", + "Completed text 573\n", + "Completed text 574\n", + "Completed text 575\n", + "Completed text 576\n", + "Completed text 577\n", + "Completed text 578\n", + "Completed text 579\n", + "Completed text 580\n", + "Completed text 581\n", + "Completed text 582\n", + "Completed text 583\n", + "Completed text 584\n", + "Completed text 585\n", + "Completed text 586\n", + "Completed text 587\n", + "Completed text 588\n", + "Completed text 589\n", + "Completed text 590\n", + "Completed text 591\n", + "Completed text 592\n", + "Completed text 593\n", + "Completed text 594\n", + "Completed text 595\n", + "Completed text 596\n", + "Completed text 597\n", + "Completed text 598\n", + "Completed text 599\n", + "Completed text 600\n", + "Completed text 601\n", + "Completed text 602\n", + "Completed text 603\n", + "Completed text 604\n", + "Completed text 605\n", + "Completed text 606\n", + "Completed text 607\n", + "Completed text 608\n", + "Completed text 609\n", + "Completed text 610\n", + "Completed text 611\n", + "Completed text 612\n", + "Completed text 613\n", + "Completed text 614\n", + "Completed text 615\n", + "Completed text 616\n", + "Completed text 617\n", + "Completed text 618\n", + "Completed text 619\n", + "Completed text 620\n", + "Completed text 621\n", + "Completed text 622\n", + "Completed text 623\n", + "Completed text 624\n", + "Completed text 625\n", + "Completed text 626\n", + "Completed text 627\n", + "Completed text 628\n", + "Completed text 629\n", + "Completed text 630\n", + "Completed text 631\n", + "Completed text 632\n", + "Completed text 633\n", + "Completed text 634\n", + "Completed text 635\n", + "Completed text 636\n", + "Completed text 637\n", + "Completed text 638\n", + "Completed text 639\n", + "Completed text 640\n", + "Completed text 641\n", + "Completed text 642\n", + "Completed text 643\n", + "Completed text 644\n", + "Completed text 645\n", + "Completed text 646\n", + "Completed text 647\n", + "Completed text 648\n", + "Completed text 649\n", + "Completed text 650\n", + "Completed text 651\n", + "Completed text 652\n", + "Completed text 653\n", + "Completed text 654\n", + "Completed text 655\n", + "Completed text 656\n", + "Completed text 657\n", + "Completed text 658\n", + "Completed text 659\n", + "Completed text 660\n", + "Completed text 661\n", + "Completed text 662\n", + "Completed text 663\n", + "Completed text 664\n", + "Completed text 665\n", + "Completed text 666\n", + "Completed text 667\n", + "Completed text 668\n", + "Completed text 669\n", + "Completed text 670\n", + "Completed text 671\n", + "Completed text 672\n", + "Completed text 673\n", + "Completed text 674\n", + "Completed text 675\n", + "Completed text 676\n", + "Completed text 677\n", + "Completed text 678\n", + "Completed text 679\n", + "Completed text 680\n", + "Completed text 681\n", + "Completed text 682\n", + "Completed text 683\n", + "Completed text 684\n", + "Completed text 685\n", + "Completed text 686\n", + "Completed text 687\n", + "Completed text 688\n", + "Completed text 689\n", + "Completed text 690\n", + "Completed text 691\n", + "Completed text 692\n", + "Completed text 693\n", + "Completed text 694\n", + "Completed text 695\n", + "Completed text 696\n", + "Completed text 697\n", + "Completed text 698\n", + "Completed text 699\n", + "Completed text 700\n", + "Completed text 701\n", + "Completed text 702\n", + "Completed text 703\n", + "Completed text 704\n", + "Completed text 705\n", + "Completed text 706\n", + "Completed text 707\n", + "Completed text 708\n", + "Completed text 709\n", + "Completed text 710\n", + "Completed text 711\n", + "Completed text 712\n", + "Completed text 713\n", + "Completed text 714\n", + "Completed text 715\n", + "Completed text 716\n", + "Completed text 717\n", + "Completed text 718\n", + "Completed text 719\n", + "Completed text 720\n", + "Completed text 721\n", + "Completed text 722\n", + "Completed text 723\n", + "Completed text 724\n", + "Completed text 725\n", + "Completed text 726\n", + "Completed text 727\n", + "Completed text 728\n", + "Completed text 729\n", + "Completed text 730\n", + "Completed text 731\n", + "Completed text 732\n", + "Completed text 733\n", + "Completed text 734\n", + "Completed text 735\n", + "Completed text 736\n", + "Completed text 737\n", + "Completed text 738\n", + "Completed text 739\n", + "Completed text 740\n", + "Completed text 741\n", + "Completed text 742\n", + "Completed text 743\n", + "Completed text 744\n", + "Completed text 745\n", + "Completed text 746\n", + "Completed text 747\n", + "Completed text 748\n", + "Completed text 749\n", + "Completed text 750\n", + "Completed text 751\n", + "Completed text 752\n", + "Completed text 753\n", + "Completed text 754\n", + "Completed text 755\n", + "Completed text 756\n", + "Completed text 757\n", + "Completed text 758\n", + "Completed text 759\n", + "Completed text 760\n", + "Completed text 761\n", + "Completed text 762\n", + "Completed text 763\n", + "Completed text 764\n", + "Completed text 765\n", + "Completed text 766\n", + "Completed text 767\n", + "Completed text 768\n", + "Completed text 769\n", + "Completed text 770\n", + "Completed text 771\n", + "Completed text 772\n", + "Completed text 773\n", + "Completed text 774\n", + "Completed text 775\n", + "Completed text 776\n", + "Completed text 777\n", + "Completed text 778\n", + "Completed text 779\n", + "Completed text 780\n", + "Completed text 781\n", + "Completed text 782\n", + "Completed text 783\n", + "Completed text 784\n", + "Completed text 785\n", + "Completed text 786\n", + "Completed text 787\n", + "Completed text 788\n", + "Completed text 789\n", + "Completed text 790\n", + "Completed text 791\n", + "Completed text 792\n", + "Completed text 793\n", + "Completed text 794\n", + "Completed text 795\n", + "Completed text 796\n", + "Completed text 797\n", + "Completed text 798\n", + "Completed text 799\n", + "Completed text 800\n", + "Completed text 801\n", + "Completed text 802\n", + "Completed text 803\n", + "Completed text 804\n", + "Completed text 805\n", + "Completed text 806\n", + "Completed text 807\n", + "Completed text 808\n", + "Completed text 809\n", + "Completed text 810\n", + "Completed text 811\n", + "Completed text 812\n", + "Completed text 813\n", + "Completed text 814\n", + "Completed text 815\n", + "Completed text 816\n", + "Completed text 817\n", + "Completed text 818\n", + "Completed text 819\n", + "Completed text 820\n", + "Completed text 821\n", + "Completed text 822\n", + "Completed text 823\n", + "Completed text 824\n", + "Completed text 825\n", + "Completed text 826\n", + "Completed text 827\n", + "Completed text 828\n", + "Completed text 829\n", + "Completed text 830\n", + "Completed text 831\n", + "Completed text 832\n", + "Completed text 833\n", + "Completed text 834\n", + "Completed text 835\n", + "Completed text 836\n", + "Completed text 837\n", + "Completed text 838\n", + "Completed text 839\n", + "Completed text 840\n", + "Completed text 841\n", + "Completed text 842\n", + "Completed text 843\n", + "Completed text 844\n", + "Completed text 845\n", + "Completed text 846\n", + "Completed text 847\n", + "Completed text 848\n", + "Completed text 849\n", + "Completed text 850\n", + "Completed text 851\n", + "Completed text 852\n", + "Completed text 853\n", + "Completed text 854\n", + "Completed text 855\n", + "Completed text 856\n", + "Completed text 857\n", + "Completed text 858\n", + "Completed text 859\n", + "Completed text 860\n", + "Completed text 861\n", + "Completed text 862\n", + "Completed text 863\n", + "Completed text 864\n", + "Completed text 865\n", + "Completed text 866\n", + "Completed text 867\n", + "Completed text 868\n", + "Completed text 869\n", + "Completed text 870\n", + "Completed text 871\n", + "Completed text 872\n", + "Completed text 873\n", + "Completed text 874\n", + "Completed text 875\n", + "Completed text 876\n", + "Completed text 877\n", + "Completed text 878\n", + "Completed text 879\n", + "Completed text 880\n", + "Completed text 881\n", + "Completed text 882\n", + "Completed text 883\n", + "Completed text 884\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 885\n", + "Completed text 886\n", + "Completed text 887\n", + "Completed text 888\n", + "Completed text 889\n", + "Completed text 890\n", + "Completed text 891\n", + "Completed text 892\n", + "Completed text 893\n", + "Completed text 894\n", + "Completed text 895\n", + "Completed text 896\n", + "Completed text 897\n", + "Completed text 898\n", + "Completed text 899\n", + "Completed text 900\n", + "Completed text 901\n", + "Completed text 902\n", + "Completed text 903\n", + "Completed text 904\n", + "Completed text 905\n", + "Completed text 906\n", + "Completed text 907\n", + "Completed text 908\n", + "Completed text 909\n", + "Completed text 910\n", + "Completed text 911\n", + "Completed text 912\n", + "Completed text 913\n", + "Completed text 914\n", + "Completed text 915\n", + "Completed text 916\n", + "Completed text 917\n", + "Completed text 918\n", + "Completed text 919\n", + "Completed text 920\n", + "Completed text 921\n", + "Completed text 922\n", + "Completed text 923\n", + "Completed text 924\n", + "Completed text 925\n", + "Completed text 926\n", + "Completed text 927\n", + "Completed text 928\n", + "Completed text 929\n", + "Completed text 930\n", + "Completed text 931\n", + "Completed text 932\n", + "Completed text 933\n", + "Completed text 934\n", + "Completed text 935\n", + "Completed text 936\n", + "Completed text 937\n", + "Completed text 938\n", + "Completed text 939\n", + "Completed text 940\n", + "Completed text 941\n", + "Completed text 942\n", + "Completed text 943\n", + "Completed text 944\n", + "Completed text 945\n", + "Completed text 946\n", + "Completed text 947\n", + "Completed text 948\n", + "Completed text 949\n", + "Completed text 950\n", + "Completed text 951\n", + "Completed text 952\n", + "Completed text 953\n", + "Completed text 954\n", + "Completed text 955\n", + "Completed text 956\n", + "Completed text 957\n", + "Completed text 958\n", + "Completed text 959\n", + "Completed text 960\n", + "Completed text 961\n", + "Completed text 962\n", + "Completed text 963\n", + "Completed text 964\n", + "Completed text 965\n", + "Completed text 966\n", + "Completed text 967\n", + "Completed text 968\n", + "Completed text 969\n", + "Completed text 970\n", + "Completed text 971\n", + "Completed text 972\n", + "Completed text 973\n", + "Completed text 974\n", + "Completed text 975\n", + "Completed text 976\n", + "Completed text 977\n", + "Completed text 978\n", + "Completed text 979\n", + "Completed text 980\n", + "Completed text 981\n", + "Completed text 982\n", + "Completed text 983\n", + "Completed text 984\n", + "Completed text 985\n", + "Completed text 986\n", + "Completed text 987\n", + "Completed text 988\n", + "Completed text 989\n", + "Completed text 990\n", + "Completed text 991\n", + "Completed text 992\n", + "Completed text 993\n", + "Completed text 994\n", + "Completed text 995\n", + "Completed text 996\n", + "Completed text 997\n", + "Completed text 998\n", + "Completed text 999\n", + "Completed text 1000\n", + "Completed text 1001\n", + "Completed text 1002\n", + "Completed text 1003\n", + "Completed text 1004\n", + "Completed text 1005\n", + "Completed text 1006\n", + "Completed text 1007\n", + "Completed text 1008\n", + "Completed text 1009\n", + "Completed text 1010\n", + "Completed text 1011\n", + "Completed text 1012\n", + "Completed text 1013\n", + "Completed text 1014\n", + "Completed text 1015\n", + "Completed text 1016\n", + "Completed text 1017\n", + "Completed text 1018\n", + "Completed text 1019\n", + "Completed text 1020\n", + "Completed text 1021\n", + "Completed text 1022\n", + "Completed text 1023\n", + "Completed text 1024\n", + "Completed text 1025\n", + "Completed text 1026\n", + "Completed text 1027\n", + "Completed text 1028\n", + "Completed text 1029\n", + "Completed text 1030\n", + "Completed text 1031\n", + "Completed text 1032\n", + "Completed text 1033\n", + "Completed text 1034\n", + "Completed text 1035\n", + "Completed text 1036\n", + "Completed text 1037\n", + "Completed text 1038\n", + "Completed text 1039\n", + "Completed text 1040\n", + "Completed text 1041\n", + "Completed text 1042\n", + "Completed text 1043\n", + "Completed text 1044\n", + "Completed text 1045\n", + "Completed text 1046\n", + "Completed text 1047\n", + "Completed text 1048\n", + "Completed text 1049\n", + "Completed text 1050\n", + "Completed text 1051\n", + "Completed text 1052\n", + "Completed text 1053\n", + "Completed text 1054\n", + "Completed text 1055\n", + "Completed text 1056\n", + "Completed text 1057\n", + "Completed text 1058\n", + "Completed text 1059\n", + "Completed text 1060\n", + "Completed text 1061\n", + "Completed text 1062\n", + "Completed text 1063\n", + "Completed text 1064\n", + "Completed text 1065\n", + "Completed text 1066\n", + "Completed text 1067\n", + "Completed text 1068\n", + "Completed text 1069\n", + "Completed text 1070\n", + "Completed text 1071\n", + "Completed text 1072\n", + "Completed text 1073\n", + "Completed text 1074\n", + "Completed text 1075\n", + "Completed text 1076\n", + "Completed text 1077\n", + "Completed text 1078\n", + "Completed text 1079\n", + "Completed text 1080\n", + "Completed text 1081\n", + "Completed text 1082\n", + "Completed text 1083\n", + "Completed text 1084\n", + "Completed text 1085\n", + "Completed text 1086\n", + "Completed text 1087\n", + "Completed text 1088\n", + "Completed text 1089\n", + "Completed text 1090\n", + "Completed text 1091\n", + "Completed text 1092\n", + "Completed text 1093\n", + "Completed text 1094\n", + "Completed text 1095\n", + "Completed text 1096\n", + "Completed text 1097\n", + "Completed text 1098\n", + "Completed text 1099\n", + "Completed text 1100\n", + "Completed text 1101\n", + "Completed text 1102\n", + "Completed text 1103\n", + "Completed text 1104\n", + "Completed text 1105\n", + "Completed text 1106\n", + "Completed text 1107\n", + "Completed text 1108\n", + "Completed text 1109\n", + "Completed text 1110\n", + "Completed text 1111\n", + "Completed text 1112\n", + "Completed text 1113\n", + "Completed text 1114\n", + "Completed text 1115\n", + "Completed text 1116\n", + "Completed text 1117\n", + "Completed text 1118\n", + "Completed text 1119\n", + "Completed text 1120\n", + "Completed text 1121\n", + "Completed text 1122\n", + "Completed text 1123\n", + "Completed text 1124\n", + "Completed text 1125\n", + "Completed text 1126\n", + "Completed text 1127\n", + "Completed text 1128\n", + "Completed text 1129\n", + "Completed text 1130\n", + "Completed text 1131\n", + "Completed text 1132\n", + "Completed text 1133\n", + "Completed text 1134\n", + "Completed text 1135\n", + "Completed text 1136\n", + "Completed text 1137\n", + "Completed text 1138\n", + "Completed text 1139\n", + "Completed text 1140\n", + "Completed text 1141\n", + "Completed text 1142\n", + "Completed text 1143\n", + "Completed text 1144\n", + "Completed text 1145\n", + "Completed text 1146\n", + "Completed text 1147\n", + "Completed text 1148\n", + "Completed text 1149\n", + "Completed text 1150\n", + "Completed text 1151\n", + "Completed text 1152\n", + "Completed text 1153\n", + "Completed text 1154\n", + "Completed text 1155\n", + "Completed text 1156\n", + "Completed text 1157\n", + "Completed text 1158\n", + "Completed text 1159\n", + "Completed text 1160\n", + "Completed text 1161\n", + "Completed text 1162\n", + "Completed text 1163\n", + "Completed text 1164\n", + "Completed text 1165\n", + "Completed text 1166\n", + "Completed text 1167\n", + "Completed text 1168\n", + "Completed text 1169\n", + "Completed text 1170\n", + "Completed text 1171\n", + "Completed text 1172\n", + "Completed text 1173\n", + "Completed text 1174\n", + "Completed text 1175\n", + "Completed text 1176\n", + "Completed text 1177\n", + "Completed text 1178\n", + "Completed text 1179\n", + "Completed text 1180\n", + "Completed text 1181\n", + "Completed text 1182\n", + "Completed text 1183\n", + "Completed text 1184\n", + "Completed text 1185\n", + "Completed text 1186\n", + "Completed text 1187\n", + "Completed text 1188\n", + "Completed text 1189\n", + "Completed text 1190\n", + "Completed text 1191\n", + "Completed text 1192\n", + "Completed text 1193\n", + "Completed text 1194\n", + "Completed text 1195\n", + "Completed text 1196\n", + "Completed text 1197\n", + "Completed text 1198\n", + "Completed text 1199\n", + "Completed text 1200\n", + "Completed text 1201\n", + "Completed text 1202\n", + "Completed text 1203\n", + "Completed text 1204\n", + "Completed text 1205\n", + "Completed text 1206\n", + "Completed text 1207\n", + "Completed text 1208\n", + "Completed text 1209\n", + "Completed text 1210\n", + "Completed text 1211\n", + "Completed text 1212\n", + "Completed text 1213\n", + "Completed text 1214\n", + "Completed text 1215\n", + "Completed text 1216\n", + "Completed text 1217\n", + "Completed text 1218\n", + "Completed text 1219\n", + "Completed text 1220\n", + "Completed text 1221\n", + "Completed text 1222\n", + "Completed text 1223\n", + "Completed text 1224\n", + "Completed text 1225\n", + "Completed text 1226\n", + "Completed text 1227\n", + "Completed text 1228\n", + "Completed text 1229\n", + "Completed text 1230\n", + "Completed text 1231\n", + "Completed text 1232\n", + "Completed text 1233\n", + "Completed text 1234\n", + "Completed text 1235\n", + "Completed text 1236\n", + "Completed text 1237\n", + "Completed text 1238\n", + "Completed text 1239\n", + "Completed text 1240\n", + "Completed text 1241\n", + "Completed text 1242\n", + "Completed text 1243\n", + "Completed text 1244\n", + "Completed text 1245\n", + "Completed text 1246\n", + "Completed text 1247\n", + "Completed text 1248\n", + "Completed text 1249\n", + "Completed text 1250\n", + "Completed text 1251\n", + "Completed text 1252\n", + "Completed text 1253\n", + "Completed text 1254\n", + "Completed text 1255\n", + "Completed text 1256\n", + "Completed text 1257\n", + "Completed text 1258\n", + "Completed text 1259\n", + "Completed text 1260\n", + "Completed text 1261\n", + "Completed text 1262\n", + "Completed text 1263\n", + "Completed text 1264\n", + "Completed text 1265\n", + "Completed text 1266\n", + "Completed text 1267\n", + "Completed text 1268\n", + "Completed text 1269\n", + "Completed text 1270\n", + "Completed text 1271\n", + "Completed text 1272\n", + "Completed text 1273\n", + "Completed text 1274\n", + "Completed text 1275\n", + "Completed text 1276\n", + "Completed text 1277\n", + "Completed text 1278\n", + "Completed text 1279\n", + "Completed text 1280\n", + "Completed text 1281\n", + "Completed text 1282\n", + "Completed text 1283\n", + "Completed text 1284\n", + "Completed text 1285\n", + "Completed text 1286\n", + "Completed text 1287\n", + "Completed text 1288\n", + "Completed text 1289\n", + "Completed text 1290\n", + "Completed text 1291\n", + "Completed text 1292\n", + "Completed text 1293\n", + "Completed text 1294\n", + "Completed text 1295\n", + "Completed text 1296\n", + "Completed text 1297\n", + "Completed text 1298\n", + "Completed text 1299\n", + "Completed text 1300\n", + "Completed text 1301\n", + "Completed text 1302\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 1303\n", + "Completed text 1304\n", + "Completed text 1305\n", + "Completed text 1306\n", + "Completed text 1307\n", + "Completed text 1308\n", + "Completed text 1309\n", + "Completed text 1310\n", + "Completed text 1311\n", + "Completed text 1312\n", + "Completed text 1313\n", + "Completed text 1314\n", + "Completed text 1315\n", + "Completed text 1316\n", + "Completed text 1317\n", + "Completed text 1318\n", + "Completed text 1319\n", + "Completed text 1320\n", + "Completed text 1321\n", + "Completed text 1322\n", + "Completed text 1323\n", + "Completed text 1324\n", + "Completed text 1325\n", + "Completed text 1326\n", + "Completed text 1327\n", + "Completed text 1328\n", + "Completed text 1329\n", + "Completed text 1330\n", + "Completed text 1331\n", + "Completed text 1332\n", + "Completed text 1333\n", + "Completed text 1334\n", + "Completed text 1335\n", + "Completed text 1336\n", + "Completed text 1337\n", + "Completed text 1338\n", + "Completed text 1339\n", + "Completed text 1340\n", + "Completed text 1341\n", + "Completed text 1342\n", + "Completed text 1343\n", + "Completed text 1344\n", + "Completed text 1345\n", + "Completed text 1346\n", + "Completed text 1347\n", + "Completed text 1348\n", + "Completed text 1349\n", + "Completed text 1350\n", + "Completed text 1351\n", + "Completed text 1352\n", + "Completed text 1353\n", + "Completed text 1354\n", + "Completed text 1355\n", + "Completed text 1356\n", + "Completed text 1357\n", + "Completed text 1358\n", + "Completed text 1359\n", + "Completed text 1360\n", + "Completed text 1361\n", + "Completed text 1362\n", + "Completed text 1363\n", + "Completed text 1364\n", + "Completed text 1365\n", + "Completed text 1366\n", + "Completed text 1367\n", + "Completed text 1368\n", + "Completed text 1369\n", + "Completed text 1370\n", + "Completed text 1371\n", + "Completed text 1372\n", + "Completed text 1373\n", + "Completed text 1374\n", + "Completed text 1375\n", + "Completed text 1376\n", + "Completed text 1377\n", + "Completed text 1378\n", + "Completed text 1379\n", + "Completed text 1380\n", + "Completed text 1381\n", + "Completed text 1382\n", + "Completed text 1383\n", + "Completed text 1384\n", + "Completed text 1385\n", + "Completed text 1386\n", + "Completed text 1387\n", + "Completed text 1388\n", + "Completed text 1389\n", + "Completed text 1390\n", + "Completed text 1391\n", + "Completed text 1392\n", + "Completed text 1393\n", + "Completed text 1394\n", + "Completed text 1395\n", + "Completed text 1396\n", + "Completed text 1397\n", + "Completed text 1398\n", + "Completed text 1399\n", + "Completed text 1400\n", + "Completed text 1401\n", + "Completed text 1402\n", + "Completed text 1403\n", + "Completed text 1404\n", + "Completed text 1405\n", + "Completed text 1406\n", + "Completed text 1407\n", + "Completed text 1408\n", + "Completed text 1409\n", + "Completed text 1410\n", + "Completed text 1411\n", + "Completed text 1412\n", + "Completed text 1413\n", + "Completed text 1414\n", + "Completed text 1415\n", + "Completed text 1416\n", + "Completed text 1417\n", + "Completed text 1418\n", + "Completed text 1419\n", + "Completed text 1420\n", + "Completed text 1421\n", + "Completed text 1422\n", + "Completed text 1423\n", + "Completed text 1424\n", + "Completed text 1425\n", + "Completed text 1426\n", + "Completed text 1427\n", + "Completed text 1428\n", + "Completed text 1429\n", + "Completed text 1430\n", + "Completed text 1431\n", + "Completed text 1432\n", + "Completed text 1433\n", + "Completed text 1434\n", + "Completed text 1435\n", + "Completed text 1436\n", + "Completed text 1437\n", + "Completed text 1438\n", + "Completed text 1439\n", + "Completed text 1440\n", + "Completed text 1441\n", + "Completed text 1442\n", + "Completed text 1443\n", + "Completed text 1444\n", + "Completed text 1445\n", + "Completed text 1446\n", + "Completed text 1447\n", + "Completed text 1448\n", + "Completed text 1449\n", + "Completed text 1450\n", + "Completed text 1451\n", + "Completed text 1452\n", + "Completed text 1453\n", + "Completed text 1454\n", + "Completed text 1455\n", + "Completed text 1456\n", + "Completed text 1457\n", + "Completed text 1458\n", + "Completed text 1459\n", + "Completed text 1460\n", + "Completed text 1461\n", + "Completed text 1462\n", + "Completed text 1463\n", + "Completed text 1464\n", + "Completed text 1465\n", + "Completed text 1466\n", + "Completed text 1467\n", + "Completed text 1468\n", + "Completed text 1469\n", + "Completed text 1470\n", + "Completed text 1471\n", + "Completed text 1472\n", + "Completed text 1473\n", + "Completed text 1474\n", + "Completed text 1475\n", + "Completed text 1476\n", + "Completed text 1477\n", + "Completed text 1478\n", + "Completed text 1479\n", + "Completed text 1480\n", + "Completed text 1481\n", + "Completed text 1482\n", + "Completed text 1483\n", + "Completed text 1484\n", + "Completed text 1485\n", + "Completed text 1486\n", + "Completed text 1487\n", + "Completed text 1488\n", + "Completed text 1489\n", + "Completed text 1490\n", + "Completed text 1491\n", + "Completed text 1492\n", + "Completed text 1493\n", + "Completed text 1494\n", + "Completed text 1495\n", + "Completed text 1496\n", + "Completed text 1497\n", + "Completed text 1498\n", + "Completed text 1499\n", + "Completed text 1500\n", + "Completed text 1501\n", + "Completed text 1502\n", + "Completed text 1503\n", + "Completed text 1504\n", + "Completed text 1505\n", + "Completed text 1506\n", + "Completed text 1507\n", + "Completed text 1508\n", + "Completed text 1509\n", + "Completed text 1510\n", + "Completed text 1511\n", + "Completed text 1512\n", + "Completed text 1513\n", + "Completed text 1514\n", + "Completed text 1515\n", + "Completed text 1516\n", + "Completed text 1517\n", + "Completed text 1518\n", + "Completed text 1519\n", + "Completed text 1520\n", + "Completed text 1521\n", + "Completed text 1522\n", + "Completed text 1523\n", + "Completed text 1524\n", + "Completed text 1525\n", + "Completed text 1526\n", + "Completed text 1527\n", + "Completed text 1528\n", + "Completed text 1529\n", + "Completed text 1530\n", + "Completed text 1531\n", + "Completed text 1532\n", + "Completed text 1533\n", + "Completed text 1534\n", + "Completed text 1535\n", + "Completed text 1536\n", + "Completed text 1537\n", + "Completed text 1538\n", + "Completed text 1539\n", + "Completed text 1540\n", + "Completed text 1541\n", + "Completed text 1542\n", + "Completed text 1543\n", + "Completed text 1544\n", + "Completed text 1545\n", + "Completed text 1546\n", + "Completed text 1547\n", + "Completed text 1548\n", + "Completed text 1549\n", + "Completed text 1550\n", + "Completed text 1551\n", + "Completed text 1552\n", + "Completed text 1553\n", + "Completed text 1554\n", + "Completed text 1555\n", + "Completed text 1556\n", + "Completed text 1557\n", + "Completed text 1558\n", + "Completed text 1559\n", + "Completed text 1560\n", + "Completed text 1561\n", + "Completed text 1562\n", + "Completed text 1563\n", + "Completed text 1564\n", + "Completed text 1565\n", + "Completed text 1566\n", + "Completed text 1567\n", + "Completed text 1568\n", + "Completed text 1569\n", + "Completed text 1570\n", + "Completed text 1571\n", + "Completed text 1572\n", + "Completed text 1573\n", + "Completed text 1574\n", + "Completed text 1575\n", + "Completed text 1576\n", + "Completed text 1577\n", + "Completed text 1578\n", + "Completed text 1579\n", + "Completed text 1580\n", + "Completed text 1581\n", + "Completed text 1582\n", + "Completed text 1583\n", + "Completed text 1584\n", + "Completed text 1585\n", + "Completed text 1586\n", + "Completed text 1587\n", + "Completed text 1588\n", + "Completed text 1589\n", + "Completed text 1590\n", + "Completed text 1591\n", + "Completed text 1592\n", + "Completed text 1593\n", + "Completed text 1594\n", + "Completed text 1595\n", + "Completed text 1596\n", + "Completed text 1597\n", + "Completed text 1598\n", + "Completed text 1599\n", + "Completed text 1600\n", + "Completed text 1601\n", + "Completed text 1602\n", + "Completed text 1603\n", + "Completed text 1604\n", + "Completed text 1605\n", + "Completed text 1606\n", + "Completed text 1607\n", + "Completed text 1608\n", + "Completed text 1609\n", + "Completed text 1610\n", + "Completed text 1611\n", + "Completed text 1612\n", + "Completed text 1613\n", + "Completed text 1614\n", + "Completed text 1615\n", + "Completed text 1616\n", + "Completed text 1617\n", + "Completed text 1618\n", + "Completed text 1619\n", + "Completed text 1620\n", + "Completed text 1621\n", + "Completed text 1622\n", + "Completed text 1623\n", + "Completed text 1624\n", + "Completed text 1625\n", + "Completed text 1626\n", + "Completed text 1627\n", + "Completed text 1628\n", + "Completed text 1629\n", + "Completed text 1630\n", + "Completed text 1631\n", + "Completed text 1632\n", + "Completed text 1633\n", + "Completed text 1634\n", + "Completed text 1635\n", + "Completed text 1636\n", + "Completed text 1637\n", + "Completed text 1638\n", + "Completed text 1639\n", + "Completed text 1640\n", + "Completed text 1641\n", + "Completed text 1642\n", + "Completed text 1643\n", + "Completed text 1644\n", + "Completed text 1645\n", + "Completed text 1646\n", + "Completed text 1647\n", + "Completed text 1648\n", + "Completed text 1649\n", + "Completed text 1650\n", + "Completed text 1651\n", + "Completed text 1652\n", + "Completed text 1653\n", + "Completed text 1654\n", + "Completed text 1655\n", + "Completed text 1656\n", + "Completed text 1657\n", + "Completed text 1658\n", + "Completed text 1659\n", + "Completed text 1660\n", + "Completed text 1661\n", + "Completed text 1662\n", + "Completed text 1663\n", + "Completed text 1664\n", + "Completed text 1665\n", + "Completed text 1666\n", + "Completed text 1667\n", + "Completed text 1668\n", + "Completed text 1669\n", + "Completed text 1670\n", + "Completed text 1671\n", + "Completed text 1672\n", + "Completed text 1673\n", + "Completed text 1674\n", + "Completed text 1675\n", + "Completed text 1676\n", + "Completed text 1677\n", + "Completed text 1678\n", + "Completed text 1679\n", + "Completed text 1680\n", + "Completed text 1681\n", + "Completed text 1682\n", + "Completed text 1683\n", + "Completed text 1684\n", + "Completed text 1685\n", + "Completed text 1686\n", + "Completed text 1687\n", + "Completed text 1688\n", + "Completed text 1689\n", + "Completed text 1690\n", + "Completed text 1691\n", + "Completed text 1692\n", + "Completed text 1693\n", + "Completed text 1694\n", + "Completed text 1695\n", + "Completed text 1696\n", + "Completed text 1697\n", + "Completed text 1698\n", + "Completed text 1699\n", + "Completed text 1700\n", + "Completed text 1701\n", + "Completed text 1702\n", + "Completed text 1703\n", + "Completed text 1704\n", + "Completed text 1705\n", + "Completed text 1706\n", + "Completed text 1707\n", + "Completed text 1708\n", + "Completed text 1709\n", + "Completed text 1710\n", + "Completed text 1711\n", + "Completed text 1712\n", + "Completed text 1713\n", + "Completed text 1714\n", + "Completed text 1715\n", + "Completed text 1716\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 1717\n", + "Completed text 1718\n", + "Completed text 1719\n", + "Completed text 1720\n", + "Completed text 1721\n", + "Completed text 1722\n", + "Completed text 1723\n", + "Completed text 1724\n", + "Completed text 1725\n", + "Completed text 1726\n", + "Completed text 1727\n", + "Completed text 1728\n", + "Completed text 1729\n", + "Completed text 1730\n", + "Completed text 1731\n", + "Completed text 1732\n", + "Completed text 1733\n", + "Completed text 1734\n", + "Completed text 1735\n", + "Completed text 1736\n", + "Completed text 1737\n", + "Completed text 1738\n", + "Completed text 1739\n", + "Completed text 1740\n", + "Completed text 1741\n", + "Completed text 1742\n", + "Completed text 1743\n", + "Completed text 1744\n", + "Completed text 1745\n", + "Completed text 1746\n", + "Completed text 1747\n", + "Completed text 1748\n", + "Completed text 1749\n", + "Completed text 1750\n", + "Completed text 1751\n", + "Completed text 1752\n", + "Completed text 1753\n", + "Completed text 1754\n", + "Completed text 1755\n", + "Completed text 1756\n", + "Completed text 1757\n", + "Completed text 1758\n", + "Completed text 1759\n", + "Completed text 1760\n", + "Completed text 1761\n", + "Completed text 1762\n", + "Completed text 1763\n", + "Completed text 1764\n", + "Completed text 1765\n", + "Completed text 1766\n", + "Completed text 1767\n", + "Completed text 1768\n", + "Completed text 1769\n", + "Completed text 1770\n", + "Completed text 1771\n", + "Completed text 1772\n", + "Completed text 1773\n", + "Completed text 1774\n", + "Completed text 1775\n", + "Completed text 1776\n", + "Completed text 1777\n", + "Completed text 1778\n", + "Completed text 1779\n", + "Completed text 1780\n", + "Completed text 1781\n", + "Completed text 1782\n", + "Completed text 1783\n", + "Completed text 1784\n", + "Completed text 1785\n", + "Completed text 1786\n", + "Completed text 1787\n", + "Completed text 1788\n", + "Completed text 1789\n", + "Completed text 1790\n", + "Completed text 1791\n", + "Completed text 1792\n", + "Completed text 1793\n", + "Completed text 1794\n", + "Completed text 1795\n", + "Completed text 1796\n", + "Completed text 1797\n", + "Completed text 1798\n", + "Completed text 1799\n", + "Completed text 1800\n", + "Completed text 1801\n", + "Completed text 1802\n", + "Completed text 1803\n", + "Completed text 1804\n", + "Completed text 1805\n", + "Completed text 1806\n", + "Completed text 1807\n", + "Completed text 1808\n", + "Completed text 1809\n", + "Completed text 1810\n", + "Completed text 1811\n", + "Completed text 1812\n", + "Completed text 1813\n", + "Completed text 1814\n", + "Completed text 1815\n", + "Completed text 1816\n", + "Completed text 1817\n", + "Completed text 1818\n", + "Completed text 1819\n", + "Completed text 1820\n", + "Completed text 1821\n", + "Completed text 1822\n", + "Completed text 1823\n", + "Completed text 1824\n", + "Completed text 1825\n", + "Completed text 1826\n", + "Completed text 1827\n", + "Completed text 1828\n", + "Completed text 1829\n", + "Completed text 1830\n", + "Completed text 1831\n", + "Completed text 1832\n", + "Completed text 1833\n", + "Completed text 1834\n", + "Completed text 1835\n", + "Completed text 1836\n", + "Completed text 1837\n", + "Completed text 1838\n", + "Completed text 1839\n", + "Completed text 1840\n", + "Completed text 1841\n", + "Completed text 1842\n", + "Completed text 1843\n", + "Completed text 1844\n", + "Completed text 1845\n", + "Completed text 1846\n", + "Completed text 1847\n", + "Completed text 1848\n", + "Completed text 1849\n", + "Completed text 1850\n", + "Completed text 1851\n", + "Completed text 1852\n", + "Completed text 1853\n", + "Completed text 1854\n", + "Completed text 1855\n", + "Completed text 1856\n", + "Completed text 1857\n", + "Completed text 1858\n", + "Completed text 1859\n", + "Completed text 1860\n", + "Completed text 1861\n", + "Completed text 1862\n", + "Completed text 1863\n", + "Completed text 1864\n", + "Completed text 1865\n", + "Completed text 1866\n", + "Completed text 1867\n", + "Completed text 1868\n", + "Completed text 1869\n", + "Completed text 1870\n", + "Completed text 1871\n", + "Completed text 1872\n", + "Completed text 1873\n", + "Completed text 1874\n", + "Completed text 1875\n", + "Completed text 1876\n", + "Completed text 1877\n", + "Completed text 1878\n", + "Completed text 1879\n", + "Completed text 1880\n", + "Completed text 1881\n", + "Completed text 1882\n", + "Completed text 1883\n", + "Completed text 1884\n", + "Completed text 1885\n", + "Completed text 1886\n", + "Completed text 1887\n", + "Completed text 1888\n", + "Completed text 1889\n", + "Completed text 1890\n", + "Completed text 1891\n", + "Completed text 1892\n", + "Completed text 1893\n", + "Completed text 1894\n", + "Completed text 1895\n", + "Completed text 1896\n", + "Completed text 1897\n", + "Completed text 1898\n", + "Completed text 1899\n", + "Completed text 1900\n", + "Completed text 1901\n", + "Completed text 1902\n", + "Completed text 1903\n", + "Completed text 1904\n", + "Completed text 1905\n", + "Completed text 1906\n", + "Completed text 1907\n", + "Completed text 1908\n", + "Completed text 1909\n", + "Completed text 1910\n", + "Completed text 1911\n", + "Completed text 1912\n", + "Completed text 1913\n", + "Completed text 1914\n", + "Completed text 1915\n", + "Completed text 1916\n", + "Completed text 1917\n", + "Completed text 1918\n", + "Completed text 1919\n", + "Completed text 1920\n", + "Completed text 1921\n", + "Completed text 1922\n", + "Completed text 1923\n", + "Completed text 1924\n", + "Completed text 1925\n", + "Completed text 1926\n", + "Completed text 1927\n", + "Completed text 1928\n", + "Completed text 1929\n", + "Completed text 1930\n", + "Completed text 1931\n", + "Completed text 1932\n", + "Completed text 1933\n", + "Completed text 1934\n", + "Completed text 1935\n", + "Completed text 1936\n", + "Completed text 1937\n", + "Completed text 1938\n", + "Completed text 1939\n", + "Completed text 1940\n", + "Completed text 1941\n", + "Completed text 1942\n", + "Completed text 1943\n", + "Completed text 1944\n", + "Completed text 1945\n", + "Completed text 1946\n", + "Completed text 1947\n", + "Completed text 1948\n", + "Completed text 1949\n", + "Completed text 1950\n", + "Completed text 1951\n", + "Completed text 1952\n", + "Completed text 1953\n", + "Completed text 1954\n", + "Completed text 1955\n", + "Completed text 1956\n", + "Completed text 1957\n", + "Completed text 1958\n", + "Completed text 1959\n", + "Completed text 1960\n", + "Completed text 1961\n", + "Completed text 1962\n", + "Completed text 1963\n", + "Completed text 1964\n", + "Completed text 1965\n", + "Completed text 1966\n", + "Completed text 1967\n", + "Completed text 1968\n", + "Completed text 1969\n", + "Completed text 1970\n", + "Completed text 1971\n", + "Completed text 1972\n", + "Completed text 1973\n", + "Completed text 1974\n", + "Completed text 1975\n", + "Completed text 1976\n", + "Completed text 1977\n", + "Completed text 1978\n", + "Completed text 1979\n", + "Completed text 1980\n", + "Completed text 1981\n", + "Completed text 1982\n", + "Completed text 1983\n", + "Completed text 1984\n", + "Completed text 1985\n", + "Completed text 1986\n", + "Completed text 1987\n", + "Completed text 1988\n", + "Completed text 1989\n", + "Completed text 1990\n", + "Completed text 1991\n", + "Completed text 1992\n", + "Completed text 1993\n", + "Completed text 1994\n", + "Completed text 1995\n", + "Completed text 1996\n", + "Completed text 1997\n", + "Completed text 1998\n", + "Completed text 1999\n", + "Completed text 2000\n", + "Completed text 2001\n", + "Completed text 2002\n", + "Completed text 2003\n", + "Completed text 2004\n", + "Completed text 2005\n", + "Completed text 2006\n", + "Completed text 2007\n", + "Completed text 2008\n", + "Completed text 2009\n", + "Completed text 2010\n", + "Completed text 2011\n", + "Completed text 2012\n", + "Completed text 2013\n", + "Completed text 2014\n", + "Completed text 2015\n", + "Completed text 2016\n", + "Completed text 2017\n", + "Completed text 2018\n", + "Completed text 2019\n", + "Completed text 2020\n", + "Completed text 2021\n", + "Completed text 2022\n", + "Completed text 2023\n", + "Completed text 2024\n", + "Completed text 2025\n", + "Completed text 2026\n", + "Completed text 2027\n", + "Completed text 2028\n", + "Completed text 2029\n", + "Completed text 2030\n", + "Completed text 2031\n", + "Completed text 2032\n", + "Completed text 2033\n", + "Completed text 2034\n", + "Completed text 2035\n", + "Completed text 2036\n", + "Completed text 2037\n", + "Completed text 2038\n", + "Completed text 2039\n", + "Completed text 2040\n", + "Completed text 2041\n", + "Completed text 2042\n", + "Completed text 2043\n", + "Completed text 2044\n", + "Completed text 2045\n", + "Completed text 2046\n", + "Completed text 2047\n", + "Completed text 2048\n", + "Completed text 2049\n", + "Completed text 2050\n", + "Completed text 2051\n", + "Completed text 2052\n", + "Completed text 2053\n", + "Completed text 2054\n", + "Completed text 2055\n", + "Completed text 2056\n", + "Completed text 2057\n", + "Completed text 2058\n", + "Completed text 2059\n", + "Completed text 2060\n", + "Completed text 2061\n", + "Completed text 2062\n", + "Completed text 2063\n", + "Completed text 2064\n", + "Completed text 2065\n", + "Completed text 2066\n", + "Completed text 2067\n", + "Completed text 2068\n", + "Completed text 2069\n", + "Completed text 2070\n", + "Completed text 2071\n", + "Completed text 2072\n", + "Completed text 2073\n", + "Completed text 2074\n", + "Completed text 2075\n", + "Completed text 2076\n", + "Completed text 2077\n", + "Completed text 2078\n", + "Completed text 2079\n", + "Completed text 2080\n", + "Completed text 2081\n", + "Completed text 2082\n", + "Completed text 2083\n", + "Completed text 2084\n", + "Completed text 2085\n", + "Completed text 2086\n", + "Completed text 2087\n", + "Completed text 2088\n", + "Completed text 2089\n", + "Completed text 2090\n", + "Completed text 2091\n", + "Completed text 2092\n", + "Completed text 2093\n", + "Completed text 2094\n", + "Completed text 2095\n", + "Completed text 2096\n", + "Completed text 2097\n", + "Completed text 2098\n", + "Completed text 2099\n", + "Completed text 2100\n", + "Completed text 2101\n", + "Completed text 2102\n", + "Completed text 2103\n", + "Completed text 2104\n", + "Completed text 2105\n", + "Completed text 2106\n", + "Completed text 2107\n", + "Completed text 2108\n", + "Completed text 2109\n", + "Completed text 2110\n", + "Completed text 2111\n", + "Completed text 2112\n", + "Completed text 2113\n", + "Completed text 2114\n", + "Completed text 2115\n", + "Completed text 2116\n", + "Completed text 2117\n", + "Completed text 2118\n", + "Completed text 2119\n", + "Completed text 2120\n", + "Completed text 2121\n", + "Completed text 2122\n", + "Completed text 2123\n", + "Completed text 2124\n", + "Completed text 2125\n", + "Completed text 2126\n", + "Completed text 2127\n", + "Completed text 2128\n", + "Completed text 2129\n", + "Completed text 2130\n", + "Completed text 2131\n", + "Completed text 2132\n", + "Completed text 2133\n", + "Completed text 2134\n", + "Completed text 2135\n", + "Completed text 2136\n", + "Completed text 2137\n", + "Completed text 2138\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 2139\n", + "Completed text 2140\n", + "Completed text 2141\n", + "Completed text 2142\n", + "Completed text 2143\n", + "Completed text 2144\n", + "Completed text 2145\n", + "Completed text 2146\n", + "Completed text 2147\n", + "Completed text 2148\n", + "Completed text 2149\n", + "Completed text 2150\n", + "Completed text 2151\n", + "Completed text 2152\n", + "Completed text 2153\n", + "Completed text 2154\n", + "Completed text 2155\n", + "Completed text 2156\n", + "Completed text 2157\n", + "Completed text 2158\n", + "Completed text 2159\n", + "Completed text 2160\n", + "Completed text 2161\n", + "Completed text 2162\n", + "Completed text 2163\n", + "Completed text 2164\n", + "Completed text 2165\n", + "Completed text 2166\n", + "Completed text 2167\n", + "Completed text 2168\n", + "Completed text 2169\n", + "Completed text 2170\n", + "Completed text 2171\n", + "Completed text 2172\n", + "Completed text 2173\n", + "Completed text 2174\n", + "Completed text 2175\n", + "Completed text 2176\n", + "Completed text 2177\n", + "Completed text 2178\n", + "Completed text 2179\n", + "Completed text 2180\n", + "Completed text 2181\n", + "Completed text 2182\n", + "Completed text 2183\n", + "Completed text 2184\n", + "Completed text 2185\n", + "Completed text 2186\n", + "Completed text 2187\n", + "Completed text 2188\n", + "Completed text 2189\n", + "Completed text 2190\n", + "Completed text 2191\n", + "Completed text 2192\n", + "Completed text 2193\n", + "Completed text 2194\n", + "Completed text 2195\n", + "Completed text 2196\n", + "Completed text 2197\n", + "Completed text 2198\n", + "Completed text 2199\n", + "Completed text 2200\n", + "Completed text 2201\n", + "Completed text 2202\n", + "Completed text 2203\n", + "Completed text 2204\n", + "Completed text 2205\n", + "Completed text 2206\n", + "Completed text 2207\n", + "Completed text 2208\n", + "Completed text 2209\n", + "Completed text 2210\n", + "Completed text 2211\n", + "Completed text 2212\n", + "Completed text 2213\n", + "Completed text 2214\n", + "Completed text 2215\n", + "Completed text 2216\n", + "Completed text 2217\n", + "Completed text 2218\n", + "Completed text 2219\n", + "Completed text 2220\n", + "Completed text 2221\n", + "Completed text 2222\n", + "Completed text 2223\n", + "Completed text 2224\n", + "Completed text 2225\n", + "Completed text 2226\n", + "Completed text 2227\n", + "Completed text 2228\n", + "Completed text 2229\n", + "Completed text 2230\n", + "Completed text 2231\n", + "Completed text 2232\n", + "Completed text 2233\n", + "Completed text 2234\n", + "Completed text 2235\n", + "Completed text 2236\n", + "Completed text 2237\n", + "Completed text 2238\n", + "Completed text 2239\n", + "Completed text 2240\n", + "Completed text 2241\n", + "Completed text 2242\n", + "Completed text 2243\n", + "Completed text 2244\n", + "Completed text 2245\n", + "Completed text 2246\n", + "Completed text 2247\n", + "Completed text 2248\n", + "Completed text 2249\n", + "Completed text 2250\n", + "Completed text 2251\n", + "Completed text 2252\n", + "Completed text 2253\n", + "Completed text 2254\n", + "Completed text 2255\n", + "Completed text 2256\n", + "Completed text 2257\n", + "Completed text 2258\n", + "Completed text 2259\n", + "Completed text 2260\n", + "Completed text 2261\n", + "Completed text 2262\n", + "Completed text 2263\n", + "Completed text 2264\n", + "Completed text 2265\n", + "Completed text 2266\n", + "Completed text 2267\n", + "Completed text 2268\n", + "Completed text 2269\n", + "Completed text 2270\n", + "Completed text 2271\n", + "Completed text 2272\n", + "Completed text 2273\n", + "Completed text 2274\n", + "Completed text 2275\n", + "Completed text 2276\n", + "Completed text 2277\n", + "Completed text 2278\n", + "Completed text 2279\n", + "Completed text 2280\n", + "Completed text 2281\n", + "Completed text 2282\n", + "Completed text 2283\n", + "Completed text 2284\n", + "Completed text 2285\n", + "Completed text 2286\n", + "Completed text 2287\n", + "Completed text 2288\n", + "Completed text 2289\n", + "Completed text 2290\n", + "Completed text 2291\n", + "Completed text 2292\n", + "Completed text 2293\n", + "Completed text 2294\n", + "Completed text 2295\n", + "Completed text 2296\n", + "Completed text 2297\n", + "Completed text 2298\n", + "Completed text 2299\n", + "Completed text 2300\n", + "Completed text 2301\n", + "Completed text 2302\n", + "Completed text 2303\n", + "Completed text 2304\n", + "Completed text 2305\n", + "Completed text 2306\n", + "Completed text 2307\n", + "Completed text 2308\n", + "Completed text 2309\n", + "Completed text 2310\n", + "Completed text 2311\n", + "Completed text 2312\n", + "Completed text 2313\n", + "Completed text 2314\n", + "Completed text 2315\n", + "Completed text 2316\n", + "Completed text 2317\n", + "Completed text 2318\n", + "Completed text 2319\n", + "Completed text 2320\n", + "Completed text 2321\n", + "Completed text 2322\n", + "Completed text 2323\n", + "Completed text 2324\n", + "Completed text 2325\n", + "Completed text 2326\n", + "Completed text 2327\n", + "Completed text 2328\n", + "Completed text 2329\n", + "Completed text 2330\n", + "Completed text 2331\n", + "Completed text 2332\n", + "Completed text 2333\n", + "Completed text 2334\n", + "Completed text 2335\n", + "Completed text 2336\n", + "Completed text 2337\n", + "Completed text 2338\n", + "Completed text 2339\n", + "Completed text 2340\n", + "Completed text 2341\n", + "Completed text 2342\n", + "Completed text 2343\n", + "Completed text 2344\n", + "Completed text 2345\n", + "Completed text 2346\n", + "Completed text 2347\n", + "Completed text 2348\n", + "Completed text 2349\n", + "Completed text 2350\n", + "Completed text 2351\n", + "Completed text 2352\n", + "Completed text 2353\n", + "Completed text 2354\n", + "Completed text 2355\n", + "Completed text 2356\n", + "Completed text 2357\n", + "Completed text 2358\n", + "Completed text 2359\n", + "Completed text 2360\n", + "Completed text 2361\n", + "Completed text 2362\n", + "Completed text 2363\n", + "Completed text 2364\n", + "Completed text 2365\n", + "Completed text 2366\n", + "Completed text 2367\n", + "Completed text 2368\n", + "Completed text 2369\n", + "Completed text 2370\n", + "Completed text 2371\n", + "Completed text 2372\n", + "Completed text 2373\n", + "Completed text 2374\n", + "Completed text 2375\n", + "Completed text 2376\n", + "Completed text 2377\n", + "Completed text 2378\n", + "Completed text 2379\n", + "Completed text 2380\n", + "Completed text 2381\n", + "Completed text 2382\n", + "Completed text 2383\n", + "Completed text 2384\n", + "Completed text 2385\n", + "Completed text 2386\n", + "Completed text 2387\n", + "Completed text 2388\n", + "Completed text 2389\n", + "Completed text 2390\n", + "Completed text 2391\n", + "Completed text 2392\n", + "Completed text 2393\n", + "Completed text 2394\n", + "Completed text 2395\n", + "Completed text 2396\n", + "Completed text 2397\n", + "Completed text 2398\n", + "Completed text 2399\n", + "Completed text 2400\n", + "Completed text 2401\n", + "Completed text 2402\n", + "Completed text 2403\n", + "Completed text 2404\n", + "Completed text 2405\n", + "Completed text 2406\n", + "Completed text 2407\n", + "Completed text 2408\n", + "Completed text 2409\n", + "Completed text 2410\n", + "Completed text 2411\n", + "Completed text 2412\n", + "Completed text 2413\n", + "Completed text 2414\n", + "Completed text 2415\n", + "Completed text 2416\n", + "Completed text 2417\n", + "Completed text 2418\n", + "Completed text 2419\n", + "Completed text 2420\n", + "Completed text 2421\n", + "Completed text 2422\n", + "Completed text 2423\n", + "Completed text 2424\n", + "Completed text 2425\n", + "Completed text 2426\n", + "Completed text 2427\n", + "Completed text 2428\n", + "Completed text 2429\n", + "Completed text 2430\n", + "Completed text 2431\n", + "Completed text 2432\n", + "Completed text 2433\n", + "Completed text 2434\n", + "Completed text 2435\n", + "Completed text 2436\n", + "Completed text 2437\n", + "Completed text 2438\n", + "Completed text 2439\n", + "Completed text 2440\n", + "Completed text 2441\n", + "Completed text 2442\n", + "Completed text 2443\n", + "Completed text 2444\n", + "Completed text 2445\n", + "Completed text 2446\n", + "Completed text 2447\n", + "Completed text 2448\n", + "Completed text 2449\n", + "Completed text 2450\n", + "Completed text 2451\n", + "Completed text 2452\n", + "Completed text 2453\n", + "Completed text 2454\n", + "Completed text 2455\n", + "Completed text 2456\n", + "Completed text 2457\n", + "Completed text 2458\n", + "Completed text 2459\n", + "Completed text 2460\n", + "Completed text 2461\n", + "Completed text 2462\n", + "Completed text 2463\n", + "Completed text 2464\n", + "Completed text 2465\n", + "Completed text 2466\n", + "Completed text 2467\n", + "Completed text 2468\n", + "Completed text 2469\n", + "Completed text 2470\n", + "Completed text 2471\n", + "Completed text 2472\n", + "Completed text 2473\n", + "Completed text 2474\n", + "Completed text 2475\n", + "Completed text 2476\n", + "Completed text 2477\n", + "Completed text 2478\n", + "Completed text 2479\n", + "Completed text 2480\n", + "Completed text 2481\n", + "Completed text 2482\n", + "Completed text 2483\n", + "Completed text 2484\n", + "Completed text 2485\n", + "Completed text 2486\n", + "Completed text 2487\n", + "Completed text 2488\n", + "Completed text 2489\n", + "Completed text 2490\n", + "Completed text 2491\n", + "Completed text 2492\n", + "Completed text 2493\n", + "Completed text 2494\n", + "Completed text 2495\n", + "Completed text 2496\n", + "Completed text 2497\n", + "Completed text 2498\n", + "Completed text 2499\n", + "Completed text 2500\n", + "Completed text 2501\n", + "Completed text 2502\n", + "Completed text 2503\n", + "Completed text 2504\n", + "Completed text 2505\n", + "Completed text 2506\n", + "Completed text 2507\n", + "Completed text 2508\n", + "Completed text 2509\n", + "Completed text 2510\n", + "Completed text 2511\n", + "Completed text 2512\n", + "Completed text 2513\n", + "Completed text 2514\n", + "Completed text 2515\n", + "Completed text 2516\n", + "Completed text 2517\n", + "Completed text 2518\n", + "Completed text 2519\n", + "Completed text 2520\n", + "Completed text 2521\n", + "Completed text 2522\n", + "Completed text 2523\n", + "Completed text 2524\n", + "Completed text 2525\n", + "Completed text 2526\n", + "Completed text 2527\n", + "Completed text 2528\n", + "Completed text 2529\n", + "Completed text 2530\n", + "Completed text 2531\n", + "Completed text 2532\n", + "Completed text 2533\n", + "Completed text 2534\n", + "Completed text 2535\n", + "Completed text 2536\n", + "Completed text 2537\n", + "Completed text 2538\n", + "Completed text 2539\n", + "Completed text 2540\n", + "Completed text 2541\n", + "Completed text 2542\n", + "Completed text 2543\n", + "Completed text 2544\n", + "Completed text 2545\n", + "Completed text 2546\n", + "Completed text 2547\n", + "Completed text 2548\n", + "Completed text 2549\n", + "Completed text 2550\n", + "Completed text 2551\n", + "Completed text 2552\n", + "Completed text 2553\n", + "Completed text 2554\n", + "Completed text 2555\n", + "Completed text 2556\n", + "Completed text 2557\n", + "Completed text 2558\n", + "Completed text 2559\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 2560\n", + "Completed text 2561\n", + "Completed text 2562\n", + "Completed text 2563\n", + "Completed text 2564\n", + "Completed text 2565\n", + "Completed text 2566\n", + "Completed text 2567\n", + "Completed text 2568\n", + "Completed text 2569\n", + "Completed text 2570\n", + "Completed text 2571\n", + "Completed text 2572\n", + "Completed text 2573\n", + "Completed text 2574\n", + "Completed text 2575\n", + "Completed text 2576\n", + "Completed text 2577\n", + "Completed text 2578\n", + "Completed text 2579\n", + "Completed text 2580\n", + "Completed text 2581\n", + "Completed text 2582\n", + "Completed text 2583\n", + "Completed text 2584\n", + "Completed text 2585\n", + "Completed text 2586\n", + "Completed text 2587\n", + "Completed text 2588\n", + "Completed text 2589\n", + "Completed text 2590\n", + "Completed text 2591\n", + "Completed text 2592\n", + "Completed text 2593\n", + "Completed text 2594\n", + "Completed text 2595\n", + "Completed text 2596\n", + "Completed text 2597\n", + "Completed text 2598\n", + "Completed text 2599\n", + "Completed text 2600\n", + "Completed text 2601\n", + "Completed text 2602\n", + "Completed text 2603\n", + "Completed text 2604\n", + "Completed text 2605\n", + "Completed text 2606\n", + "Completed text 2607\n", + "Completed text 2608\n", + "Completed text 2609\n", + "Completed text 2610\n", + "Completed text 2611\n", + "Completed text 2612\n", + "Completed text 2613\n", + "Completed text 2614\n", + "Completed text 2615\n", + "Completed text 2616\n", + "Completed text 2617\n", + "Completed text 2618\n", + "Completed text 2619\n", + "Completed text 2620\n", + "Completed text 2621\n", + "Completed text 2622\n", + "Completed text 2623\n", + "Completed text 2624\n", + "Completed text 2625\n", + "Completed text 2626\n", + "Completed text 2627\n", + "Completed text 2628\n", + "Completed text 2629\n", + "Completed text 2630\n", + "Completed text 2631\n", + "Completed text 2632\n", + "Completed text 2633\n", + "Completed text 2634\n", + "Completed text 2635\n", + "Completed text 2636\n", + "Completed text 2637\n", + "Completed text 2638\n", + "Completed text 2639\n", + "Completed text 2640\n", + "Completed text 2641\n", + "Completed text 2642\n", + "Completed text 2643\n", + "Completed text 2644\n", + "Completed text 2645\n", + "Completed text 2646\n", + "Completed text 2647\n", + "Completed text 2648\n", + "Completed text 2649\n", + "Completed text 2650\n", + "Completed text 2651\n", + "Completed text 2652\n", + "Completed text 2653\n", + "Completed text 2654\n", + "Completed text 2655\n", + "Completed text 2656\n", + "Completed text 2657\n", + "Completed text 2658\n", + "Completed text 2659\n", + "Completed text 2660\n", + "Completed text 2661\n", + "Completed text 2662\n", + "Completed text 2663\n", + "Completed text 2664\n", + "Completed text 2665\n", + "Completed text 2666\n", + "Completed text 2667\n", + "Completed text 2668\n", + "Completed text 2669\n", + "Completed text 2670\n", + "Completed text 2671\n", + "Completed text 2672\n", + "Completed text 2673\n", + "Completed text 2674\n", + "Completed text 2675\n", + "Completed text 2676\n", + "Completed text 2677\n", + "Completed text 2678\n", + "Completed text 2679\n", + "Completed text 2680\n", + "Completed text 2681\n", + "Completed text 2682\n", + "Completed text 2683\n", + "Completed text 2684\n", + "Completed text 2685\n", + "Completed text 2686\n", + "Completed text 2687\n", + "Completed text 2688\n", + "Completed text 2689\n", + "Completed text 2690\n", + "Completed text 2691\n", + "Completed text 2692\n", + "Completed text 2693\n", + "Completed text 2694\n", + "Completed text 2695\n", + "Completed text 2696\n", + "Completed text 2697\n", + "Completed text 2698\n", + "Completed text 2699\n", + "Completed text 2700\n", + "Completed text 2701\n", + "Completed text 2702\n", + "Completed text 2703\n", + "Completed text 2704\n", + "Completed text 2705\n", + "Completed text 2706\n", + "Completed text 2707\n", + "Completed text 2708\n", + "Completed text 2709\n", + "Completed text 2710\n", + "Completed text 2711\n", + "Completed text 2712\n", + "Completed text 2713\n", + "Completed text 2714\n", + "Completed text 2715\n", + "Completed text 2716\n", + "Completed text 2717\n", + "Completed text 2718\n", + "Completed text 2719\n", + "Completed text 2720\n", + "Completed text 2721\n", + "Completed text 2722\n", + "Completed text 2723\n", + "Completed text 2724\n", + "Completed text 2725\n", + "Completed text 2726\n", + "Completed text 2727\n", + "Completed text 2728\n", + "Completed text 2729\n", + "Completed text 2730\n", + "Completed text 2731\n", + "Completed text 2732\n", + "Completed text 2733\n", + "Completed text 2734\n", + "Completed text 2735\n", + "Completed text 2736\n", + "Completed text 2737\n", + "Completed text 2738\n", + "Completed text 2739\n", + "Completed text 2740\n", + "Completed text 2741\n", + "Completed text 2742\n", + "Completed text 2743\n", + "Completed text 2744\n", + "Completed text 2745\n", + "Completed text 2746\n", + "Completed text 2747\n", + "Completed text 2748\n", + "Completed text 2749\n", + "Completed text 2750\n", + "Completed text 2751\n", + "Completed text 2752\n", + "Completed text 2753\n", + "Completed text 2754\n", + "Completed text 2755\n", + "Completed text 2756\n", + "Completed text 2757\n", + "Completed text 2758\n", + "Completed text 2759\n", + "Completed text 2760\n", + "Completed text 2761\n", + "Completed text 2762\n", + "Completed text 2763\n", + "Completed text 2764\n", + "Completed text 2765\n", + "Completed text 2766\n", + "Completed text 2767\n", + "Completed text 2768\n", + "Completed text 2769\n", + "Completed text 2770\n", + "Completed text 2771\n", + "Completed text 2772\n", + "Completed text 2773\n", + "Completed text 2774\n", + "Completed text 2775\n", + "Completed text 2776\n", + "Completed text 2777\n", + "Completed text 2778\n", + "Completed text 2779\n", + "Completed text 2780\n", + "Completed text 2781\n", + "Completed text 2782\n", + "Completed text 2783\n", + "Completed text 2784\n", + "Completed text 2785\n", + "Completed text 2786\n", + "Completed text 2787\n", + "Completed text 2788\n", + "Completed text 2789\n", + "Completed text 2790\n", + "Completed text 2791\n", + "Completed text 2792\n", + "Completed text 2793\n", + "Completed text 2794\n", + "Completed text 2795\n", + "Completed text 2796\n", + "Completed text 2797\n", + "Completed text 2798\n", + "Completed text 2799\n", + "Completed text 2800\n", + "Completed text 2801\n", + "Completed text 2802\n", + "Completed text 2803\n", + "Completed text 2804\n", + "Completed text 2805\n", + "Completed text 2806\n", + "Completed text 2807\n", + "Completed text 2808\n", + "Completed text 2809\n", + "Completed text 2810\n", + "Completed text 2811\n", + "Completed text 2812\n", + "Completed text 2813\n", + "Completed text 2814\n", + "Completed text 2815\n", + "Completed text 2816\n", + "Completed text 2817\n", + "Completed text 2818\n", + "Completed text 2819\n", + "Completed text 2820\n", + "Completed text 2821\n", + "Completed text 2822\n", + "Completed text 2823\n", + "Completed text 2824\n", + "Completed text 2825\n", + "Completed text 2826\n", + "Completed text 2827\n", + "Completed text 2828\n", + "Completed text 2829\n", + "Completed text 2830\n", + "Completed text 2831\n", + "Completed text 2832\n", + "Completed text 2833\n", + "Completed text 2834\n", + "Completed text 2835\n", + "Completed text 2836\n", + "Completed text 2837\n", + "Completed text 2838\n", + "Completed text 2839\n", + "Completed text 2840\n", + "Completed text 2841\n", + "Completed text 2842\n", + "Completed text 2843\n", + "Completed text 2844\n", + "Completed text 2845\n", + "Completed text 2846\n", + "Completed text 2847\n", + "Completed text 2848\n", + "Completed text 2849\n", + "Completed text 2850\n", + "Completed text 2851\n", + "Completed text 2852\n", + "Completed text 2853\n", + "Completed text 2854\n", + "Completed text 2855\n", + "Completed text 2856\n", + "Completed text 2857\n", + "Completed text 2858\n", + "Completed text 2859\n", + "Completed text 2860\n", + "Completed text 2861\n", + "Completed text 2862\n", + "Completed text 2863\n", + "Completed text 2864\n", + "Completed text 2865\n", + "Completed text 2866\n", + "Completed text 2867\n", + "Completed text 2868\n", + "Completed text 2869\n", + "Completed text 2870\n", + "Completed text 2871\n", + "Completed text 2872\n", + "Completed text 2873\n", + "Completed text 2874\n", + "Completed text 2875\n", + "Completed text 2876\n", + "Completed text 2877\n", + "Completed text 2878\n", + "Completed text 2879\n", + "Completed text 2880\n", + "Completed text 2881\n", + "Completed text 2882\n", + "Completed text 2883\n", + "Completed text 2884\n", + "Completed text 2885\n", + "Completed text 2886\n", + "Completed text 2887\n", + "Completed text 2888\n", + "Completed text 2889\n", + "Completed text 2890\n", + "Completed text 2891\n", + "Completed text 2892\n", + "Completed text 2893\n", + "Completed text 2894\n", + "Completed text 2895\n", + "Completed text 2896\n", + "Completed text 2897\n", + "Completed text 2898\n", + "Completed text 2899\n", + "Completed text 2900\n", + "Completed text 2901\n", + "Completed text 2902\n", + "Completed text 2903\n", + "Completed text 2904\n", + "Completed text 2905\n", + "Completed text 2906\n", + "Completed text 2907\n", + "Completed text 2908\n", + "Completed text 2909\n", + "Completed text 2910\n", + "Completed text 2911\n", + "Completed text 2912\n", + "Completed text 2913\n", + "Completed text 2914\n", + "Completed text 2915\n", + "Completed text 2916\n", + "Completed text 2917\n", + "Completed text 2918\n", + "Completed text 2919\n", + "Completed text 2920\n", + "Completed text 2921\n", + "Completed text 2922\n", + "Completed text 2923\n", + "Completed text 2924\n", + "Completed text 2925\n", + "Completed text 2926\n", + "Completed text 2927\n", + "Completed text 2928\n", + "Completed text 2929\n", + "Completed text 2930\n", + "Completed text 2931\n", + "Completed text 2932\n", + "Completed text 2933\n", + "Completed text 2934\n", + "Completed text 2935\n", + "Completed text 2936\n", + "Completed text 2937\n", + "Completed text 2938\n", + "Completed text 2939\n", + "Completed text 2940\n", + "Completed text 2941\n", + "Completed text 2942\n", + "Completed text 2943\n", + "Completed text 2944\n", + "Completed text 2945\n", + "Completed text 2946\n", + "Completed text 2947\n", + "Completed text 2948\n", + "Completed text 2949\n", + "Completed text 2950\n", + "Completed text 2951\n", + "Completed text 2952\n", + "Completed text 2953\n", + "Completed text 2954\n", + "Completed text 2955\n", + "Completed text 2956\n", + "Completed text 2957\n", + "Completed text 2958\n", + "Completed text 2959\n", + "Completed text 2960\n", + "Completed text 2961\n", + "Completed text 2962\n", + "Completed text 2963\n", + "Completed text 2964\n", + "Completed text 2965\n", + "Completed text 2966\n", + "Completed text 2967\n", + "Completed text 2968\n", + "Completed text 2969\n", + "Completed text 2970\n", + "Completed text 2971\n", + "Completed text 2972\n", + "Completed text 2973\n", + "Completed text 2974\n", + "Completed text 2975\n", + "Completed text 2976\n", + "Completed text 2977\n", + "Completed text 2978\n", + "Completed text 2979\n", + "Completed text 2980\n", + "Completed text 2981\n", + "Completed text 2982\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 2983\n", + "Completed text 2984\n", + "Completed text 2985\n", + "Completed text 2986\n", + "Completed text 2987\n", + "Completed text 2988\n", + "Completed text 2989\n", + "Completed text 2990\n", + "Completed text 2991\n", + "Completed text 2992\n", + "Completed text 2993\n", + "Completed text 2994\n", + "Completed text 2995\n", + "Completed text 2996\n", + "Completed text 2997\n", + "Completed text 2998\n", + "Completed text 2999\n", + "Completed text 3000\n", + "Completed text 3001\n", + "Completed text 3002\n", + "Completed text 3003\n", + "Completed text 3004\n", + "Completed text 3005\n", + "Completed text 3006\n", + "Completed text 3007\n", + "Completed text 3008\n", + "Completed text 3009\n", + "Completed text 3010\n", + "Completed text 3011\n", + "Completed text 3012\n", + "Completed text 3013\n", + "Completed text 3014\n", + "Completed text 3015\n", + "Completed text 3016\n", + "Completed text 3017\n", + "Completed text 3018\n", + "Completed text 3019\n", + "Completed text 3020\n", + "Completed text 3021\n", + "Completed text 3022\n", + "Completed text 3023\n", + "Completed text 3024\n", + "Completed text 3025\n", + "Completed text 3026\n", + "Completed text 3027\n", + "Completed text 3028\n", + "Completed text 3029\n", + "Completed text 3030\n", + "Completed text 3031\n", + "Completed text 3032\n", + "Completed text 3033\n", + "Completed text 3034\n", + "Completed text 3035\n", + "Completed text 3036\n", + "Completed text 3037\n", + "Completed text 3038\n", + "Completed text 3039\n", + "Completed text 3040\n", + "Completed text 3041\n", + "Completed text 3042\n", + "Completed text 3043\n", + "Completed text 3044\n", + "Completed text 3045\n", + "Completed text 3046\n", + "Completed text 3047\n", + "Completed text 3048\n", + "Completed text 3049\n", + "Completed text 3050\n", + "Completed text 3051\n", + "Completed text 3052\n", + "Completed text 3053\n", + "Completed text 3054\n", + "Completed text 3055\n", + "Completed text 3056\n", + "Completed text 3057\n", + "Completed text 3058\n", + "Completed text 3059\n", + "Completed text 3060\n", + "Completed text 3061\n", + "Completed text 3062\n", + "Completed text 3063\n", + "Completed text 3064\n", + "Completed text 3065\n", + "Completed text 3066\n", + "Completed text 3067\n", + "Completed text 3068\n", + "Completed text 3069\n", + "Completed text 3070\n", + "Completed text 3071\n", + "Completed text 3072\n", + "Completed text 3073\n", + "Completed text 3074\n", + "Completed text 3075\n", + "Completed text 3076\n", + "Completed text 3077\n", + "Completed text 3078\n", + "Completed text 3079\n", + "Completed text 3080\n", + "Completed text 3081\n", + "Completed text 3082\n", + "Completed text 3083\n", + "Completed text 3084\n", + "Completed text 3085\n", + "Completed text 3086\n", + "Completed text 3087\n", + "Completed text 3088\n", + "Completed text 3089\n", + "Completed text 3090\n", + "Completed text 3091\n", + "Completed text 3092\n", + "Completed text 3093\n", + "Completed text 3094\n", + "Completed text 3095\n", + "Completed text 3096\n", + "Completed text 3097\n", + "Completed text 3098\n", + "Completed text 3099\n", + "Completed text 3100\n", + "Completed text 3101\n", + "Completed text 3102\n", + "Completed text 3103\n", + "Completed text 3104\n", + "Completed text 3105\n", + "Completed text 3106\n", + "Completed text 3107\n", + "Completed text 3108\n", + "Completed text 3109\n", + "Completed text 3110\n", + "Completed text 3111\n", + "Completed text 3112\n", + "Completed text 3113\n", + "Completed text 3114\n", + "Completed text 3115\n", + "Completed text 3116\n", + "Completed text 3117\n", + "Completed text 3118\n", + "Completed text 3119\n", + "Completed text 3120\n", + "Completed text 3121\n", + "Completed text 3122\n", + "Completed text 3123\n", + "Completed text 3124\n", + "Completed text 3125\n", + "Completed text 3126\n", + "Completed text 3127\n", + "Completed text 3128\n", + "Completed text 3129\n", + "Completed text 3130\n", + "Completed text 3131\n", + "Completed text 3132\n", + "Completed text 3133\n", + "Completed text 3134\n", + "Completed text 3135\n", + "Completed text 3136\n", + "Completed text 3137\n", + "Completed text 3138\n", + "Completed text 3139\n", + "Completed text 3140\n", + "Completed text 3141\n", + "Completed text 3142\n", + "Completed text 3143\n", + "Completed text 3144\n", + "Completed text 3145\n", + "Completed text 3146\n", + "Completed text 3147\n", + "Completed text 3148\n", + "Completed text 3149\n", + "Completed text 3150\n", + "Completed text 3151\n", + "Completed text 3152\n", + "Completed text 3153\n", + "Completed text 3154\n", + "Completed text 3155\n", + "Completed text 3156\n", + "Completed text 3157\n", + "Completed text 3158\n", + "Completed text 3159\n", + "Completed text 3160\n", + "Completed text 3161\n", + "Completed text 3162\n", + "Completed text 3163\n", + "Completed text 3164\n", + "Completed text 3165\n", + "Completed text 3166\n", + "Completed text 3167\n", + "Completed text 3168\n", + "Completed text 3169\n", + "Completed text 3170\n", + "Completed text 3171\n", + "Completed text 3172\n", + "Completed text 3173\n", + "Completed text 3174\n", + "Completed text 3175\n", + "Completed text 3176\n", + "Completed text 3177\n", + "Completed text 3178\n", + "Completed text 3179\n", + "Completed text 3180\n", + "Completed text 3181\n", + "Completed text 3182\n", + "Completed text 3183\n", + "Completed text 3184\n", + "Completed text 3185\n", + "Completed text 3186\n", + "Completed text 3187\n", + "Completed text 3188\n", + "Completed text 3189\n", + "Completed text 3190\n", + "Completed text 3191\n", + "Completed text 3192\n", + "Completed text 3193\n", + "Completed text 3194\n", + "Completed text 3195\n", + "Completed text 3196\n", + "Completed text 3197\n", + "Completed text 3198\n", + "Completed text 3199\n", + "Completed text 3200\n", + "Completed text 3201\n", + "Completed text 3202\n", + "Completed text 3203\n", + "Completed text 3204\n", + "Completed text 3205\n", + "Completed text 3206\n", + "Completed text 3207\n", + "Completed text 3208\n", + "Completed text 3209\n", + "Completed text 3210\n", + "Completed text 3211\n", + "Completed text 3212\n", + "Completed text 3213\n", + "Completed text 3214\n", + "Completed text 3215\n", + "Completed text 3216\n", + "Completed text 3217\n", + "Completed text 3218\n", + "Completed text 3219\n", + "Completed text 3220\n", + "Completed text 3221\n", + "Completed text 3222\n", + "Completed text 3223\n", + "Completed text 3224\n", + "Completed text 3225\n", + "Completed text 3226\n", + "Completed text 3227\n", + "Completed text 3228\n", + "Completed text 3229\n", + "Completed text 3230\n", + "Completed text 3231\n", + "Completed text 3232\n", + "Completed text 3233\n", + "Completed text 3234\n", + "Completed text 3235\n", + "Completed text 3236\n", + "Completed text 3237\n", + "Completed text 3238\n", + "Completed text 3239\n", + "Completed text 3240\n", + "Completed text 3241\n", + "Completed text 3242\n", + "Completed text 3243\n", + "Completed text 3244\n", + "Completed text 3245\n", + "Completed text 3246\n", + "Completed text 3247\n", + "Completed text 3248\n", + "Completed text 3249\n", + "Completed text 3250\n", + "Completed text 3251\n", + "Completed text 3252\n", + "Completed text 3253\n", + "Completed text 3254\n", + "Completed text 3255\n", + "Completed text 3256\n", + "Completed text 3257\n", + "Completed text 3258\n", + "Completed text 3259\n", + "Completed text 3260\n", + "Completed text 3261\n", + "Completed text 3262\n", + "Completed text 3263\n", + "Completed text 3264\n", + "Completed text 3265\n", + "Completed text 3266\n", + "Completed text 3267\n", + "Completed text 3268\n", + "Completed text 3269\n", + "Completed text 3270\n", + "Completed text 3271\n", + "Completed text 3272\n", + "Completed text 3273\n", + "Completed text 3274\n", + "Completed text 3275\n", + "Completed text 3276\n", + "Completed text 3277\n", + "Completed text 3278\n", + "Completed text 3279\n", + "Completed text 3280\n", + "Completed text 3281\n", + "Completed text 3282\n", + "Completed text 3283\n", + "Completed text 3284\n", + "Completed text 3285\n", + "Completed text 3286\n", + "Completed text 3287\n", + "Completed text 3288\n", + "Completed text 3289\n", + "Completed text 3290\n", + "Completed text 3291\n", + "Completed text 3292\n", + "Completed text 3293\n", + "Completed text 3294\n", + "Completed text 3295\n", + "Completed text 3296\n", + "Completed text 3297\n", + "Completed text 3298\n", + "Completed text 3299\n", + "Completed text 3300\n", + "Completed text 3301\n", + "Completed text 3302\n", + "Completed text 3303\n", + "Completed text 3304\n", + "Completed text 3305\n", + "Completed text 3306\n", + "Completed text 3307\n", + "Completed text 3308\n", + "Completed text 3309\n", + "Completed text 3310\n", + "Completed text 3311\n", + "Completed text 3312\n", + "Completed text 3313\n", + "Completed text 3314\n", + "Completed text 3315\n", + "Completed text 3316\n", + "Completed text 3317\n", + "Completed text 3318\n", + "Completed text 3319\n", + "Completed text 3320\n", + "Completed text 3321\n", + "Completed text 3322\n", + "Completed text 3323\n", + "Completed text 3324\n", + "Completed text 3325\n", + "Completed text 3326\n", + "Completed text 3327\n", + "Completed text 3328\n", + "Completed text 3329\n", + "Completed text 3330\n", + "Completed text 3331\n", + "Completed text 3332\n", + "Completed text 3333\n", + "Completed text 3334\n", + "Completed text 3335\n", + "Completed text 3336\n", + "Completed text 3337\n", + "Completed text 3338\n", + "Completed text 3339\n", + "Completed text 3340\n", + "Completed text 3341\n", + "Completed text 3342\n", + "Completed text 3343\n", + "Completed text 3344\n", + "Completed text 3345\n", + "Completed text 3346\n", + "Completed text 3347\n", + "Completed text 3348\n", + "Completed text 3349\n", + "Completed text 3350\n", + "Completed text 3351\n", + "Completed text 3352\n", + "Completed text 3353\n", + "Completed text 3354\n", + "Completed text 3355\n", + "Completed text 3356\n", + "Completed text 3357\n", + "Completed text 3358\n", + "Completed text 3359\n", + "Completed text 3360\n", + "Completed text 3361\n", + "Completed text 3362\n", + "Completed text 3363\n", + "Completed text 3364\n", + "Completed text 3365\n", + "Completed text 3366\n", + "Completed text 3367\n", + "Completed text 3368\n", + "Completed text 3369\n", + "Completed text 3370\n", + "Completed text 3371\n", + "Completed text 3372\n", + "Completed text 3373\n", + "Completed text 3374\n", + "Completed text 3375\n", + "Completed text 3376\n", + "Completed text 3377\n", + "Completed text 3378\n", + "Completed text 3379\n", + "Completed text 3380\n", + "Completed text 3381\n", + "Completed text 3382\n", + "Completed text 3383\n", + "Completed text 3384\n", + "Completed text 3385\n", + "Completed text 3386\n", + "Completed text 3387\n", + "Completed text 3388\n", + "Completed text 3389\n", + "Completed text 3390\n", + "Completed text 3391\n", + "Completed text 3392\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 3393\n", + "Completed text 3394\n", + "Completed text 3395\n", + "Completed text 3396\n", + "Completed text 3397\n", + "Completed text 3398\n", + "Completed text 3399\n", + "Completed text 3400\n", + "Completed text 3401\n", + "Completed text 3402\n", + "Completed text 3403\n", + "Completed text 3404\n", + "Completed text 3405\n", + "Completed text 3406\n", + "Completed text 3407\n", + "Completed text 3408\n", + "Completed text 3409\n", + "Completed text 3410\n", + "Completed text 3411\n", + "Completed text 3412\n", + "Completed text 3413\n", + "Completed text 3414\n", + "Completed text 3415\n", + "Completed text 3416\n", + "Completed text 3417\n", + "Completed text 3418\n", + "Completed text 3419\n", + "Completed text 3420\n", + "Completed text 3421\n", + "Completed text 3422\n", + "Completed text 3423\n", + "Completed text 3424\n", + "Completed text 3425\n", + "Completed text 3426\n", + "Completed text 3427\n", + "Completed text 3428\n", + "Completed text 3429\n", + "Completed text 3430\n", + "Completed text 3431\n", + "Completed text 3432\n", + "Completed text 3433\n", + "Completed text 3434\n", + "Completed text 3435\n", + "Completed text 3436\n", + "Completed text 3437\n", + "Completed text 3438\n", + "Completed text 3439\n", + "Completed text 3440\n", + "Completed text 3441\n", + "Completed text 3442\n", + "Completed text 3443\n", + "Completed text 3444\n", + "Completed text 3445\n", + "Completed text 3446\n", + "Completed text 3447\n", + "Completed text 3448\n", + "Completed text 3449\n", + "Completed text 3450\n", + "Completed text 3451\n", + "Completed text 3452\n", + "Completed text 3453\n", + "Completed text 3454\n", + "Completed text 3455\n", + "Completed text 3456\n", + "Completed text 3457\n", + "Completed text 3458\n", + "Completed text 3459\n", + "Completed text 3460\n", + "Completed text 3461\n", + "Completed text 3462\n", + "Completed text 3463\n", + "Completed text 3464\n", + "Completed text 3465\n", + "Completed text 3466\n", + "Completed text 3467\n", + "Completed text 3468\n", + "Completed text 3469\n", + "Completed text 3470\n", + "Completed text 3471\n", + "Completed text 3472\n", + "Completed text 3473\n", + "Completed text 3474\n", + "Completed text 3475\n", + "Completed text 3476\n", + "Completed text 3477\n", + "Completed text 3478\n", + "Completed text 3479\n", + "Completed text 3480\n", + "Completed text 3481\n", + "Completed text 3482\n", + "Completed text 3483\n", + "Completed text 3484\n", + "Completed text 3485\n", + "Completed text 3486\n", + "Completed text 3487\n", + "Completed text 3488\n", + "Completed text 3489\n", + "Completed text 3490\n", + "Completed text 3491\n", + "Completed text 3492\n", + "Completed text 3493\n", + "Completed text 3494\n", + "Completed text 3495\n", + "Completed text 3496\n", + "Completed text 3497\n", + "Completed text 3498\n", + "Completed text 3499\n", + "Completed text 3500\n", + "Completed text 3501\n", + "Completed text 3502\n", + "Completed text 3503\n", + "Completed text 3504\n", + "Completed text 3505\n", + "Completed text 3506\n", + "Completed text 3507\n", + "Completed text 3508\n", + "Completed text 3509\n", + "Completed text 3510\n", + "Completed text 3511\n", + "Completed text 3512\n", + "Completed text 3513\n", + "Completed text 3514\n", + "Completed text 3515\n", + "Completed text 3516\n", + "Completed text 3517\n", + "Completed text 3518\n", + "Completed text 3519\n", + "Completed text 3520\n", + "Completed text 3521\n", + "Completed text 3522\n", + "Completed text 3523\n", + "Completed text 3524\n", + "Completed text 3525\n", + "Completed text 3526\n", + "Completed text 3527\n", + "Completed text 3528\n", + "Completed text 3529\n", + "Completed text 3530\n", + "Completed text 3531\n", + "Completed text 3532\n", + "Completed text 3533\n", + "Completed text 3534\n", + "Completed text 3535\n", + "Completed text 3536\n", + "Completed text 3537\n", + "Completed text 3538\n", + "Completed text 3539\n", + "Completed text 3540\n", + "Completed text 3541\n", + "Completed text 3542\n", + "Completed text 3543\n", + "Completed text 3544\n", + "Completed text 3545\n", + "Completed text 3546\n", + "Completed text 3547\n", + "Completed text 3548\n", + "Completed text 3549\n", + "Completed text 3550\n", + "Completed text 3551\n", + "Completed text 3552\n", + "Completed text 3553\n", + "Completed text 3554\n", + "Completed text 3555\n", + "Completed text 3556\n", + "Completed text 3557\n", + "Completed text 3558\n", + "Completed text 3559\n", + "Completed text 3560\n", + "Completed text 3561\n", + "Completed text 3562\n", + "Completed text 3563\n", + "Completed text 3564\n", + "Completed text 3565\n", + "Completed text 3566\n", + "Completed text 3567\n", + "Completed text 3568\n", + "Completed text 3569\n", + "Completed text 3570\n", + "Completed text 3571\n", + "Completed text 3572\n", + "Completed text 3573\n", + "Completed text 3574\n", + "Completed text 3575\n", + "Completed text 3576\n", + "Completed text 3577\n", + "Completed text 3578\n", + "Completed text 3579\n", + "Completed text 3580\n", + "Completed text 3581\n", + "Completed text 3582\n", + "Completed text 3583\n", + "Completed text 3584\n", + "Completed text 3585\n", + "Completed text 3586\n", + "Completed text 3587\n", + "Completed text 3588\n", + "Completed text 3589\n", + "Completed text 3590\n", + "Completed text 3591\n", + "Completed text 3592\n", + "Completed text 3593\n", + "Completed text 3594\n", + "Completed text 3595\n", + "Completed text 3596\n", + "Completed text 3597\n", + "Completed text 3598\n", + "Completed text 3599\n", + "Completed text 3600\n", + "Completed text 3601\n", + "Completed text 3602\n", + "Completed text 3603\n", + "Completed text 3604\n", + "Completed text 3605\n", + "Completed text 3606\n", + "Completed text 3607\n", + "Completed text 3608\n", + "Completed text 3609\n", + "Completed text 3610\n", + "Completed text 3611\n", + "Completed text 3612\n", + "Completed text 3613\n", + "Completed text 3614\n", + "Completed text 3615\n", + "Completed text 3616\n", + "Completed text 3617\n", + "Completed text 3618\n", + "Completed text 3619\n", + "Completed text 3620\n", + "Completed text 3621\n", + "Completed text 3622\n", + "Completed text 3623\n", + "Completed text 3624\n", + "Completed text 3625\n", + "Completed text 3626\n", + "Completed text 3627\n", + "Completed text 3628\n", + "Completed text 3629\n", + "Completed text 3630\n", + "Completed text 3631\n", + "Completed text 3632\n", + "Completed text 3633\n", + "Completed text 3634\n", + "Completed text 3635\n", + "Completed text 3636\n", + "Completed text 3637\n", + "Completed text 3638\n", + "Completed text 3639\n", + "Completed text 3640\n", + "Completed text 3641\n", + "Completed text 3642\n", + "Completed text 3643\n", + "Completed text 3644\n", + "Completed text 3645\n", + "Completed text 3646\n", + "Completed text 3647\n", + "Completed text 3648\n", + "Completed text 3649\n", + "Completed text 3650\n", + "Completed text 3651\n", + "Completed text 3652\n", + "Completed text 3653\n", + "Completed text 3654\n", + "Completed text 3655\n", + "Completed text 3656\n", + "Completed text 3657\n", + "Completed text 3658\n", + "Completed text 3659\n", + "Completed text 3660\n", + "Completed text 3661\n", + "Completed text 3662\n", + "Completed text 3663\n", + "Completed text 3664\n", + "Completed text 3665\n", + "Completed text 3666\n", + "Completed text 3667\n", + "Completed text 3668\n", + "Completed text 3669\n", + "Completed text 3670\n", + "Completed text 3671\n", + "Completed text 3672\n", + "Completed text 3673\n", + "Completed text 3674\n", + "Completed text 3675\n", + "Completed text 3676\n", + "Completed text 3677\n", + "Completed text 3678\n", + "Completed text 3679\n", + "Completed text 3680\n", + "Completed text 3681\n", + "Completed text 3682\n", + "Completed text 3683\n", + "Completed text 3684\n", + "Completed text 3685\n", + "Completed text 3686\n", + "Completed text 3687\n", + "Completed text 3688\n", + "Completed text 3689\n", + "Completed text 3690\n", + "Completed text 3691\n", + "Completed text 3692\n", + "Completed text 3693\n", + "Completed text 3694\n", + "Completed text 3695\n", + "Completed text 3696\n", + "Completed text 3697\n", + "Completed text 3698\n", + "Completed text 3699\n", + "Completed text 3700\n", + "Completed text 3701\n", + "Completed text 3702\n", + "Completed text 3703\n", + "Completed text 3704\n", + "Completed text 3705\n", + "Completed text 3706\n", + "Completed text 3707\n", + "Completed text 3708\n", + "Completed text 3709\n", + "Completed text 3710\n", + "Completed text 3711\n", + "Completed text 3712\n", + "Completed text 3713\n", + "Completed text 3714\n", + "Completed text 3715\n", + "Completed text 3716\n", + "Completed text 3717\n", + "Completed text 3718\n", + "Completed text 3719\n", + "Completed text 3720\n", + "Completed text 3721\n", + "Completed text 3722\n", + "Completed text 3723\n", + "Completed text 3724\n", + "Completed text 3725\n", + "Completed text 3726\n", + "Completed text 3727\n", + "Completed text 3728\n", + "Completed text 3729\n", + "Completed text 3730\n", + "Completed text 3731\n", + "Completed text 3732\n", + "Completed text 3733\n", + "Completed text 3734\n", + "Completed text 3735\n", + "Completed text 3736\n", + "Completed text 3737\n", + "Completed text 3738\n", + "Completed text 3739\n", + "Completed text 3740\n", + "Completed text 3741\n", + "Completed text 3742\n", + "Completed text 3743\n", + "Completed text 3744\n", + "Completed text 3745\n", + "Completed text 3746\n", + "Completed text 3747\n", + "Completed text 3748\n", + "Completed text 3749\n", + "Completed text 3750\n", + "Completed text 3751\n", + "Completed text 3752\n", + "Completed text 3753\n", + "Completed text 3754\n", + "Completed text 3755\n", + "Completed text 3756\n", + "Completed text 3757\n", + "Completed text 3758\n", + "Completed text 3759\n", + "Completed text 3760\n", + "Completed text 3761\n", + "Completed text 3762\n", + "Completed text 3763\n", + "Completed text 3764\n", + "Completed text 3765\n", + "Completed text 3766\n", + "Completed text 3767\n", + "Completed text 3768\n", + "Completed text 3769\n", + "Completed text 3770\n", + "Completed text 3771\n", + "Completed text 3772\n", + "Completed text 3773\n", + "Completed text 3774\n", + "Completed text 3775\n", + "Completed text 3776\n", + "Completed text 3777\n", + "Completed text 3778\n", + "Completed text 3779\n", + "Completed text 3780\n", + "Completed text 3781\n", + "Completed text 3782\n", + "Completed text 3783\n", + "Completed text 3784\n", + "Completed text 3785\n", + "Completed text 3786\n", + "Completed text 3787\n", + "Completed text 3788\n", + "Completed text 3789\n", + "Completed text 3790\n", + "Completed text 3791\n", + "Completed text 3792\n", + "Completed text 3793\n", + "Completed text 3794\n", + "Completed text 3795\n", + "Completed text 3796\n", + "Completed text 3797\n", + "Completed text 3798\n", + "Completed text 3799\n", + "Completed text 3800\n", + "Completed text 3801\n", + "Completed text 3802\n", + "Completed text 3803\n", + "Completed text 3804\n", + "Completed text 3805\n", + "Completed text 3806\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 3807\n", + "Completed text 3808\n", + "Completed text 3809\n", + "Completed text 3810\n", + "Completed text 3811\n", + "Completed text 3812\n", + "Completed text 3813\n", + "Completed text 3814\n", + "Completed text 3815\n", + "Completed text 3816\n", + "Completed text 3817\n", + "Completed text 3818\n", + "Completed text 3819\n", + "Completed text 3820\n", + "Completed text 3821\n", + "Completed text 3822\n", + "Completed text 3823\n", + "Completed text 3824\n", + "Completed text 3825\n", + "Completed text 3826\n", + "Completed text 3827\n", + "Completed text 3828\n", + "Completed text 3829\n", + "Completed text 3830\n", + "Completed text 3831\n", + "Completed text 3832\n", + "Completed text 3833\n", + "Completed text 3834\n", + "Completed text 3835\n", + "Completed text 3836\n", + "Completed text 3837\n", + "Completed text 3838\n", + "Completed text 3839\n", + "Completed text 3840\n", + "Completed text 3841\n", + "Completed text 3842\n", + "Completed text 3843\n", + "Completed text 3844\n", + "Completed text 3845\n", + "Completed text 3846\n", + "Completed text 3847\n", + "Completed text 3848\n", + "Completed text 3849\n", + "Completed text 3850\n", + "Completed text 3851\n", + "Completed text 3852\n", + "Completed text 3853\n", + "Completed text 3854\n", + "Completed text 3855\n", + "Completed text 3856\n", + "Completed text 3857\n", + "Completed text 3858\n", + "Completed text 3859\n", + "Completed text 3860\n", + "Completed text 3861\n", + "Completed text 3862\n", + "Completed text 3863\n", + "Completed text 3864\n", + "Completed text 3865\n", + "Completed text 3866\n", + "Completed text 3867\n", + "Completed text 3868\n", + "Completed text 3869\n", + "Completed text 3870\n", + "Completed text 3871\n", + "Completed text 3872\n", + "Completed text 3873\n", + "Completed text 3874\n", + "Completed text 3875\n", + "Completed text 3876\n", + "Completed text 3877\n", + "Completed text 3878\n", + "Completed text 3879\n", + "Completed text 3880\n", + "Completed text 3881\n", + "Completed text 3882\n", + "Completed text 3883\n", + "Completed text 3884\n", + "Completed text 3885\n", + "Completed text 3886\n", + "Completed text 3887\n", + "Completed text 3888\n", + "Completed text 3889\n", + "Completed text 3890\n", + "Completed text 3891\n", + "Completed text 3892\n", + "Completed text 3893\n", + "Completed text 3894\n", + "Completed text 3895\n", + "Completed text 3896\n", + "Completed text 3897\n", + "Completed text 3898\n", + "Completed text 3899\n", + "Completed text 3900\n", + "Completed text 3901\n", + "Completed text 3902\n", + "Completed text 3903\n", + "Completed text 3904\n", + "Completed text 3905\n", + "Completed text 3906\n", + "Completed text 3907\n", + "Completed text 3908\n", + "Completed text 3909\n", + "Completed text 3910\n", + "Completed text 3911\n", + "Completed text 3912\n", + "Completed text 3913\n", + "Completed text 3914\n", + "Completed text 3915\n", + "Completed text 3916\n", + "Completed text 3917\n", + "Completed text 3918\n", + "Completed text 3919\n", + "Completed text 3920\n", + "Completed text 3921\n", + "Completed text 3922\n", + "Completed text 3923\n", + "Completed text 3924\n", + "Completed text 3925\n", + "Completed text 3926\n", + "Completed text 3927\n", + "Completed text 3928\n", + "Completed text 3929\n", + "Completed text 3930\n", + "Completed text 3931\n", + "Completed text 3932\n", + "Completed text 3933\n", + "Completed text 3934\n", + "Completed text 3935\n", + "Completed text 3936\n", + "Completed text 3937\n", + "Completed text 3938\n", + "Completed text 3939\n", + "Completed text 3940\n", + "Completed text 3941\n", + "Completed text 3942\n", + "Completed text 3943\n", + "Completed text 3944\n", + "Completed text 3945\n", + "Completed text 3946\n", + "Completed text 3947\n", + "Completed text 3948\n", + "Completed text 3949\n", + "Completed text 3950\n", + "Completed text 3951\n", + "Completed text 3952\n", + "Completed text 3953\n", + "Completed text 3954\n", + "Completed text 3955\n", + "Completed text 3956\n", + "Completed text 3957\n", + "Completed text 3958\n", + "Completed text 3959\n", + "Completed text 3960\n", + "Completed text 3961\n", + "Completed text 3962\n", + "Completed text 3963\n", + "Completed text 3964\n", + "Completed text 3965\n", + "Completed text 3966\n", + "Completed text 3967\n", + "Completed text 3968\n", + "Completed text 3969\n", + "Completed text 3970\n", + "Completed text 3971\n", + "Completed text 3972\n", + "Completed text 3973\n", + "Completed text 3974\n", + "Completed text 3975\n", + "Completed text 3976\n", + "Completed text 3977\n", + "Completed text 3978\n", + "Completed text 3979\n", + "Completed text 3980\n", + "Completed text 3981\n", + "Completed text 3982\n", + "Completed text 3983\n", + "Completed text 3984\n", + "Completed text 3985\n", + "Completed text 3986\n", + "Completed text 3987\n", + "Completed text 3988\n", + "Completed text 3989\n", + "Completed text 3990\n", + "Completed text 3991\n", + "Completed text 3992\n", + "Completed text 3993\n", + "Completed text 3994\n", + "Completed text 3995\n", + "Completed text 3996\n", + "Completed text 3997\n", + "Completed text 3998\n", + "Completed text 3999\n", + "Completed text 4000\n", + "Completed text 4001\n", + "Completed text 4002\n", + "Completed text 4003\n", + "Completed text 4004\n", + "Completed text 4005\n", + "Completed text 4006\n", + "Completed text 4007\n", + "Completed text 4008\n", + "Completed text 4009\n", + "Completed text 4010\n", + "Completed text 4011\n", + "Completed text 4012\n", + "Completed text 4013\n", + "Completed text 4014\n", + "Completed text 4015\n", + "Completed text 4016\n", + "Completed text 4017\n", + "Completed text 4018\n", + "Completed text 4019\n", + "Completed text 4020\n", + "Completed text 4021\n", + "Completed text 4022\n", + "Completed text 4023\n", + "Completed text 4024\n", + "Completed text 4025\n", + "Completed text 4026\n", + "Completed text 4027\n", + "Completed text 4028\n", + "Completed text 4029\n", + "Completed text 4030\n", + "Completed text 4031\n", + "Completed text 4032\n", + "Completed text 4033\n", + "Completed text 4034\n", + "Completed text 4035\n", + "Completed text 4036\n", + "Completed text 4037\n", + "Completed text 4038\n", + "Completed text 4039\n", + "Completed text 4040\n", + "Completed text 4041\n", + "Completed text 4042\n", + "Completed text 4043\n", + "Completed text 4044\n", + "Completed text 4045\n", + "Completed text 4046\n", + "Completed text 4047\n", + "Completed text 4048\n", + "Completed text 4049\n", + "Completed text 4050\n", + "Completed text 4051\n", + "Completed text 4052\n", + "Completed text 4053\n", + "Completed text 4054\n", + "Completed text 4055\n", + "Completed text 4056\n", + "Completed text 4057\n", + "Completed text 4058\n", + "Completed text 4059\n", + "Completed text 4060\n", + "Completed text 4061\n", + "Completed text 4062\n", + "Completed text 4063\n", + "Completed text 4064\n", + "Completed text 4065\n", + "Completed text 4066\n", + "Completed text 4067\n", + "Completed text 4068\n", + "Completed text 4069\n", + "Completed text 4070\n", + "Completed text 4071\n", + "Completed text 4072\n", + "Completed text 4073\n", + "Completed text 4074\n", + "Completed text 4075\n", + "Completed text 4076\n", + "Completed text 4077\n", + "Completed text 4078\n", + "Completed text 4079\n", + "Completed text 4080\n", + "Completed text 4081\n", + "Completed text 4082\n", + "Completed text 4083\n", + "Completed text 4084\n", + "Completed text 4085\n", + "Completed text 4086\n", + "Completed text 4087\n", + "Completed text 4088\n", + "Completed text 4089\n", + "Completed text 4090\n", + "Completed text 4091\n", + "Completed text 4092\n", + "Completed text 4093\n", + "Completed text 4094\n", + "Completed text 4095\n", + "Completed text 4096\n", + "Completed text 4097\n", + "Completed text 4098\n", + "Completed text 4099\n", + "Completed text 4100\n", + "Completed text 4101\n", + "Completed text 4102\n", + "Completed text 4103\n", + "Completed text 4104\n", + "Completed text 4105\n", + "Completed text 4106\n", + "Completed text 4107\n", + "Completed text 4108\n", + "Completed text 4109\n", + "Completed text 4110\n", + "Completed text 4111\n", + "Completed text 4112\n", + "Completed text 4113\n", + "Completed text 4114\n", + "Completed text 4115\n", + "Completed text 4116\n", + "Completed text 4117\n", + "Completed text 4118\n", + "Completed text 4119\n", + "Completed text 4120\n", + "Completed text 4121\n", + "Completed text 4122\n", + "Completed text 4123\n", + "Completed text 4124\n", + "Completed text 4125\n", + "Completed text 4126\n", + "Completed text 4127\n", + "Completed text 4128\n", + "Completed text 4129\n", + "Completed text 4130\n", + "Completed text 4131\n", + "Completed text 4132\n", + "Completed text 4133\n", + "Completed text 4134\n", + "Completed text 4135\n", + "Completed text 4136\n", + "Completed text 4137\n", + "Completed text 4138\n", + "Completed text 4139\n", + "Completed text 4140\n", + "Completed text 4141\n", + "Completed text 4142\n", + "Completed text 4143\n", + "Completed text 4144\n", + "Completed text 4145\n", + "Completed text 4146\n", + "Completed text 4147\n", + "Completed text 4148\n", + "Completed text 4149\n", + "Completed text 4150\n", + "Completed text 4151\n", + "Completed text 4152\n", + "Completed text 4153\n", + "Completed text 4154\n", + "Completed text 4155\n", + "Completed text 4156\n", + "Completed text 4157\n", + "Completed text 4158\n", + "Completed text 4159\n", + "Completed text 4160\n", + "Completed text 4161\n", + "Completed text 4162\n", + "Completed text 4163\n", + "Completed text 4164\n", + "Completed text 4165\n", + "Completed text 4166\n", + "Completed text 4167\n", + "Completed text 4168\n", + "Completed text 4169\n", + "Completed text 4170\n", + "Completed text 4171\n", + "Completed text 4172\n", + "Completed text 4173\n", + "Completed text 4174\n", + "Completed text 4175\n", + "Completed text 4176\n", + "Completed text 4177\n", + "Completed text 4178\n", + "Completed text 4179\n", + "Completed text 4180\n", + "Completed text 4181\n", + "Completed text 4182\n", + "Completed text 4183\n", + "Completed text 4184\n", + "Completed text 4185\n", + "Completed text 4186\n", + "Completed text 4187\n", + "Completed text 4188\n", + "Completed text 4189\n", + "Completed text 4190\n", + "Completed text 4191\n", + "Completed text 4192\n", + "Completed text 4193\n", + "Completed text 4194\n", + "Completed text 4195\n", + "Completed text 4196\n", + "Completed text 4197\n", + "Completed text 4198\n", + "Completed text 4199\n", + "Completed text 4200\n", + "Completed text 4201\n", + "Completed text 4202\n", + "Completed text 4203\n", + "Completed text 4204\n", + "Completed text 4205\n", + "Completed text 4206\n", + "Completed text 4207\n", + "Completed text 4208\n", + "Completed text 4209\n", + "Completed text 4210\n", + "Completed text 4211\n", + "Completed text 4212\n", + "Completed text 4213\n", + "Completed text 4214\n", + "Completed text 4215\n", + "Completed text 4216\n", + "Completed text 4217\n", + "Completed text 4218\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 4219\n", + "Completed text 4220\n", + "Completed text 4221\n", + "Completed text 4222\n", + "Completed text 4223\n", + "Completed text 4224\n", + "Completed text 4225\n", + "Completed text 4226\n", + "Completed text 4227\n", + "Completed text 4228\n", + "Completed text 4229\n", + "Completed text 4230\n", + "Completed text 4231\n", + "Completed text 4232\n", + "Completed text 4233\n", + "Completed text 4234\n", + "Completed text 4235\n", + "Completed text 4236\n", + "Completed text 4237\n", + "Completed text 4238\n", + "Completed text 4239\n", + "Completed text 4240\n", + "Completed text 4241\n", + "Completed text 4242\n", + "Completed text 4243\n", + "Completed text 4244\n", + "Completed text 4245\n", + "Completed text 4246\n", + "Completed text 4247\n", + "Completed text 4248\n", + "Completed text 4249\n", + "Completed text 4250\n", + "Completed text 4251\n", + "Completed text 4252\n", + "Completed text 4253\n", + "Completed text 4254\n", + "Completed text 4255\n", + "Completed text 4256\n", + "Completed text 4257\n", + "Completed text 4258\n", + "Completed text 4259\n", + "Completed text 4260\n", + "Completed text 4261\n", + "Completed text 4262\n", + "Completed text 4263\n", + "Completed text 4264\n", + "Completed text 4265\n", + "Completed text 4266\n", + "Completed text 4267\n", + "Completed text 4268\n", + "Completed text 4269\n", + "Completed text 4270\n", + "Completed text 4271\n", + "Completed text 4272\n", + "Completed text 4273\n", + "Completed text 4274\n", + "Completed text 4275\n", + "Completed text 4276\n", + "Completed text 4277\n", + "Completed text 4278\n", + "Completed text 4279\n", + "Completed text 4280\n", + "Completed text 4281\n", + "Completed text 4282\n", + "Completed text 4283\n", + "Completed text 4284\n", + "Completed text 4285\n", + "Completed text 4286\n", + "Completed text 4287\n", + "Completed text 4288\n", + "Completed text 4289\n", + "Completed text 4290\n", + "Completed text 4291\n", + "Completed text 4292\n", + "Completed text 4293\n", + "Completed text 4294\n", + "Completed text 4295\n", + "Completed text 4296\n", + "Completed text 4297\n", + "Completed text 4298\n", + "Completed text 4299\n", + "Completed text 4300\n", + "Completed text 4301\n", + "Completed text 4302\n", + "Completed text 4303\n", + "Completed text 4304\n", + "Completed text 4305\n", + "Completed text 4306\n", + "Completed text 4307\n", + "Completed text 4308\n", + "Completed text 4309\n", + "Completed text 4310\n", + "Completed text 4311\n", + "Completed text 4312\n", + "Completed text 4313\n", + "Completed text 4314\n", + "Completed text 4315\n", + "Completed text 4316\n", + "Completed text 4317\n", + "Completed text 4318\n", + "Completed text 4319\n", + "Completed text 4320\n", + "Completed text 4321\n", + "Completed text 4322\n", + "Completed text 4323\n", + "Completed text 4324\n", + "Completed text 4325\n", + "Completed text 4326\n", + "Completed text 4327\n", + "Completed text 4328\n", + "Completed text 4329\n", + "Completed text 4330\n", + "Completed text 4331\n", + "Completed text 4332\n", + "Completed text 4333\n", + "Completed text 4334\n", + "Completed text 4335\n", + "Completed text 4336\n", + "Completed text 4337\n", + "Completed text 4338\n", + "Completed text 4339\n", + "Completed text 4340\n", + "Completed text 4341\n", + "Completed text 4342\n", + "Completed text 4343\n", + "Completed text 4344\n", + "Completed text 4345\n", + "Completed text 4346\n", + "Completed text 4347\n", + "Completed text 4348\n", + "Completed text 4349\n", + "Completed text 4350\n", + "Completed text 4351\n", + "Completed text 4352\n", + "Completed text 4353\n", + "Completed text 4354\n", + "Completed text 4355\n", + "Completed text 4356\n", + "Completed text 4357\n", + "Completed text 4358\n", + "Completed text 4359\n", + "Completed text 4360\n", + "Completed text 4361\n", + "Completed text 4362\n", + "Completed text 4363\n", + "Completed text 4364\n", + "Completed text 4365\n", + "Completed text 4366\n", + "Completed text 4367\n", + "Completed text 4368\n", + "Completed text 4369\n", + "Completed text 4370\n", + "Completed text 4371\n", + "Completed text 4372\n", + "Completed text 4373\n", + "Completed text 4374\n", + "Completed text 4375\n", + "Completed text 4376\n", + "Completed text 4377\n", + "Completed text 4378\n", + "Completed text 4379\n", + "Completed text 4380\n", + "Completed text 4381\n", + "Completed text 4382\n", + "Completed text 4383\n", + "Completed text 4384\n", + "Completed text 4385\n", + "Completed text 4386\n", + "Completed text 4387\n", + "Completed text 4388\n", + "Completed text 4389\n", + "Completed text 4390\n", + "Completed text 4391\n", + "Completed text 4392\n", + "Completed text 4393\n", + "Completed text 4394\n", + "Completed text 4395\n", + "Completed text 4396\n", + "Completed text 4397\n", + "Completed text 4398\n", + "Completed text 4399\n", + "Completed text 4400\n", + "Completed text 4401\n", + "Completed text 4402\n", + "Completed text 4403\n", + "Completed text 4404\n", + "Completed text 4405\n", + "Completed text 4406\n", + "Completed text 4407\n", + "Completed text 4408\n", + "Completed text 4409\n", + "Completed text 4410\n", + "Completed text 4411\n", + "Completed text 4412\n", + "Completed text 4413\n", + "Completed text 4414\n", + "Completed text 4415\n", + "Completed text 4416\n", + "Completed text 4417\n", + "Completed text 4418\n", + "Completed text 4419\n", + "Completed text 4420\n", + "Completed text 4421\n", + "Completed text 4422\n", + "Completed text 4423\n", + "Completed text 4424\n", + "Completed text 4425\n", + "Completed text 4426\n", + "Completed text 4427\n", + "Completed text 4428\n", + "Completed text 4429\n", + "Completed text 4430\n", + "Completed text 4431\n", + "Completed text 4432\n", + "Completed text 4433\n", + "Completed text 4434\n", + "Completed text 4435\n", + "Completed text 4436\n", + "Completed text 4437\n", + "Completed text 4438\n", + "Completed text 4439\n", + "Completed text 4440\n", + "Completed text 4441\n", + "Completed text 4442\n", + "Completed text 4443\n", + "Completed text 4444\n", + "Completed text 4445\n", + "Completed text 4446\n", + "Completed text 4447\n", + "Completed text 4448\n", + "Completed text 4449\n", + "Completed text 4450\n", + "Completed text 4451\n", + "Completed text 4452\n", + "Completed text 4453\n", + "Completed text 4454\n", + "Completed text 4455\n", + "Completed text 4456\n", + "Completed text 4457\n", + "Completed text 4458\n", + "Completed text 4459\n", + "Completed text 4460\n", + "Completed text 4461\n", + "Completed text 4462\n", + "Completed text 4463\n", + "Completed text 4464\n", + "Completed text 4465\n", + "Completed text 4466\n", + "Completed text 4467\n", + "Completed text 4468\n", + "Completed text 4469\n", + "Completed text 4470\n", + "Completed text 4471\n", + "Completed text 4472\n", + "Completed text 4473\n", + "Completed text 4474\n", + "Completed text 4475\n", + "Completed text 4476\n", + "Completed text 4477\n", + "Completed text 4478\n", + "Completed text 4479\n", + "Completed text 4480\n", + "Completed text 4481\n", + "Completed text 4482\n", + "Completed text 4483\n", + "Completed text 4484\n", + "Completed text 4485\n", + "Completed text 4486\n", + "Completed text 4487\n", + "Completed text 4488\n", + "Completed text 4489\n", + "Completed text 4490\n", + "Completed text 4491\n", + "Completed text 4492\n", + "Completed text 4493\n", + "Completed text 4494\n", + "Completed text 4495\n", + "Completed text 4496\n", + "Completed text 4497\n", + "Completed text 4498\n", + "Completed text 4499\n", + "Completed text 4500\n", + "Completed text 4501\n", + "Completed text 4502\n", + "Completed text 4503\n", + "Completed text 4504\n", + "Completed text 4505\n", + "Completed text 4506\n", + "Completed text 4507\n", + "Completed text 4508\n", + "Completed text 4509\n", + "Completed text 4510\n", + "Completed text 4511\n", + "Completed text 4512\n", + "Completed text 4513\n", + "Completed text 4514\n", + "Completed text 4515\n", + "Completed text 4516\n", + "Completed text 4517\n", + "Completed text 4518\n", + "Completed text 4519\n", + "Completed text 4520\n", + "Completed text 4521\n", + "Completed text 4522\n", + "Completed text 4523\n", + "Completed text 4524\n", + "Completed text 4525\n", + "Completed text 4526\n", + "Completed text 4527\n", + "Completed text 4528\n", + "Completed text 4529\n", + "Completed text 4530\n", + "Completed text 4531\n", + "Completed text 4532\n", + "Completed text 4533\n", + "Completed text 4534\n", + "Completed text 4535\n", + "Completed text 4536\n", + "Completed text 4537\n", + "Completed text 4538\n", + "Completed text 4539\n", + "Completed text 4540\n", + "Completed text 4541\n", + "Completed text 4542\n", + "Completed text 4543\n", + "Completed text 4544\n", + "Completed text 4545\n", + "Completed text 4546\n", + "Completed text 4547\n", + "Completed text 4548\n", + "Completed text 4549\n", + "Completed text 4550\n", + "Completed text 4551\n", + "Completed text 4552\n", + "Completed text 4553\n", + "Completed text 4554\n", + "Completed text 4555\n", + "Completed text 4556\n", + "Completed text 4557\n", + "Completed text 4558\n", + "Completed text 4559\n", + "Completed text 4560\n", + "Completed text 4561\n", + "Completed text 4562\n", + "Completed text 4563\n", + "Completed text 4564\n", + "Completed text 4565\n", + "Completed text 4566\n", + "Completed text 4567\n", + "Completed text 4568\n", + "Completed text 4569\n", + "Completed text 4570\n", + "Completed text 4571\n", + "Completed text 4572\n", + "Completed text 4573\n", + "Completed text 4574\n", + "Completed text 4575\n", + "Completed text 4576\n", + "Completed text 4577\n", + "Completed text 4578\n", + "Completed text 4579\n", + "Completed text 4580\n", + "Completed text 4581\n", + "Completed text 4582\n", + "Completed text 4583\n", + "Completed text 4584\n", + "Completed text 4585\n", + "Completed text 4586\n", + "Completed text 4587\n", + "Completed text 4588\n", + "Completed text 4589\n", + "Completed text 4590\n", + "Completed text 4591\n", + "Completed text 4592\n", + "Completed text 4593\n", + "Completed text 4594\n", + "Completed text 4595\n", + "Completed text 4596\n", + "Completed text 4597\n", + "Completed text 4598\n", + "Completed text 4599\n", + "Completed text 4600\n", + "Completed text 4601\n", + "Completed text 4602\n", + "Completed text 4603\n", + "Completed text 4604\n", + "Completed text 4605\n", + "Completed text 4606\n", + "Completed text 4607\n", + "Completed text 4608\n", + "Completed text 4609\n", + "Completed text 4610\n", + "Completed text 4611\n", + "Completed text 4612\n", + "Completed text 4613\n", + "Completed text 4614\n", + "Completed text 4615\n", + "Completed text 4616\n", + "Completed text 4617\n", + "Completed text 4618\n", + "Completed text 4619\n", + "Completed text 4620\n", + "Completed text 4621\n", + "Completed text 4622\n", + "Completed text 4623\n", + "Completed text 4624\n", + "Completed text 4625\n", + "Completed text 4626\n", + "Completed text 4627\n", + "Completed text 4628\n", + "Completed text 4629\n", + "Completed text 4630\n", + "Completed text 4631\n", + "Completed text 4632\n", + "Completed text 4633\n", + "Completed text 4634\n", + "Completed text 4635\n", + "Completed text 4636\n", + "Completed text 4637\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 4638\n", + "Completed text 4639\n", + "Completed text 4640\n", + "Completed text 4641\n", + "Completed text 4642\n", + "Completed text 4643\n", + "Completed text 4644\n", + "Completed text 4645\n", + "Completed text 4646\n", + "Completed text 4647\n", + "Completed text 4648\n", + "Completed text 4649\n", + "Completed text 4650\n", + "Completed text 4651\n", + "Completed text 4652\n", + "Completed text 4653\n", + "Completed text 4654\n", + "Completed text 4655\n", + "Completed text 4656\n", + "Completed text 4657\n", + "Completed text 4658\n", + "Completed text 4659\n", + "Completed text 4660\n", + "Completed text 4661\n", + "Completed text 4662\n", + "Completed text 4663\n", + "Completed text 4664\n", + "Completed text 4665\n", + "Completed text 4666\n", + "Completed text 4667\n", + "Completed text 4668\n", + "Completed text 4669\n", + "Completed text 4670\n", + "Completed text 4671\n", + "Completed text 4672\n", + "Completed text 4673\n", + "Completed text 4674\n", + "Completed text 4675\n", + "Completed text 4676\n", + "Completed text 4677\n", + "Completed text 4678\n", + "Completed text 4679\n", + "Completed text 4680\n", + "Completed text 4681\n", + "Completed text 4682\n", + "Completed text 4683\n", + "Completed text 4684\n", + "Completed text 4685\n", + "Completed text 4686\n", + "Completed text 4687\n", + "Completed text 4688\n", + "Completed text 4689\n", + "Completed text 4690\n", + "Completed text 4691\n", + "Completed text 4692\n", + "Completed text 4693\n", + "Completed text 4694\n", + "Completed text 4695\n", + "Completed text 4696\n", + "Completed text 4697\n", + "Completed text 4698\n", + "Completed text 4699\n", + "Completed text 4700\n", + "Completed text 4701\n", + "Completed text 4702\n", + "Completed text 4703\n", + "Completed text 4704\n", + "Completed text 4705\n", + "Completed text 4706\n", + "Completed text 4707\n", + "Completed text 4708\n", + "Completed text 4709\n", + "Completed text 4710\n", + "Completed text 4711\n", + "Completed text 4712\n", + "Completed text 4713\n", + "Completed text 4714\n", + "Completed text 4715\n", + "Completed text 4716\n", + "Completed text 4717\n", + "Completed text 4718\n", + "Completed text 4719\n", + "Completed text 4720\n", + "Completed text 4721\n", + "Completed text 4722\n", + "Completed text 4723\n", + "Completed text 4724\n", + "Completed text 4725\n", + "Completed text 4726\n", + "Completed text 4727\n", + "Completed text 4728\n", + "Completed text 4729\n", + "Completed text 4730\n", + "Completed text 4731\n", + "Completed text 4732\n", + "Completed text 4733\n", + "Completed text 4734\n", + "Completed text 4735\n", + "Completed text 4736\n", + "Completed text 4737\n", + "Completed text 4738\n", + "Completed text 4739\n", + "Completed text 4740\n", + "Completed text 4741\n", + "Completed text 4742\n", + "Completed text 4743\n", + "Completed text 4744\n", + "Completed text 4745\n", + "Completed text 4746\n", + "Completed text 4747\n", + "Completed text 4748\n", + "Completed text 4749\n", + "Completed text 4750\n", + "Completed text 4751\n", + "Completed text 4752\n", + "Completed text 4753\n", + "Completed text 4754\n", + "Completed text 4755\n", + "Completed text 4756\n", + "Completed text 4757\n", + "Completed text 4758\n", + "Completed text 4759\n", + "Completed text 4760\n", + "Completed text 4761\n", + "Completed text 4762\n", + "Completed text 4763\n", + "Completed text 4764\n", + "Completed text 4765\n", + "Completed text 4766\n", + "Completed text 4767\n", + "Completed text 4768\n", + "Completed text 4769\n", + "Completed text 4770\n", + "Completed text 4771\n", + "Completed text 4772\n", + "Completed text 4773\n", + "Completed text 4774\n", + "Completed text 4775\n", + "Completed text 4776\n", + "Completed text 4777\n", + "Completed text 4778\n", + "Completed text 4779\n", + "Completed text 4780\n", + "Completed text 4781\n", + "Completed text 4782\n", + "Completed text 4783\n", + "Completed text 4784\n", + "Completed text 4785\n", + "Completed text 4786\n", + "Completed text 4787\n", + "Completed text 4788\n", + "Completed text 4789\n", + "Completed text 4790\n", + "Completed text 4791\n", + "Completed text 4792\n", + "Completed text 4793\n", + "Completed text 4794\n", + "Completed text 4795\n", + "Completed text 4796\n", + "Completed text 4797\n", + "Completed text 4798\n", + "Completed text 4799\n", + "Completed text 4800\n", + "Completed text 4801\n", + "Completed text 4802\n", + "Completed text 4803\n", + "Completed text 4804\n", + "Completed text 4805\n", + "Completed text 4806\n", + "Completed text 4807\n", + "Completed text 4808\n", + "Completed text 4809\n", + "Completed text 4810\n", + "Completed text 4811\n", + "Completed text 4812\n", + "Completed text 4813\n", + "Completed text 4814\n", + "Completed text 4815\n", + "Completed text 4816\n", + "Completed text 4817\n", + "Completed text 4818\n", + "Completed text 4819\n", + "Completed text 4820\n", + "Completed text 4821\n", + "Completed text 4822\n", + "Completed text 4823\n", + "Completed text 4824\n", + "Completed text 4825\n", + "Completed text 4826\n", + "Completed text 4827\n", + "Completed text 4828\n", + "Completed text 4829\n", + "Completed text 4830\n", + "Completed text 4831\n", + "Completed text 4832\n", + "Completed text 4833\n", + "Completed text 4834\n", + "Completed text 4835\n", + "Completed text 4836\n", + "Completed text 4837\n", + "Completed text 4838\n", + "Completed text 4839\n", + "Completed text 4840\n", + "Completed text 4841\n", + "Completed text 4842\n", + "Completed text 4843\n", + "Completed text 4844\n", + "Completed text 4845\n", + "Completed text 4846\n", + "Completed text 4847\n", + "Completed text 4848\n", + "Completed text 4849\n", + "Completed text 4850\n", + "Completed text 4851\n", + "Completed text 4852\n", + "Completed text 4853\n", + "Completed text 4854\n", + "Completed text 4855\n", + "Completed text 4856\n", + "Completed text 4857\n", + "Completed text 4858\n", + "Completed text 4859\n", + "Completed text 4860\n", + "Completed text 4861\n", + "Completed text 4862\n", + "Completed text 4863\n", + "Completed text 4864\n", + "Completed text 4865\n", + "Completed text 4866\n", + "Completed text 4867\n", + "Completed text 4868\n", + "Completed text 4869\n", + "Completed text 4870\n", + "Completed text 4871\n", + "Completed text 4872\n", + "Completed text 4873\n", + "Completed text 4874\n", + "Completed text 4875\n", + "Completed text 4876\n", + "Completed text 4877\n", + "Completed text 4878\n", + "Completed text 4879\n", + "Completed text 4880\n", + "Completed text 4881\n", + "Completed text 4882\n", + "Completed text 4883\n", + "Completed text 4884\n", + "Completed text 4885\n", + "Completed text 4886\n", + "Completed text 4887\n", + "Completed text 4888\n", + "Completed text 4889\n", + "Completed text 4890\n", + "Completed text 4891\n", + "Completed text 4892\n", + "Completed text 4893\n", + "Completed text 4894\n", + "Completed text 4895\n", + "Completed text 4896\n", + "Completed text 4897\n", + "Completed text 4898\n", + "Completed text 4899\n", + "Completed text 4900\n", + "Completed text 4901\n", + "Completed text 4902\n", + "Completed text 4903\n", + "Completed text 4904\n", + "Completed text 4905\n", + "Completed text 4906\n", + "Completed text 4907\n", + "Completed text 4908\n", + "Completed text 4909\n", + "Completed text 4910\n", + "Completed text 4911\n", + "Completed text 4912\n", + "Completed text 4913\n", + "Completed text 4914\n", + "Completed text 4915\n", + "Completed text 4916\n", + "Completed text 4917\n", + "Completed text 4918\n", + "Completed text 4919\n", + "Completed text 4920\n", + "Completed text 4921\n", + "Completed text 4922\n", + "Completed text 4923\n", + "Completed text 4924\n", + "Completed text 4925\n", + "Completed text 4926\n", + "Completed text 4927\n", + "Completed text 4928\n", + "Completed text 4929\n", + "Completed text 4930\n", + "Completed text 4931\n", + "Completed text 4932\n", + "Completed text 4933\n", + "Completed text 4934\n", + "Completed text 4935\n", + "Completed text 4936\n", + "Completed text 4937\n", + "Completed text 4938\n", + "Completed text 4939\n", + "Completed text 4940\n", + "Completed text 4941\n", + "Completed text 4942\n", + "Completed text 4943\n", + "Completed text 4944\n", + "Completed text 4945\n", + "Completed text 4946\n", + "Completed text 4947\n", + "Completed text 4948\n", + "Completed text 4949\n", + "Completed text 4950\n", + "Completed text 4951\n", + "Completed text 4952\n", + "Completed text 4953\n", + "Completed text 4954\n", + "Completed text 4955\n", + "Completed text 4956\n", + "Completed text 4957\n", + "Completed text 4958\n", + "Completed text 4959\n", + "Completed text 4960\n", + "Completed text 4961\n", + "Completed text 4962\n", + "Completed text 4963\n", + "Completed text 4964\n", + "Completed text 4965\n", + "Completed text 4966\n", + "Completed text 4967\n", + "Completed text 4968\n", + "Completed text 4969\n", + "Completed text 4970\n", + "Completed text 4971\n", + "Completed text 4972\n", + "Completed text 4973\n", + "Completed text 4974\n", + "Completed text 4975\n", + "Completed text 4976\n", + "Completed text 4977\n", + "Completed text 4978\n", + "Completed text 4979\n", + "Completed text 4980\n", + "Completed text 4981\n", + "Completed text 4982\n", + "Completed text 4983\n", + "Completed text 4984\n", + "Completed text 4985\n", + "Completed text 4986\n", + "Completed text 4987\n", + "Completed text 4988\n", + "Completed text 4989\n", + "Completed text 4990\n", + "Completed text 4991\n", + "Completed text 4992\n", + "Completed text 4993\n", + "Completed text 4994\n", + "Completed text 4995\n", + "Completed text 4996\n", + "Completed text 4997\n", + "Completed text 4998\n", + "Completed text 4999\n", + "Completed text 5000\n", + "Completed text 5001\n", + "Completed text 5002\n", + "Completed text 5003\n", + "Completed text 5004\n", + "Completed text 5005\n", + "Completed text 5006\n", + "Completed text 5007\n", + "Completed text 5008\n", + "Completed text 5009\n", + "Completed text 5010\n", + "Completed text 5011\n", + "Completed text 5012\n", + "Completed text 5013\n", + "Completed text 5014\n", + "Completed text 5015\n", + "Completed text 5016\n", + "Completed text 5017\n", + "Completed text 5018\n", + "Completed text 5019\n", + "Completed text 5020\n", + "Completed text 5021\n", + "Completed text 5022\n", + "Completed text 5023\n", + "Completed text 5024\n", + "Completed text 5025\n", + "Completed text 5026\n", + "Completed text 5027\n", + "Completed text 5028\n", + "Completed text 5029\n", + "Completed text 5030\n", + "Completed text 5031\n", + "Completed text 5032\n", + "Completed text 5033\n", + "Completed text 5034\n", + "Completed text 5035\n", + "Completed text 5036\n", + "Completed text 5037\n", + "Completed text 5038\n", + "Completed text 5039\n", + "Completed text 5040\n", + "Completed text 5041\n", + "Completed text 5042\n", + "Completed text 5043\n", + "Completed text 5044\n", + "Completed text 5045\n", + "Completed text 5046\n", + "Completed text 5047\n", + "Completed text 5048\n", + "Completed text 5049\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 5050\n", + "Completed text 5051\n", + "Completed text 5052\n", + "Completed text 5053\n", + "Completed text 5054\n", + "Completed text 5055\n", + "Completed text 5056\n", + "Completed text 5057\n", + "Completed text 5058\n", + "Completed text 5059\n", + "Completed text 5060\n", + "Completed text 5061\n", + "Completed text 5062\n", + "Completed text 5063\n", + "Completed text 5064\n", + "Completed text 5065\n", + "Completed text 5066\n", + "Completed text 5067\n", + "Completed text 5068\n", + "Completed text 5069\n", + "Completed text 5070\n", + "Completed text 5071\n", + "Completed text 5072\n", + "Completed text 5073\n", + "Completed text 5074\n", + "Completed text 5075\n", + "Completed text 5076\n", + "Completed text 5077\n", + "Completed text 5078\n", + "Completed text 5079\n", + "Completed text 5080\n", + "Completed text 5081\n", + "Completed text 5082\n", + "Completed text 5083\n", + "Completed text 5084\n", + "Completed text 5085\n", + "Completed text 5086\n", + "Completed text 5087\n", + "Completed text 5088\n", + "Completed text 5089\n", + "Completed text 5090\n", + "Completed text 5091\n", + "Completed text 5092\n", + "Completed text 5093\n", + "Completed text 5094\n", + "Completed text 5095\n", + "Completed text 5096\n", + "Completed text 5097\n", + "Completed text 5098\n", + "Completed text 5099\n", + "Completed text 5100\n", + "Completed text 5101\n", + "Completed text 5102\n", + "Completed text 5103\n", + "Completed text 5104\n", + "Completed text 5105\n", + "Completed text 5106\n", + "Completed text 5107\n", + "Completed text 5108\n", + "Completed text 5109\n", + "Completed text 5110\n", + "Completed text 5111\n", + "Completed text 5112\n", + "Completed text 5113\n", + "Completed text 5114\n", + "Completed text 5115\n", + "Completed text 5116\n", + "Completed text 5117\n", + "Completed text 5118\n", + "Completed text 5119\n", + "Completed text 5120\n", + "Completed text 5121\n", + "Completed text 5122\n", + "Completed text 5123\n", + "Completed text 5124\n", + "Completed text 5125\n", + "Completed text 5126\n", + "Completed text 5127\n", + "Completed text 5128\n", + "Completed text 5129\n", + "Completed text 5130\n", + "Completed text 5131\n", + "Completed text 5132\n", + "Completed text 5133\n", + "Completed text 5134\n", + "Completed text 5135\n", + "Completed text 5136\n", + "Completed text 5137\n", + "Completed text 5138\n", + "Completed text 5139\n", + "Completed text 5140\n", + "Completed text 5141\n", + "Completed text 5142\n", + "Completed text 5143\n", + "Completed text 5144\n", + "Completed text 5145\n", + "Completed text 5146\n", + "Completed text 5147\n", + "Completed text 5148\n", + "Completed text 5149\n", + "Completed text 5150\n", + "Completed text 5151\n", + "Completed text 5152\n", + "Completed text 5153\n", + "Completed text 5154\n", + "Completed text 5155\n", + "Completed text 5156\n", + "Completed text 5157\n", + "Completed text 5158\n", + "Completed text 5159\n", + "Completed text 5160\n", + "Completed text 5161\n", + "Completed text 5162\n", + "Completed text 5163\n", + "Completed text 5164\n", + "Completed text 5165\n", + "Completed text 5166\n", + "Completed text 5167\n", + "Completed text 5168\n", + "Completed text 5169\n", + "Completed text 5170\n", + "Completed text 5171\n", + "Completed text 5172\n", + "Completed text 5173\n", + "Completed text 5174\n", + "Completed text 5175\n", + "Completed text 5176\n", + "Completed text 5177\n", + "Completed text 5178\n", + "Completed text 5179\n", + "Completed text 5180\n", + "Completed text 5181\n", + "Completed text 5182\n", + "Completed text 5183\n", + "Completed text 5184\n", + "Completed text 5185\n", + "Completed text 5186\n", + "Completed text 5187\n", + "Completed text 5188\n", + "Completed text 5189\n", + "Completed text 5190\n", + "Completed text 5191\n", + "Completed text 5192\n", + "Completed text 5193\n", + "Completed text 5194\n", + "Completed text 5195\n", + "Completed text 5196\n", + "Completed text 5197\n", + "Completed text 5198\n", + "Completed text 5199\n", + "Completed text 5200\n", + "Completed text 5201\n", + "Completed text 5202\n", + "Completed text 5203\n", + "Completed text 5204\n", + "Completed text 5205\n", + "Completed text 5206\n", + "Completed text 5207\n", + "Completed text 5208\n", + "Completed text 5209\n", + "Completed text 5210\n", + "Completed text 5211\n", + "Completed text 5212\n", + "Completed text 5213\n", + "Completed text 5214\n", + "Completed text 5215\n", + "Completed text 5216\n", + "Completed text 5217\n", + "Completed text 5218\n", + "Completed text 5219\n", + "Completed text 5220\n", + "Completed text 5221\n", + "Completed text 5222\n", + "Completed text 5223\n", + "Completed text 5224\n", + "Completed text 5225\n", + "Completed text 5226\n", + "Completed text 5227\n", + "Completed text 5228\n", + "Completed text 5229\n", + "Completed text 5230\n", + "Completed text 5231\n", + "Completed text 5232\n", + "Completed text 5233\n", + "Completed text 5234\n", + "Completed text 5235\n", + "Completed text 5236\n", + "Completed text 5237\n", + "Completed text 5238\n", + "Completed text 5239\n", + "Completed text 5240\n", + "Completed text 5241\n", + "Completed text 5242\n", + "Completed text 5243\n", + "Completed text 5244\n", + "Completed text 5245\n", + "Completed text 5246\n", + "Completed text 5247\n", + "Completed text 5248\n", + "Completed text 5249\n", + "Completed text 5250\n", + "Completed text 5251\n", + "Completed text 5252\n", + "Completed text 5253\n", + "Completed text 5254\n", + "Completed text 5255\n", + "Completed text 5256\n", + "Completed text 5257\n", + "Completed text 5258\n", + "Completed text 5259\n", + "Completed text 5260\n", + "Completed text 5261\n", + "Completed text 5262\n", + "Completed text 5263\n", + "Completed text 5264\n", + "Completed text 5265\n", + "Completed text 5266\n", + "Completed text 5267\n", + "Completed text 5268\n", + "Completed text 5269\n", + "Completed text 5270\n", + "Completed text 5271\n", + "Completed text 5272\n", + "Completed text 5273\n", + "Completed text 5274\n", + "Completed text 5275\n", + "Completed text 5276\n", + "Completed text 5277\n", + "Completed text 5278\n", + "Completed text 5279\n", + "Completed text 5280\n", + "Completed text 5281\n", + "Completed text 5282\n", + "Completed text 5283\n", + "Completed text 5284\n", + "Completed text 5285\n", + "Completed text 5286\n", + "Completed text 5287\n", + "Completed text 5288\n", + "Completed text 5289\n", + "Completed text 5290\n", + "Completed text 5291\n", + "Completed text 5292\n", + "Completed text 5293\n", + "Completed text 5294\n", + "Completed text 5295\n", + "Completed text 5296\n", + "Completed text 5297\n", + "Completed text 5298\n", + "Completed text 5299\n", + "Completed text 5300\n", + "Completed text 5301\n", + "Completed text 5302\n", + "Completed text 5303\n", + "Completed text 5304\n", + "Completed text 5305\n", + "Completed text 5306\n", + "Completed text 5307\n", + "Completed text 5308\n", + "Completed text 5309\n", + "Completed text 5310\n", + "Completed text 5311\n", + "Completed text 5312\n", + "Completed text 5313\n", + "Completed text 5314\n", + "Completed text 5315\n", + "Completed text 5316\n", + "Completed text 5317\n", + "Completed text 5318\n", + "Completed text 5319\n", + "Completed text 5320\n", + "Completed text 5321\n", + "Completed text 5322\n", + "Completed text 5323\n", + "Completed text 5324\n", + "Completed text 5325\n", + "Completed text 5326\n", + "Completed text 5327\n", + "Completed text 5328\n", + "Completed text 5329\n", + "Completed text 5330\n", + "Completed text 5331\n", + "Completed text 5332\n", + "Completed text 5333\n", + "Completed text 5334\n", + "Completed text 5335\n", + "Completed text 5336\n", + "Completed text 5337\n", + "Completed text 5338\n", + "Completed text 5339\n", + "Completed text 5340\n", + "Completed text 5341\n", + "Completed text 5342\n", + "Completed text 5343\n", + "Completed text 5344\n", + "Completed text 5345\n", + "Completed text 5346\n", + "Completed text 5347\n", + "Completed text 5348\n", + "Completed text 5349\n", + "Completed text 5350\n", + "Completed text 5351\n", + "Completed text 5352\n", + "Completed text 5353\n", + "Completed text 5354\n", + "Completed text 5355\n", + "Completed text 5356\n", + "Completed text 5357\n", + "Completed text 5358\n", + "Completed text 5359\n", + "Completed text 5360\n", + "Completed text 5361\n", + "Completed text 5362\n", + "Completed text 5363\n", + "Completed text 5364\n", + "Completed text 5365\n", + "Completed text 5366\n", + "Completed text 5367\n", + "Completed text 5368\n", + "Completed text 5369\n", + "Completed text 5370\n", + "Completed text 5371\n", + "Completed text 5372\n", + "Completed text 5373\n", + "Completed text 5374\n", + "Completed text 5375\n", + "Completed text 5376\n", + "Completed text 5377\n", + "Completed text 5378\n", + "Completed text 5379\n", + "Completed text 5380\n", + "Completed text 5381\n", + "Completed text 5382\n", + "Completed text 5383\n", + "Completed text 5384\n", + "Completed text 5385\n", + "Completed text 5386\n", + "Completed text 5387\n", + "Completed text 5388\n", + "Completed text 5389\n", + "Completed text 5390\n", + "Completed text 5391\n", + "Completed text 5392\n", + "Completed text 5393\n", + "Completed text 5394\n", + "Completed text 5395\n", + "Completed text 5396\n", + "Completed text 5397\n", + "Completed text 5398\n", + "Completed text 5399\n", + "Completed text 5400\n", + "Completed text 5401\n", + "Completed text 5402\n", + "Completed text 5403\n", + "Completed text 5404\n", + "Completed text 5405\n", + "Completed text 5406\n", + "Completed text 5407\n", + "Completed text 5408\n", + "Completed text 5409\n", + "Completed text 5410\n", + "Completed text 5411\n", + "Completed text 5412\n", + "Completed text 5413\n", + "Completed text 5414\n", + "Completed text 5415\n", + "Completed text 5416\n", + "Completed text 5417\n", + "Completed text 5418\n", + "Completed text 5419\n", + "Completed text 5420\n", + "Completed text 5421\n", + "Completed text 5422\n", + "Completed text 5423\n", + "Completed text 5424\n", + "Completed text 5425\n", + "Completed text 5426\n", + "Completed text 5427\n", + "Completed text 5428\n", + "Completed text 5429\n", + "Completed text 5430\n", + "Completed text 5431\n", + "Completed text 5432\n", + "Completed text 5433\n", + "Completed text 5434\n", + "Completed text 5435\n", + "Completed text 5436\n", + "Completed text 5437\n", + "Completed text 5438\n", + "Completed text 5439\n", + "Completed text 5440\n", + "Completed text 5441\n", + "Completed text 5442\n", + "Completed text 5443\n", + "Completed text 5444\n", + "Completed text 5445\n", + "Completed text 5446\n", + "Completed text 5447\n", + "Completed text 5448\n", + "Completed text 5449\n", + "Completed text 5450\n", + "Completed text 5451\n", + "Completed text 5452\n", + "Completed text 5453\n", + "Completed text 5454\n", + "Completed text 5455\n", + "Completed text 5456\n", + "Completed text 5457\n", + "Completed text 5458\n", + "Completed text 5459\n", + "Completed text 5460\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 5461\n", + "Completed text 5462\n", + "Completed text 5463\n", + "Completed text 5464\n", + "Completed text 5465\n", + "Completed text 5466\n", + "Completed text 5467\n", + "Completed text 5468\n", + "Completed text 5469\n", + "Completed text 5470\n", + "Completed text 5471\n", + "Completed text 5472\n", + "Completed text 5473\n", + "Completed text 5474\n", + "Completed text 5475\n", + "Completed text 5476\n", + "Completed text 5477\n", + "Completed text 5478\n", + "Completed text 5479\n", + "Completed text 5480\n", + "Completed text 5481\n", + "Completed text 5482\n", + "Completed text 5483\n", + "Completed text 5484\n", + "Completed text 5485\n", + "Completed text 5486\n", + "Completed text 5487\n", + "Completed text 5488\n", + "Completed text 5489\n", + "Completed text 5490\n", + "Completed text 5491\n", + "Completed text 5492\n", + "Completed text 5493\n", + "Completed text 5494\n", + "Completed text 5495\n", + "Completed text 5496\n", + "Completed text 5497\n", + "Completed text 5498\n", + "Completed text 5499\n", + "Completed text 5500\n", + "Completed text 5501\n", + "Completed text 5502\n", + "Completed text 5503\n", + "Completed text 5504\n", + "Completed text 5505\n", + "Completed text 5506\n", + "Completed text 5507\n", + "Completed text 5508\n", + "Completed text 5509\n", + "Completed text 5510\n", + "Completed text 5511\n", + "Completed text 5512\n", + "Completed text 5513\n", + "Completed text 5514\n", + "Completed text 5515\n", + "Completed text 5516\n", + "Completed text 5517\n", + "Completed text 5518\n", + "Completed text 5519\n", + "Completed text 5520\n", + "Completed text 5521\n", + "Completed text 5522\n", + "Completed text 5523\n", + "Completed text 5524\n", + "Completed text 5525\n", + "Completed text 5526\n", + "Completed text 5527\n", + "Completed text 5528\n", + "Completed text 5529\n", + "Completed text 5530\n", + "Completed text 5531\n", + "Completed text 5532\n", + "Completed text 5533\n", + "Completed text 5534\n", + "Completed text 5535\n", + "Completed text 5536\n", + "Completed text 5537\n", + "Completed text 5538\n", + "Completed text 5539\n", + "Completed text 5540\n", + "Completed text 5541\n", + "Completed text 5542\n", + "Completed text 5543\n", + "Completed text 5544\n", + "Completed text 5545\n", + "Completed text 5546\n", + "Completed text 5547\n", + "Completed text 5548\n", + "Completed text 5549\n", + "Completed text 5550\n", + "Completed text 5551\n", + "Completed text 5552\n", + "Completed text 5553\n", + "Completed text 5554\n", + "Completed text 5555\n", + "Completed text 5556\n", + "Completed text 5557\n", + "Completed text 5558\n", + "Completed text 5559\n", + "Completed text 5560\n", + "Completed text 5561\n", + "Completed text 5562\n", + "Completed text 5563\n", + "Completed text 5564\n", + "Completed text 5565\n", + "Completed text 5566\n", + "Completed text 5567\n", + "Completed text 5568\n", + "Completed text 5569\n", + "Completed text 5570\n", + "Completed text 5571\n", + "Completed text 5572\n", + "Completed text 5573\n", + "Completed text 5574\n", + "Completed text 5575\n", + "Completed text 5576\n", + "Completed text 5577\n", + "Completed text 5578\n", + "Completed text 5579\n", + "Completed text 5580\n", + "Completed text 5581\n", + "Completed text 5582\n", + "Completed text 5583\n", + "Completed text 5584\n", + "Completed text 5585\n", + "Completed text 5586\n", + "Completed text 5587\n", + "Completed text 5588\n", + "Completed text 5589\n", + "Completed text 5590\n", + "Completed text 5591\n", + "Completed text 5592\n", + "Completed text 5593\n", + "Completed text 5594\n", + "Completed text 5595\n", + "Completed text 5596\n", + "Completed text 5597\n", + "Completed text 5598\n", + "Completed text 5599\n", + "Completed text 5600\n", + "Completed text 5601\n", + "Completed text 5602\n", + "Completed text 5603\n", + "Completed text 5604\n", + "Completed text 5605\n", + "Completed text 5606\n", + "Completed text 5607\n", + "Completed text 5608\n", + "Completed text 5609\n", + "Completed text 5610\n", + "Completed text 5611\n", + "Completed text 5612\n", + "Completed text 5613\n", + "Completed text 5614\n", + "Completed text 5615\n", + "Completed text 5616\n", + "Completed text 5617\n", + "Completed text 5618\n", + "Completed text 5619\n", + "Completed text 5620\n", + "Completed text 5621\n", + "Completed text 5622\n", + "Completed text 5623\n", + "Completed text 5624\n", + "Completed text 5625\n", + "Completed text 5626\n", + "Completed text 5627\n", + "Completed text 5628\n", + "Completed text 5629\n", + "Completed text 5630\n", + "Completed text 5631\n", + "Completed text 5632\n", + "Completed text 5633\n", + "Completed text 5634\n", + "Completed text 5635\n", + "Completed text 5636\n", + "Completed text 5637\n", + "Completed text 5638\n", + "Completed text 5639\n", + "Completed text 5640\n", + "Completed text 5641\n", + "Completed text 5642\n", + "Completed text 5643\n", + "Completed text 5644\n", + "Completed text 5645\n", + "Completed text 5646\n", + "Completed text 5647\n", + "Completed text 5648\n", + "Completed text 5649\n", + "Completed text 5650\n", + "Completed text 5651\n", + "Completed text 5652\n", + "Completed text 5653\n", + "Completed text 5654\n", + "Completed text 5655\n", + "Completed text 5656\n", + "Completed text 5657\n", + "Completed text 5658\n", + "Completed text 5659\n", + "Completed text 5660\n", + "Completed text 5661\n", + "Completed text 5662\n", + "Completed text 5663\n", + "Completed text 5664\n", + "Completed text 5665\n", + "Completed text 5666\n", + "Completed text 5667\n", + "Completed text 5668\n", + "Completed text 5669\n", + "Completed text 5670\n", + "Completed text 5671\n", + "Completed text 5672\n", + "Completed text 5673\n", + "Completed text 5674\n", + "Completed text 5675\n", + "Completed text 5676\n", + "Completed text 5677\n", + "Completed text 5678\n", + "Completed text 5679\n", + "Completed text 5680\n", + "Completed text 5681\n", + "Completed text 5682\n", + "Completed text 5683\n", + "Completed text 5684\n", + "Completed text 5685\n", + "Completed text 5686\n", + "Completed text 5687\n", + "Completed text 5688\n", + "Completed text 5689\n", + "Completed text 5690\n", + "Completed text 5691\n", + "Completed text 5692\n", + "Completed text 5693\n", + "Completed text 5694\n", + "Completed text 5695\n", + "Completed text 5696\n", + "Completed text 5697\n", + "Completed text 5698\n", + "Completed text 5699\n", + "Completed text 5700\n", + "Completed text 5701\n", + "Completed text 5702\n", + "Completed text 5703\n", + "Completed text 5704\n", + "Completed text 5705\n", + "Completed text 5706\n", + "Completed text 5707\n", + "Completed text 5708\n", + "Completed text 5709\n", + "Completed text 5710\n", + "Completed text 5711\n", + "Completed text 5712\n", + "Completed text 5713\n", + "Completed text 5714\n", + "Completed text 5715\n", + "Completed text 5716\n", + "Completed text 5717\n", + "Completed text 5718\n", + "Completed text 5719\n", + "Completed text 5720\n", + "Completed text 5721\n", + "Completed text 5722\n", + "Completed text 5723\n", + "Completed text 5724\n", + "Completed text 5725\n", + "Completed text 5726\n", + "Completed text 5727\n", + "Completed text 5728\n", + "Completed text 5729\n", + "Completed text 5730\n", + "Completed text 5731\n", + "Completed text 5732\n", + "Completed text 5733\n", + "Completed text 5734\n", + "Completed text 5735\n", + "Completed text 5736\n", + "Completed text 5737\n", + "Completed text 5738\n", + "Completed text 5739\n", + "Completed text 5740\n", + "Completed text 5741\n", + "Completed text 5742\n", + "Completed text 5743\n", + "Completed text 5744\n", + "Completed text 5745\n", + "Completed text 5746\n", + "Completed text 5747\n", + "Completed text 5748\n", + "Completed text 5749\n", + "Completed text 5750\n", + "Completed text 5751\n", + "Completed text 5752\n", + "Completed text 5753\n", + "Completed text 5754\n", + "Completed text 5755\n", + "Completed text 5756\n", + "Completed text 5757\n", + "Completed text 5758\n", + "Completed text 5759\n", + "Completed text 5760\n", + "Completed text 5761\n", + "Completed text 5762\n", + "Completed text 5763\n", + "Completed text 5764\n", + "Completed text 5765\n", + "Completed text 5766\n", + "Completed text 5767\n", + "Completed text 5768\n", + "Completed text 5769\n", + "Completed text 5770\n", + "Completed text 5771\n", + "Completed text 5772\n", + "Completed text 5773\n", + "Completed text 5774\n", + "Completed text 5775\n", + "Completed text 5776\n", + "Completed text 5777\n", + "Completed text 5778\n", + "Completed text 5779\n", + "Completed text 5780\n", + "Completed text 5781\n", + "Completed text 5782\n", + "Completed text 5783\n", + "Completed text 5784\n", + "Completed text 5785\n", + "Completed text 5786\n", + "Completed text 5787\n", + "Completed text 5788\n", + "Completed text 5789\n", + "Completed text 5790\n", + "Completed text 5791\n", + "Completed text 5792\n", + "Completed text 5793\n", + "Completed text 5794\n", + "Completed text 5795\n", + "Completed text 5796\n", + "Completed text 5797\n", + "Completed text 5798\n", + "Completed text 5799\n", + "Completed text 5800\n", + "Completed text 5801\n", + "Completed text 5802\n", + "Completed text 5803\n", + "Completed text 5804\n", + "Completed text 5805\n", + "Completed text 5806\n", + "Completed text 5807\n", + "Completed text 5808\n", + "Completed text 5809\n", + "Completed text 5810\n", + "Completed text 5811\n", + "Completed text 5812\n", + "Completed text 5813\n", + "Completed text 5814\n", + "Completed text 5815\n", + "Completed text 5816\n", + "Completed text 5817\n", + "Completed text 5818\n", + "Completed text 5819\n", + "Completed text 5820\n", + "Completed text 5821\n", + "Completed text 5822\n", + "Completed text 5823\n", + "Completed text 5824\n", + "Completed text 5825\n", + "Completed text 5826\n", + "Completed text 5827\n", + "Completed text 5828\n", + "Completed text 5829\n", + "Completed text 5830\n", + "Completed text 5831\n", + "Completed text 5832\n", + "Completed text 5833\n", + "Completed text 5834\n", + "Completed text 5835\n", + "Completed text 5836\n", + "Completed text 5837\n", + "Completed text 5838\n", + "Completed text 5839\n", + "Completed text 5840\n", + "Completed text 5841\n", + "Completed text 5842\n", + "Completed text 5843\n", + "Completed text 5844\n", + "Completed text 5845\n", + "Completed text 5846\n", + "Completed text 5847\n", + "Completed text 5848\n", + "Completed text 5849\n", + "Completed text 5850\n", + "Completed text 5851\n", + "Completed text 5852\n", + "Completed text 5853\n", + "Completed text 5854\n", + "Completed text 5855\n", + "Completed text 5856\n", + "Completed text 5857\n", + "Completed text 5858\n", + "Completed text 5859\n", + "Completed text 5860\n", + "Completed text 5861\n", + "Completed text 5862\n", + "Completed text 5863\n", + "Completed text 5864\n", + "Completed text 5865\n", + "Completed text 5866\n", + "Completed text 5867\n", + "Completed text 5868\n", + "Completed text 5869\n", + "Completed text 5870\n", + "Completed text 5871\n", + "Completed text 5872\n", + "Completed text 5873\n", + "Completed text 5874\n", + "Completed text 5875\n", + "Completed text 5876\n", + "Completed text 5877\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 5878\n", + "Completed text 5879\n", + "Completed text 5880\n", + "Completed text 5881\n", + "Completed text 5882\n", + "Completed text 5883\n", + "Completed text 5884\n", + "Completed text 5885\n", + "Completed text 5886\n", + "Completed text 5887\n", + "Completed text 5888\n", + "Completed text 5889\n", + "Completed text 5890\n", + "Completed text 5891\n", + "Completed text 5892\n", + "Completed text 5893\n", + "Completed text 5894\n", + "Completed text 5895\n", + "Completed text 5896\n", + "Completed text 5897\n", + "Completed text 5898\n", + "Completed text 5899\n", + "Completed text 5900\n", + "Completed text 5901\n", + "Completed text 5902\n", + "Completed text 5903\n", + "Completed text 5904\n", + "Completed text 5905\n", + "Completed text 5906\n", + "Completed text 5907\n", + "Completed text 5908\n", + "Completed text 5909\n", + "Completed text 5910\n", + "Completed text 5911\n", + "Completed text 5912\n", + "Completed text 5913\n", + "Completed text 5914\n", + "Completed text 5915\n", + "Completed text 5916\n", + "Completed text 5917\n", + "Completed text 5918\n", + "Completed text 5919\n", + "Completed text 5920\n", + "Completed text 5921\n", + "Completed text 5922\n", + "Completed text 5923\n", + "Completed text 5924\n", + "Completed text 5925\n", + "Completed text 5926\n", + "Completed text 5927\n", + "Completed text 5928\n", + "Completed text 5929\n", + "Completed text 5930\n", + "Completed text 5931\n", + "Completed text 5932\n", + "Completed text 5933\n", + "Completed text 5934\n", + "Completed text 5935\n", + "Completed text 5936\n", + "Completed text 5937\n", + "Completed text 5938\n", + "Completed text 5939\n", + "Completed text 5940\n", + "Completed text 5941\n", + "Completed text 5942\n", + "Completed text 5943\n", + "Completed text 5944\n", + "Completed text 5945\n", + "Completed text 5946\n", + "Completed text 5947\n", + "Completed text 5948\n", + "Completed text 5949\n", + "Completed text 5950\n", + "Completed text 5951\n", + "Completed text 5952\n", + "Completed text 5953\n", + "Completed text 5954\n", + "Completed text 5955\n", + "Completed text 5956\n", + "Completed text 5957\n", + "Completed text 5958\n", + "Completed text 5959\n", + "Completed text 5960\n", + "Completed text 5961\n", + "Completed text 5962\n", + "Completed text 5963\n", + "Completed text 5964\n", + "Completed text 5965\n", + "Completed text 5966\n", + "Completed text 5967\n", + "Completed text 5968\n", + "Completed text 5969\n", + "Completed text 5970\n", + "Completed text 5971\n", + "Completed text 5972\n", + "Completed text 5973\n", + "Completed text 5974\n", + "Completed text 5975\n", + "Completed text 5976\n", + "Completed text 5977\n", + "Completed text 5978\n", + "Completed text 5979\n", + "Completed text 5980\n", + "Completed text 5981\n", + "Completed text 5982\n", + "Completed text 5983\n", + "Completed text 5984\n", + "Completed text 5985\n", + "Completed text 5986\n", + "Completed text 5987\n", + "Completed text 5988\n", + "Completed text 5989\n", + "Completed text 5990\n", + "Completed text 5991\n", + "Completed text 5992\n", + "Completed text 5993\n", + "Completed text 5994\n", + "Completed text 5995\n", + "Completed text 5996\n", + "Completed text 5997\n", + "Completed text 5998\n", + "Completed text 5999\n", + "Completed text 6000\n", + "Completed text 6001\n", + "Completed text 6002\n", + "Completed text 6003\n", + "Completed text 6004\n", + "Completed text 6005\n", + "Completed text 6006\n", + "Completed text 6007\n", + "Completed text 6008\n", + "Completed text 6009\n", + "Completed text 6010\n", + "Completed text 6011\n", + "Completed text 6012\n", + "Completed text 6013\n", + "Completed text 6014\n", + "Completed text 6015\n", + "Completed text 6016\n", + "Completed text 6017\n", + "Completed text 6018\n", + "Completed text 6019\n", + "Completed text 6020\n", + "Completed text 6021\n", + "Completed text 6022\n", + "Completed text 6023\n", + "Completed text 6024\n", + "Completed text 6025\n", + "Completed text 6026\n", + "Completed text 6027\n", + "Completed text 6028\n", + "Completed text 6029\n", + "Completed text 6030\n", + "Completed text 6031\n", + "Completed text 6032\n", + "Completed text 6033\n", + "Completed text 6034\n", + "Completed text 6035\n", + "Completed text 6036\n", + "Completed text 6037\n", + "Completed text 6038\n", + "Completed text 6039\n", + "Completed text 6040\n", + "Completed text 6041\n", + "Completed text 6042\n", + "Completed text 6043\n", + "Completed text 6044\n", + "Completed text 6045\n", + "Completed text 6046\n", + "Completed text 6047\n", + "Completed text 6048\n", + "Completed text 6049\n", + "Completed text 6050\n", + "Completed text 6051\n", + "Completed text 6052\n", + "Completed text 6053\n", + "Completed text 6054\n", + "Completed text 6055\n", + "Completed text 6056\n", + "Completed text 6057\n", + "Completed text 6058\n", + "Completed text 6059\n", + "Completed text 6060\n", + "Completed text 6061\n", + "Completed text 6062\n", + "Completed text 6063\n", + "Completed text 6064\n", + "Completed text 6065\n", + "Completed text 6066\n", + "Completed text 6067\n", + "Completed text 6068\n", + "Completed text 6069\n", + "Completed text 6070\n", + "Completed text 6071\n", + "Completed text 6072\n", + "Completed text 6073\n", + "Completed text 6074\n", + "Completed text 6075\n", + "Completed text 6076\n", + "Completed text 6077\n", + "Completed text 6078\n", + "Completed text 6079\n", + "Completed text 6080\n", + "Completed text 6081\n", + "Completed text 6082\n", + "Completed text 6083\n", + "Completed text 6084\n", + "Completed text 6085\n", + "Completed text 6086\n", + "Completed text 6087\n", + "Completed text 6088\n", + "Completed text 6089\n", + "Completed text 6090\n", + "Completed text 6091\n", + "Completed text 6092\n", + "Completed text 6093\n", + "Completed text 6094\n", + "Completed text 6095\n", + "Completed text 6096\n", + "Completed text 6097\n", + "Completed text 6098\n", + "Completed text 6099\n", + "Completed text 6100\n", + "Completed text 6101\n", + "Completed text 6102\n", + "Completed text 6103\n", + "Completed text 6104\n", + "Completed text 6105\n", + "Completed text 6106\n", + "Completed text 6107\n", + "Completed text 6108\n", + "Completed text 6109\n", + "Completed text 6110\n", + "Completed text 6111\n", + "Completed text 6112\n", + "Completed text 6113\n", + "Completed text 6114\n", + "Completed text 6115\n", + "Completed text 6116\n", + "Completed text 6117\n", + "Completed text 6118\n", + "Completed text 6119\n", + "Completed text 6120\n", + "Completed text 6121\n", + "Completed text 6122\n", + "Completed text 6123\n", + "Completed text 6124\n", + "Completed text 6125\n", + "Completed text 6126\n", + "Completed text 6127\n", + "Completed text 6128\n", + "Completed text 6129\n", + "Completed text 6130\n", + "Completed text 6131\n", + "Completed text 6132\n", + "Completed text 6133\n", + "Completed text 6134\n", + "Completed text 6135\n", + "Completed text 6136\n", + "Completed text 6137\n", + "Completed text 6138\n", + "Completed text 6139\n", + "Completed text 6140\n", + "Completed text 6141\n", + "Completed text 6142\n", + "Completed text 6143\n", + "Completed text 6144\n", + "Completed text 6145\n", + "Completed text 6146\n", + "Completed text 6147\n", + "Completed text 6148\n", + "Completed text 6149\n", + "Completed text 6150\n", + "Completed text 6151\n", + "Completed text 6152\n", + "Completed text 6153\n", + "Completed text 6154\n", + "Completed text 6155\n", + "Completed text 6156\n", + "Completed text 6157\n", + "Completed text 6158\n", + "Completed text 6159\n", + "Completed text 6160\n", + "Completed text 6161\n", + "Completed text 6162\n", + "Completed text 6163\n", + "Completed text 6164\n", + "Completed text 6165\n", + "Completed text 6166\n", + "Completed text 6167\n", + "Completed text 6168\n", + "Completed text 6169\n", + "Completed text 6170\n", + "Completed text 6171\n", + "Completed text 6172\n", + "Completed text 6173\n", + "Completed text 6174\n", + "Completed text 6175\n", + "Completed text 6176\n", + "Completed text 6177\n", + "Completed text 6178\n", + "Completed text 6179\n", + "Completed text 6180\n", + "Completed text 6181\n", + "Completed text 6182\n", + "Completed text 6183\n", + "Completed text 6184\n", + "Completed text 6185\n", + "Completed text 6186\n", + "Completed text 6187\n", + "Completed text 6188\n", + "Completed text 6189\n", + "Completed text 6190\n", + "Completed text 6191\n", + "Completed text 6192\n", + "Completed text 6193\n", + "Completed text 6194\n", + "Completed text 6195\n", + "Completed text 6196\n", + "Completed text 6197\n", + "Completed text 6198\n", + "Completed text 6199\n", + "Completed text 6200\n", + "Completed text 6201\n", + "Completed text 6202\n", + "Completed text 6203\n", + "Completed text 6204\n", + "Completed text 6205\n", + "Completed text 6206\n", + "Completed text 6207\n", + "Completed text 6208\n", + "Completed text 6209\n", + "Completed text 6210\n", + "Completed text 6211\n", + "Completed text 6212\n", + "Completed text 6213\n", + "Completed text 6214\n", + "Completed text 6215\n", + "Completed text 6216\n", + "Completed text 6217\n", + "Completed text 6218\n", + "Completed text 6219\n", + "Completed text 6220\n", + "Completed text 6221\n", + "Completed text 6222\n", + "Completed text 6223\n", + "Completed text 6224\n", + "Completed text 6225\n", + "Completed text 6226\n", + "Completed text 6227\n", + "Completed text 6228\n", + "Completed text 6229\n", + "Completed text 6230\n", + "Completed text 6231\n", + "Completed text 6232\n", + "Completed text 6233\n", + "Completed text 6234\n", + "Completed text 6235\n", + "Completed text 6236\n", + "Completed text 6237\n", + "Completed text 6238\n", + "Completed text 6239\n", + "Completed text 6240\n", + "Completed text 6241\n", + "Completed text 6242\n", + "Completed text 6243\n", + "Completed text 6244\n", + "Completed text 6245\n", + "Completed text 6246\n", + "Completed text 6247\n", + "Completed text 6248\n", + "Completed text 6249\n", + "Completed text 6250\n", + "Completed text 6251\n", + "Completed text 6252\n", + "Completed text 6253\n", + "Completed text 6254\n", + "Completed text 6255\n", + "Completed text 6256\n", + "Completed text 6257\n", + "Completed text 6258\n", + "Completed text 6259\n", + "Completed text 6260\n", + "Completed text 6261\n", + "Completed text 6262\n", + "Completed text 6263\n", + "Completed text 6264\n", + "Completed text 6265\n", + "Completed text 6266\n", + "Completed text 6267\n", + "Completed text 6268\n", + "Completed text 6269\n", + "Completed text 6270\n", + "Completed text 6271\n", + "Completed text 6272\n", + "Completed text 6273\n", + "Completed text 6274\n", + "Completed text 6275\n", + "Completed text 6276\n", + "Completed text 6277\n", + "Completed text 6278\n", + "Completed text 6279\n", + "Completed text 6280\n", + "Completed text 6281\n", + "Completed text 6282\n", + "Completed text 6283\n", + "Completed text 6284\n", + "Completed text 6285\n", + "Completed text 6286\n", + "Completed text 6287\n", + "Completed text 6288\n", + "Completed text 6289\n", + "Completed text 6290\n", + "Completed text 6291\n", + "Completed text 6292\n", + "Completed text 6293\n", + "Completed text 6294\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 6295\n", + "Completed text 6296\n", + "Completed text 6297\n", + "Completed text 6298\n", + "Completed text 6299\n", + "Completed text 6300\n", + "Completed text 6301\n", + "Completed text 6302\n", + "Completed text 6303\n", + "Completed text 6304\n", + "Completed text 6305\n", + "Completed text 6306\n", + "Completed text 6307\n", + "Completed text 6308\n", + "Completed text 6309\n", + "Completed text 6310\n", + "Completed text 6311\n", + "Completed text 6312\n", + "Completed text 6313\n", + "Completed text 6314\n", + "Completed text 6315\n", + "Completed text 6316\n", + "Completed text 6317\n", + "Completed text 6318\n", + "Completed text 6319\n", + "Completed text 6320\n", + "Completed text 6321\n", + "Completed text 6322\n", + "Completed text 6323\n", + "Completed text 6324\n", + "Completed text 6325\n", + "Completed text 6326\n", + "Completed text 6327\n", + "Completed text 6328\n", + "Completed text 6329\n", + "Completed text 6330\n", + "Completed text 6331\n", + "Completed text 6332\n", + "Completed text 6333\n", + "Completed text 6334\n", + "Completed text 6335\n", + "Completed text 6336\n", + "Completed text 6337\n", + "Completed text 6338\n", + "Completed text 6339\n", + "Completed text 6340\n", + "Completed text 6341\n", + "Completed text 6342\n", + "Completed text 6343\n", + "Completed text 6344\n", + "Completed text 6345\n", + "Completed text 6346\n", + "Completed text 6347\n", + "Completed text 6348\n", + "Completed text 6349\n", + "Completed text 6350\n", + "Completed text 6351\n", + "Completed text 6352\n", + "Completed text 6353\n", + "Completed text 6354\n", + "Completed text 6355\n", + "Completed text 6356\n", + "Completed text 6357\n", + "Completed text 6358\n", + "Completed text 6359\n", + "Completed text 6360\n", + "Completed text 6361\n", + "Completed text 6362\n", + "Completed text 6363\n", + "Completed text 6364\n", + "Completed text 6365\n", + "Completed text 6366\n", + "Completed text 6367\n", + "Completed text 6368\n", + "Completed text 6369\n", + "Completed text 6370\n", + "Completed text 6371\n", + "Completed text 6372\n", + "Completed text 6373\n", + "Completed text 6374\n", + "Completed text 6375\n", + "Completed text 6376\n", + "Completed text 6377\n", + "Completed text 6378\n", + "Completed text 6379\n", + "Completed text 6380\n", + "Completed text 6381\n", + "Completed text 6382\n", + "Completed text 6383\n", + "Completed text 6384\n", + "Completed text 6385\n", + "Completed text 6386\n", + "Completed text 6387\n", + "Completed text 6388\n", + "Completed text 6389\n", + "Completed text 6390\n", + "Completed text 6391\n", + "Completed text 6392\n", + "Completed text 6393\n", + "Completed text 6394\n", + "Completed text 6395\n", + "Completed text 6396\n", + "Completed text 6397\n", + "Completed text 6398\n", + "Completed text 6399\n", + "Completed text 6400\n", + "Completed text 6401\n", + "Completed text 6402\n", + "Completed text 6403\n", + "Completed text 6404\n", + "Completed text 6405\n", + "Completed text 6406\n", + "Completed text 6407\n", + "Completed text 6408\n", + "Completed text 6409\n", + "Completed text 6410\n", + "Completed text 6411\n", + "Completed text 6412\n", + "Completed text 6413\n", + "Completed text 6414\n", + "Completed text 6415\n", + "Completed text 6416\n", + "Completed text 6417\n", + "Completed text 6418\n", + "Completed text 6419\n", + "Completed text 6420\n", + "Completed text 6421\n", + "Completed text 6422\n", + "Completed text 6423\n", + "Completed text 6424\n", + "Completed text 6425\n", + "Completed text 6426\n", + "Completed text 6427\n", + "Completed text 6428\n", + "Completed text 6429\n", + "Completed text 6430\n", + "Completed text 6431\n", + "Completed text 6432\n", + "Completed text 6433\n", + "Completed text 6434\n", + "Completed text 6435\n", + "Completed text 6436\n", + "Completed text 6437\n", + "Completed text 6438\n", + "Completed text 6439\n", + "Completed text 6440\n", + "Completed text 6441\n", + "Completed text 6442\n", + "Completed text 6443\n", + "Completed text 6444\n", + "Completed text 6445\n", + "Completed text 6446\n", + "Completed text 6447\n", + "Completed text 6448\n", + "Completed text 6449\n", + "Completed text 6450\n", + "Completed text 6451\n", + "Completed text 6452\n", + "Completed text 6453\n", + "Completed text 6454\n", + "Completed text 6455\n", + "Completed text 6456\n", + "Completed text 6457\n", + "Completed text 6458\n", + "Completed text 6459\n", + "Completed text 6460\n", + "Completed text 6461\n", + "Completed text 6462\n", + "Completed text 6463\n", + "Completed text 6464\n", + "Completed text 6465\n", + "Completed text 6466\n", + "Completed text 6467\n", + "Completed text 6468\n", + "Completed text 6469\n", + "Completed text 6470\n", + "Completed text 6471\n", + "Completed text 6472\n", + "Completed text 6473\n", + "Completed text 6474\n", + "Completed text 6475\n", + "Completed text 6476\n", + "Completed text 6477\n", + "Completed text 6478\n", + "Completed text 6479\n", + "Completed text 6480\n", + "Completed text 6481\n", + "Completed text 6482\n", + "Completed text 6483\n", + "Completed text 6484\n", + "Completed text 6485\n", + "Completed text 6486\n", + "Completed text 6487\n", + "Completed text 6488\n", + "Completed text 6489\n", + "Completed text 6490\n", + "Completed text 6491\n", + "Completed text 6492\n", + "Completed text 6493\n", + "Completed text 6494\n", + "Completed text 6495\n", + "Completed text 6496\n", + "Completed text 6497\n", + "Completed text 6498\n", + "Completed text 6499\n", + "Completed text 6500\n", + "Completed text 6501\n", + "Completed text 6502\n", + "Completed text 6503\n", + "Completed text 6504\n", + "Completed text 6505\n", + "Completed text 6506\n", + "Completed text 6507\n", + "Completed text 6508\n", + "Completed text 6509\n", + "Completed text 6510\n", + "Completed text 6511\n", + "Completed text 6512\n", + "Completed text 6513\n", + "Completed text 6514\n", + "Completed text 6515\n", + "Completed text 6516\n", + "Completed text 6517\n", + "Completed text 6518\n", + "Completed text 6519\n", + "Completed text 6520\n", + "Completed text 6521\n", + "Completed text 6522\n", + "Completed text 6523\n", + "Completed text 6524\n", + "Completed text 6525\n", + "Completed text 6526\n", + "Completed text 6527\n", + "Completed text 6528\n", + "Completed text 6529\n", + "Completed text 6530\n", + "Completed text 6531\n", + "Completed text 6532\n", + "Completed text 6533\n", + "Completed text 6534\n", + "Completed text 6535\n", + "Completed text 6536\n", + "Completed text 6537\n", + "Completed text 6538\n", + "Completed text 6539\n", + "Completed text 6540\n", + "Completed text 6541\n", + "Completed text 6542\n", + "Completed text 6543\n", + "Completed text 6544\n", + "Completed text 6545\n", + "Completed text 6546\n", + "Completed text 6547\n", + "Completed text 6548\n", + "Completed text 6549\n", + "Completed text 6550\n", + "Completed text 6551\n", + "Completed text 6552\n", + "Completed text 6553\n", + "Completed text 6554\n", + "Completed text 6555\n", + "Completed text 6556\n", + "Completed text 6557\n", + "Completed text 6558\n", + "Completed text 6559\n", + "Completed text 6560\n", + "Completed text 6561\n", + "Completed text 6562\n", + "Completed text 6563\n", + "Completed text 6564\n", + "Completed text 6565\n", + "Completed text 6566\n", + "Completed text 6567\n", + "Completed text 6568\n", + "Completed text 6569\n", + "Completed text 6570\n", + "Completed text 6571\n", + "Completed text 6572\n", + "Completed text 6573\n", + "Completed text 6574\n", + "Completed text 6575\n", + "Completed text 6576\n", + "Completed text 6577\n", + "Completed text 6578\n", + "Completed text 6579\n", + "Completed text 6580\n", + "Completed text 6581\n", + "Completed text 6582\n", + "Completed text 6583\n", + "Completed text 6584\n", + "Completed text 6585\n", + "Completed text 6586\n", + "Completed text 6587\n", + "Completed text 6588\n", + "Completed text 6589\n", + "Completed text 6590\n", + "Completed text 6591\n", + "Completed text 6592\n", + "Completed text 6593\n", + "Completed text 6594\n", + "Completed text 6595\n", + "Completed text 6596\n", + "Completed text 6597\n", + "Completed text 6598\n", + "Completed text 6599\n", + "Completed text 6600\n", + "Completed text 6601\n", + "Completed text 6602\n", + "Completed text 6603\n", + "Completed text 6604\n", + "Completed text 6605\n", + "Completed text 6606\n", + "Completed text 6607\n", + "Completed text 6608\n", + "Completed text 6609\n", + "Completed text 6610\n", + "Completed text 6611\n", + "Completed text 6612\n", + "Completed text 6613\n", + "Completed text 6614\n", + "Completed text 6615\n", + "Completed text 6616\n", + "Completed text 6617\n", + "Completed text 6618\n", + "Completed text 6619\n", + "Completed text 6620\n", + "Completed text 6621\n", + "Completed text 6622\n", + "Completed text 6623\n", + "Completed text 6624\n", + "Completed text 6625\n", + "Completed text 6626\n", + "Completed text 6627\n", + "Completed text 6628\n", + "Completed text 6629\n", + "Completed text 6630\n", + "Completed text 6631\n", + "Completed text 6632\n", + "Completed text 6633\n", + "Completed text 6634\n", + "Completed text 6635\n", + "Completed text 6636\n", + "Completed text 6637\n", + "Completed text 6638\n", + "Completed text 6639\n", + "Completed text 6640\n", + "Completed text 6641\n", + "Completed text 6642\n", + "Completed text 6643\n", + "Completed text 6644\n", + "Completed text 6645\n", + "Completed text 6646\n", + "Completed text 6647\n", + "Completed text 6648\n", + "Completed text 6649\n", + "Completed text 6650\n", + "Completed text 6651\n", + "Completed text 6652\n", + "Completed text 6653\n", + "Completed text 6654\n", + "Completed text 6655\n", + "Completed text 6656\n", + "Completed text 6657\n", + "Completed text 6658\n", + "Completed text 6659\n", + "Completed text 6660\n", + "Completed text 6661\n", + "Completed text 6662\n", + "Completed text 6663\n", + "Completed text 6664\n", + "Completed text 6665\n", + "Completed text 6666\n", + "Completed text 6667\n", + "Completed text 6668\n", + "Completed text 6669\n", + "Completed text 6670\n", + "Completed text 6671\n", + "Completed text 6672\n", + "Completed text 6673\n", + "Completed text 6674\n", + "Completed text 6675\n", + "Completed text 6676\n", + "Completed text 6677\n", + "Completed text 6678\n", + "Completed text 6679\n", + "Completed text 6680\n", + "Completed text 6681\n", + "Completed text 6682\n", + "Completed text 6683\n", + "Completed text 6684\n", + "Completed text 6685\n", + "Completed text 6686\n", + "Completed text 6687\n", + "Completed text 6688\n", + "Completed text 6689\n", + "Completed text 6690\n", + "Completed text 6691\n", + "Completed text 6692\n", + "Completed text 6693\n", + "Completed text 6694\n", + "Completed text 6695\n", + "Completed text 6696\n", + "Completed text 6697\n", + "Completed text 6698\n", + "Completed text 6699\n", + "Completed text 6700\n", + "Completed text 6701\n", + "Completed text 6702\n", + "Completed text 6703\n", + "Completed text 6704\n", + "Completed text 6705\n", + "Completed text 6706\n", + "Completed text 6707\n", + "Completed text 6708\n", + "Completed text 6709\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 6710\n", + "Completed text 6711\n", + "Completed text 6712\n", + "Completed text 6713\n", + "Completed text 6714\n", + "Completed text 6715\n", + "Completed text 6716\n", + "Completed text 6717\n", + "Completed text 6718\n", + "Completed text 6719\n", + "Completed text 6720\n", + "Completed text 6721\n", + "Completed text 6722\n", + "Completed text 6723\n", + "Completed text 6724\n", + "Completed text 6725\n", + "Completed text 6726\n", + "Completed text 6727\n", + "Completed text 6728\n", + "Completed text 6729\n", + "Completed text 6730\n", + "Completed text 6731\n", + "Completed text 6732\n", + "Completed text 6733\n", + "Completed text 6734\n", + "Completed text 6735\n", + "Completed text 6736\n", + "Completed text 6737\n", + "Completed text 6738\n", + "Completed text 6739\n", + "Completed text 6740\n", + "Completed text 6741\n", + "Completed text 6742\n", + "Completed text 6743\n", + "Completed text 6744\n", + "Completed text 6745\n", + "Completed text 6746\n", + "Completed text 6747\n", + "Completed text 6748\n", + "Completed text 6749\n", + "Completed text 6750\n", + "Completed text 6751\n", + "Completed text 6752\n", + "Completed text 6753\n", + "Completed text 6754\n", + "Completed text 6755\n", + "Completed text 6756\n", + "Completed text 6757\n", + "Completed text 6758\n", + "Completed text 6759\n", + "Completed text 6760\n", + "Completed text 6761\n", + "Completed text 6762\n", + "Completed text 6763\n", + "Completed text 6764\n", + "Completed text 6765\n", + "Completed text 6766\n", + "Completed text 6767\n", + "Completed text 6768\n", + "Completed text 6769\n", + "Completed text 6770\n", + "Completed text 6771\n", + "Completed text 6772\n", + "Completed text 6773\n", + "Completed text 6774\n", + "Completed text 6775\n", + "Completed text 6776\n", + "Completed text 6777\n", + "Completed text 6778\n", + "Completed text 6779\n", + "Completed text 6780\n", + "Completed text 6781\n", + "Completed text 6782\n", + "Completed text 6783\n", + "Completed text 6784\n", + "Completed text 6785\n", + "Completed text 6786\n", + "Completed text 6787\n", + "Completed text 6788\n", + "Completed text 6789\n", + "Completed text 6790\n", + "Completed text 6791\n", + "Completed text 6792\n", + "Completed text 6793\n", + "Completed text 6794\n", + "Completed text 6795\n", + "Completed text 6796\n", + "Completed text 6797\n", + "Completed text 6798\n", + "Completed text 6799\n", + "Completed text 6800\n", + "Completed text 6801\n", + "Completed text 6802\n", + "Completed text 6803\n", + "Completed text 6804\n", + "Completed text 6805\n", + "Completed text 6806\n", + "Completed text 6807\n", + "Completed text 6808\n", + "Completed text 6809\n", + "Completed text 6810\n", + "Completed text 6811\n", + "Completed text 6812\n", + "Completed text 6813\n", + "Completed text 6814\n", + "Completed text 6815\n", + "Completed text 6816\n", + "Completed text 6817\n", + "Completed text 6818\n", + "Completed text 6819\n", + "Completed text 6820\n", + "Completed text 6821\n", + "Completed text 6822\n", + "Completed text 6823\n", + "Completed text 6824\n", + "Completed text 6825\n", + "Completed text 6826\n", + "Completed text 6827\n", + "Completed text 6828\n", + "Completed text 6829\n", + "Completed text 6830\n", + "Completed text 6831\n", + "Completed text 6832\n", + "Completed text 6833\n", + "Completed text 6834\n", + "Completed text 6835\n", + "Completed text 6836\n", + "Completed text 6837\n", + "Completed text 6838\n", + "Completed text 6839\n", + "Completed text 6840\n", + "Completed text 6841\n", + "Completed text 6842\n", + "Completed text 6843\n", + "Completed text 6844\n", + "Completed text 6845\n", + "Completed text 6846\n", + "Completed text 6847\n", + "Completed text 6848\n", + "Completed text 6849\n", + "Completed text 6850\n", + "Completed text 6851\n", + "Completed text 6852\n", + "Completed text 6853\n", + "Completed text 6854\n", + "Completed text 6855\n", + "Completed text 6856\n", + "Completed text 6857\n", + "Completed text 6858\n", + "Completed text 6859\n", + "Completed text 6860\n", + "Completed text 6861\n", + "Completed text 6862\n", + "Completed text 6863\n", + "Completed text 6864\n", + "Completed text 6865\n", + "Completed text 6866\n", + "Completed text 6867\n", + "Completed text 6868\n", + "Completed text 6869\n", + "Completed text 6870\n", + "Completed text 6871\n", + "Completed text 6872\n", + "Completed text 6873\n", + "Completed text 6874\n", + "Completed text 6875\n", + "Completed text 6876\n", + "Completed text 6877\n", + "Completed text 6878\n", + "Completed text 6879\n", + "Completed text 6880\n", + "Completed text 6881\n", + "Completed text 6882\n", + "Completed text 6883\n", + "Completed text 6884\n", + "Completed text 6885\n", + "Completed text 6886\n", + "Completed text 6887\n", + "Completed text 6888\n", + "Completed text 6889\n", + "Completed text 6890\n", + "Completed text 6891\n", + "Completed text 6892\n", + "Completed text 6893\n", + "Completed text 6894\n", + "Completed text 6895\n", + "Completed text 6896\n", + "Completed text 6897\n", + "Completed text 6898\n", + "Completed text 6899\n", + "Completed text 6900\n", + "Completed text 6901\n", + "Completed text 6902\n", + "Completed text 6903\n", + "Completed text 6904\n", + "Completed text 6905\n", + "Completed text 6906\n", + "Completed text 6907\n", + "Completed text 6908\n", + "Completed text 6909\n", + "Completed text 6910\n", + "Completed text 6911\n", + "Completed text 6912\n", + "Completed text 6913\n", + "Completed text 6914\n", + "Completed text 6915\n", + "Completed text 6916\n", + "Completed text 6917\n", + "Completed text 6918\n", + "Completed text 6919\n", + "Completed text 6920\n", + "Completed text 6921\n", + "Completed text 6922\n", + "Completed text 6923\n", + "Completed text 6924\n", + "Completed text 6925\n", + "Completed text 6926\n", + "Completed text 6927\n", + "Completed text 6928\n", + "Completed text 6929\n", + "Completed text 6930\n", + "Completed text 6931\n", + "Completed text 6932\n", + "Completed text 6933\n", + "Completed text 6934\n", + "Completed text 6935\n", + "Completed text 6936\n", + "Completed text 6937\n", + "Completed text 6938\n", + "Completed text 6939\n", + "Completed text 6940\n", + "Completed text 6941\n", + "Completed text 6942\n", + "Completed text 6943\n", + "Completed text 6944\n", + "Completed text 6945\n", + "Completed text 6946\n", + "Completed text 6947\n", + "Completed text 6948\n", + "Completed text 6949\n", + "Completed text 6950\n", + "Completed text 6951\n", + "Completed text 6952\n", + "Completed text 6953\n", + "Completed text 6954\n", + "Completed text 6955\n", + "Completed text 6956\n", + "Completed text 6957\n", + "Completed text 6958\n", + "Completed text 6959\n", + "Completed text 6960\n", + "Completed text 6961\n", + "Completed text 6962\n", + "Completed text 6963\n", + "Completed text 6964\n", + "Completed text 6965\n", + "Completed text 6966\n", + "Completed text 6967\n", + "Completed text 6968\n", + "Completed text 6969\n", + "Completed text 6970\n", + "Completed text 6971\n", + "Completed text 6972\n", + "Completed text 6973\n", + "Completed text 6974\n", + "Completed text 6975\n", + "Completed text 6976\n", + "Completed text 6977\n", + "Completed text 6978\n", + "Completed text 6979\n", + "Completed text 6980\n", + "Completed text 6981\n", + "Completed text 6982\n", + "Completed text 6983\n", + "Completed text 6984\n", + "Completed text 6985\n", + "Completed text 6986\n", + "Completed text 6987\n", + "Completed text 6988\n", + "Completed text 6989\n", + "Completed text 6990\n", + "Completed text 6991\n", + "Completed text 6992\n", + "Completed text 6993\n", + "Completed text 6994\n", + "Completed text 6995\n", + "Completed text 6996\n", + "Completed text 6997\n", + "Completed text 6998\n", + "Completed text 6999\n", + "Completed text 7000\n", + "Completed text 7001\n", + "Completed text 7002\n", + "Completed text 7003\n", + "Completed text 7004\n", + "Completed text 7005\n", + "Completed text 7006\n", + "Completed text 7007\n", + "Completed text 7008\n", + "Completed text 7009\n", + "Completed text 7010\n", + "Completed text 7011\n", + "Completed text 7012\n", + "Completed text 7013\n", + "Completed text 7014\n", + "Completed text 7015\n", + "Completed text 7016\n", + "Completed text 7017\n", + "Completed text 7018\n", + "Completed text 7019\n", + "Completed text 7020\n", + "Completed text 7021\n", + "Completed text 7022\n", + "Completed text 7023\n", + "Completed text 7024\n", + "Completed text 7025\n", + "Completed text 7026\n", + "Completed text 7027\n", + "Completed text 7028\n", + "Completed text 7029\n", + "Completed text 7030\n", + "Completed text 7031\n", + "Completed text 7032\n", + "Completed text 7033\n", + "Completed text 7034\n", + "Completed text 7035\n", + "Completed text 7036\n", + "Completed text 7037\n", + "Completed text 7038\n", + "Completed text 7039\n", + "Completed text 7040\n", + "Completed text 7041\n", + "Completed text 7042\n", + "Completed text 7043\n", + "Completed text 7044\n", + "Completed text 7045\n", + "Completed text 7046\n", + "Completed text 7047\n", + "Completed text 7048\n", + "Completed text 7049\n", + "Completed text 7050\n", + "Completed text 7051\n", + "Completed text 7052\n", + "Completed text 7053\n", + "Completed text 7054\n", + "Completed text 7055\n", + "Completed text 7056\n", + "Completed text 7057\n", + "Completed text 7058\n", + "Completed text 7059\n", + "Completed text 7060\n", + "Completed text 7061\n", + "Completed text 7062\n", + "Completed text 7063\n", + "Completed text 7064\n", + "Completed text 7065\n", + "Completed text 7066\n", + "Completed text 7067\n", + "Completed text 7068\n", + "Completed text 7069\n", + "Completed text 7070\n", + "Completed text 7071\n", + "Completed text 7072\n", + "Completed text 7073\n", + "Completed text 7074\n", + "Completed text 7075\n", + "Completed text 7076\n", + "Completed text 7077\n", + "Completed text 7078\n", + "Completed text 7079\n", + "Completed text 7080\n", + "Completed text 7081\n", + "Completed text 7082\n", + "Completed text 7083\n", + "Completed text 7084\n", + "Completed text 7085\n", + "Completed text 7086\n", + "Completed text 7087\n", + "Completed text 7088\n", + "Completed text 7089\n", + "Completed text 7090\n", + "Completed text 7091\n", + "Completed text 7092\n", + "Completed text 7093\n", + "Completed text 7094\n", + "Completed text 7095\n", + "Completed text 7096\n", + "Completed text 7097\n", + "Completed text 7098\n", + "Completed text 7099\n", + "Completed text 7100\n", + "Completed text 7101\n", + "Completed text 7102\n", + "Completed text 7103\n", + "Completed text 7104\n", + "Completed text 7105\n", + "Completed text 7106\n", + "Completed text 7107\n", + "Completed text 7108\n", + "Completed text 7109\n", + "Completed text 7110\n", + "Completed text 7111\n", + "Completed text 7112\n", + "Completed text 7113\n", + "Completed text 7114\n", + "Completed text 7115\n", + "Completed text 7116\n", + "Completed text 7117\n", + "Completed text 7118\n", + "Completed text 7119\n", + "Completed text 7120\n", + "Completed text 7121\n", + "Completed text 7122\n", + "Completed text 7123\n", + "Completed text 7124\n", + "Completed text 7125\n", + "Completed text 7126\n", + "Completed text 7127\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 7128\n", + "Completed text 7129\n", + "Completed text 7130\n", + "Completed text 7131\n", + "Completed text 7132\n", + "Completed text 7133\n", + "Completed text 7134\n", + "Completed text 7135\n", + "Completed text 7136\n", + "Completed text 7137\n", + "Completed text 7138\n", + "Completed text 7139\n", + "Completed text 7140\n", + "Completed text 7141\n", + "Completed text 7142\n", + "Completed text 7143\n", + "Completed text 7144\n", + "Completed text 7145\n", + "Completed text 7146\n", + "Completed text 7147\n", + "Completed text 7148\n", + "Completed text 7149\n", + "Completed text 7150\n", + "Completed text 7151\n", + "Completed text 7152\n", + "Completed text 7153\n", + "Completed text 7154\n", + "Completed text 7155\n", + "Completed text 7156\n", + "Completed text 7157\n", + "Completed text 7158\n", + "Completed text 7159\n", + "Completed text 7160\n", + "Completed text 7161\n", + "Completed text 7162\n", + "Completed text 7163\n", + "Completed text 7164\n", + "Completed text 7165\n", + "Completed text 7166\n", + "Completed text 7167\n", + "Completed text 7168\n", + "Completed text 7169\n", + "Completed text 7170\n", + "Completed text 7171\n", + "Completed text 7172\n", + "Completed text 7173\n", + "Completed text 7174\n", + "Completed text 7175\n", + "Completed text 7176\n", + "Completed text 7177\n", + "Completed text 7178\n", + "Completed text 7179\n", + "Completed text 7180\n", + "Completed text 7181\n", + "Completed text 7182\n", + "Completed text 7183\n", + "Completed text 7184\n", + "Completed text 7185\n", + "Completed text 7186\n", + "Completed text 7187\n", + "Completed text 7188\n", + "Completed text 7189\n", + "Completed text 7190\n", + "Completed text 7191\n", + "Completed text 7192\n", + "Completed text 7193\n", + "Completed text 7194\n", + "Completed text 7195\n", + "Completed text 7196\n", + "Completed text 7197\n", + "Completed text 7198\n", + "Completed text 7199\n", + "Completed text 7200\n", + "Completed text 7201\n", + "Completed text 7202\n", + "Completed text 7203\n", + "Completed text 7204\n", + "Completed text 7205\n", + "Completed text 7206\n", + "Completed text 7207\n", + "Completed text 7208\n", + "Completed text 7209\n", + "Completed text 7210\n", + "Completed text 7211\n", + "Completed text 7212\n", + "Completed text 7213\n", + "Completed text 7214\n", + "Completed text 7215\n", + "Completed text 7216\n", + "Completed text 7217\n", + "Completed text 7218\n", + "Completed text 7219\n", + "Completed text 7220\n", + "Completed text 7221\n", + "Completed text 7222\n", + "Completed text 7223\n", + "Completed text 7224\n", + "Completed text 7225\n", + "Completed text 7226\n", + "Completed text 7227\n", + "Completed text 7228\n", + "Completed text 7229\n", + "Completed text 7230\n", + "Completed text 7231\n", + "Completed text 7232\n", + "Completed text 7233\n", + "Completed text 7234\n", + "Completed text 7235\n", + "Completed text 7236\n", + "Completed text 7237\n", + "Completed text 7238\n", + "Completed text 7239\n", + "Completed text 7240\n", + "Completed text 7241\n", + "Completed text 7242\n", + "Completed text 7243\n", + "Completed text 7244\n", + "Completed text 7245\n", + "Completed text 7246\n", + "Completed text 7247\n", + "Completed text 7248\n", + "Completed text 7249\n", + "Completed text 7250\n", + "Completed text 7251\n", + "Completed text 7252\n", + "Completed text 7253\n", + "Completed text 7254\n", + "Completed text 7255\n", + "Completed text 7256\n", + "Completed text 7257\n", + "Completed text 7258\n", + "Completed text 7259\n", + "Completed text 7260\n", + "Completed text 7261\n", + "Completed text 7262\n", + "Completed text 7263\n", + "Completed text 7264\n", + "Completed text 7265\n", + "Completed text 7266\n", + "Completed text 7267\n", + "Completed text 7268\n", + "Completed text 7269\n", + "Completed text 7270\n", + "Completed text 7271\n", + "Completed text 7272\n", + "Completed text 7273\n", + "Completed text 7274\n", + "Completed text 7275\n", + "Completed text 7276\n", + "Completed text 7277\n", + "Completed text 7278\n", + "Completed text 7279\n", + "Completed text 7280\n", + "Completed text 7281\n", + "Completed text 7282\n", + "Completed text 7283\n", + "Completed text 7284\n", + "Completed text 7285\n", + "Completed text 7286\n", + "Completed text 7287\n", + "Completed text 7288\n", + "Completed text 7289\n", + "Completed text 7290\n", + "Completed text 7291\n", + "Completed text 7292\n", + "Completed text 7293\n", + "Completed text 7294\n", + "Completed text 7295\n", + "Completed text 7296\n", + "Completed text 7297\n", + "Completed text 7298\n", + "Completed text 7299\n", + "Completed text 7300\n", + "Completed text 7301\n", + "Completed text 7302\n", + "Completed text 7303\n", + "Completed text 7304\n", + "Completed text 7305\n", + "Completed text 7306\n", + "Completed text 7307\n", + "Completed text 7308\n", + "Completed text 7309\n", + "Completed text 7310\n", + "Completed text 7311\n", + "Completed text 7312\n", + "Completed text 7313\n", + "Completed text 7314\n", + "Completed text 7315\n", + "Completed text 7316\n", + "Completed text 7317\n", + "Completed text 7318\n", + "Completed text 7319\n", + "Completed text 7320\n", + "Completed text 7321\n", + "Completed text 7322\n", + "Completed text 7323\n", + "Completed text 7324\n", + "Completed text 7325\n", + "Completed text 7326\n", + "Completed text 7327\n", + "Completed text 7328\n", + "Completed text 7329\n", + "Completed text 7330\n", + "Completed text 7331\n", + "Completed text 7332\n", + "Completed text 7333\n", + "Completed text 7334\n", + "Completed text 7335\n", + "Completed text 7336\n", + "Completed text 7337\n", + "Completed text 7338\n", + "Completed text 7339\n", + "Completed text 7340\n", + "Completed text 7341\n", + "Completed text 7342\n", + "Completed text 7343\n", + "Completed text 7344\n", + "Completed text 7345\n", + "Completed text 7346\n", + "Completed text 7347\n", + "Completed text 7348\n", + "Completed text 7349\n", + "Completed text 7350\n", + "Completed text 7351\n", + "Completed text 7352\n", + "Completed text 7353\n", + "Completed text 7354\n", + "Completed text 7355\n", + "Completed text 7356\n", + "Completed text 7357\n", + "Completed text 7358\n", + "Completed text 7359\n", + "Completed text 7360\n", + "Completed text 7361\n", + "Completed text 7362\n", + "Completed text 7363\n", + "Completed text 7364\n", + "Completed text 7365\n", + "Completed text 7366\n", + "Completed text 7367\n", + "Completed text 7368\n", + "Completed text 7369\n", + "Completed text 7370\n", + "Completed text 7371\n", + "Completed text 7372\n", + "Completed text 7373\n", + "Completed text 7374\n", + "Completed text 7375\n", + "Completed text 7376\n", + "Completed text 7377\n", + "Completed text 7378\n", + "Completed text 7379\n", + "Completed text 7380\n", + "Completed text 7381\n", + "Completed text 7382\n", + "Completed text 7383\n", + "Completed text 7384\n", + "Completed text 7385\n", + "Completed text 7386\n", + "Completed text 7387\n", + "Completed text 7388\n", + "Completed text 7389\n", + "Completed text 7390\n", + "Completed text 7391\n", + "Completed text 7392\n", + "Completed text 7393\n", + "Completed text 7394\n", + "Completed text 7395\n", + "Completed text 7396\n", + "Completed text 7397\n", + "Completed text 7398\n", + "Completed text 7399\n", + "Completed text 7400\n", + "Completed text 7401\n", + "Completed text 7402\n", + "Completed text 7403\n", + "Completed text 7404\n", + "Completed text 7405\n", + "Completed text 7406\n", + "Completed text 7407\n", + "Completed text 7408\n", + "Completed text 7409\n", + "Completed text 7410\n", + "Completed text 7411\n", + "Completed text 7412\n", + "Completed text 7413\n", + "Completed text 7414\n", + "Completed text 7415\n", + "Completed text 7416\n", + "Completed text 7417\n", + "Completed text 7418\n", + "Completed text 7419\n", + "Completed text 7420\n", + "Completed text 7421\n", + "Completed text 7422\n", + "Completed text 7423\n", + "Completed text 7424\n", + "Completed text 7425\n", + "Completed text 7426\n", + "Completed text 7427\n", + "Completed text 7428\n", + "Completed text 7429\n", + "Completed text 7430\n", + "Completed text 7431\n", + "Completed text 7432\n", + "Completed text 7433\n", + "Completed text 7434\n", + "Completed text 7435\n", + "Completed text 7436\n", + "Completed text 7437\n", + "Completed text 7438\n", + "Completed text 7439\n", + "Completed text 7440\n", + "Completed text 7441\n", + "Completed text 7442\n", + "Completed text 7443\n", + "Completed text 7444\n", + "Completed text 7445\n", + "Completed text 7446\n", + "Completed text 7447\n", + "Completed text 7448\n", + "Completed text 7449\n", + "Completed text 7450\n", + "Completed text 7451\n", + "Completed text 7452\n", + "Completed text 7453\n", + "Completed text 7454\n", + "Completed text 7455\n", + "Completed text 7456\n", + "Completed text 7457\n", + "Completed text 7458\n", + "Completed text 7459\n", + "Completed text 7460\n", + "Completed text 7461\n", + "Completed text 7462\n", + "Completed text 7463\n", + "Completed text 7464\n", + "Completed text 7465\n", + "Completed text 7466\n", + "Completed text 7467\n", + "Completed text 7468\n", + "Completed text 7469\n", + "Completed text 7470\n", + "Completed text 7471\n", + "Completed text 7472\n", + "Completed text 7473\n", + "Completed text 7474\n", + "Completed text 7475\n", + "Completed text 7476\n", + "Completed text 7477\n", + "Completed text 7478\n", + "Completed text 7479\n", + "Completed text 7480\n", + "Completed text 7481\n", + "Completed text 7482\n", + "Completed text 7483\n", + "Completed text 7484\n", + "Completed text 7485\n", + "Completed text 7486\n", + "Completed text 7487\n", + "Completed text 7488\n", + "Completed text 7489\n", + "Completed text 7490\n", + "Completed text 7491\n", + "Completed text 7492\n", + "Completed text 7493\n", + "Completed text 7494\n", + "Completed text 7495\n", + "Completed text 7496\n", + "Completed text 7497\n", + "Completed text 7498\n", + "Completed text 7499\n", + "Completed text 7500\n", + "Completed text 7501\n", + "Completed text 7502\n", + "Completed text 7503\n", + "Completed text 7504\n", + "Completed text 7505\n", + "Completed text 7506\n", + "Completed text 7507\n", + "Completed text 7508\n", + "Completed text 7509\n", + "Completed text 7510\n", + "Completed text 7511\n", + "Completed text 7512\n", + "Completed text 7513\n", + "Completed text 7514\n", + "Completed text 7515\n", + "Completed text 7516\n", + "Completed text 7517\n", + "Completed text 7518\n", + "Completed text 7519\n", + "Completed text 7520\n", + "Completed text 7521\n", + "Completed text 7522\n", + "Completed text 7523\n", + "Completed text 7524\n", + "Completed text 7525\n", + "Completed text 7526\n", + "Completed text 7527\n", + "Completed text 7528\n", + "Completed text 7529\n", + "Completed text 7530\n", + "Completed text 7531\n", + "Completed text 7532\n", + "Completed text 7533\n", + "Completed text 7534\n", + "Completed text 7535\n", + "Completed text 7536\n", + "Completed text 7537\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 7538\n", + "Completed text 7539\n", + "Completed text 7540\n", + "Completed text 7541\n", + "Completed text 7542\n", + "Completed text 7543\n", + "Completed text 7544\n", + "Completed text 7545\n", + "Completed text 7546\n", + "Completed text 7547\n", + "Completed text 7548\n", + "Completed text 7549\n", + "Completed text 7550\n", + "Completed text 7551\n", + "Completed text 7552\n", + "Completed text 7553\n", + "Completed text 7554\n", + "Completed text 7555\n", + "Completed text 7556\n", + "Completed text 7557\n", + "Completed text 7558\n", + "Completed text 7559\n", + "Completed text 7560\n", + "Completed text 7561\n", + "Completed text 7562\n", + "Completed text 7563\n", + "Completed text 7564\n", + "Completed text 7565\n", + "Completed text 7566\n", + "Completed text 7567\n", + "Completed text 7568\n", + "Completed text 7569\n", + "Completed text 7570\n", + "Completed text 7571\n", + "Completed text 7572\n", + "Completed text 7573\n", + "Completed text 7574\n", + "Completed text 7575\n", + "Completed text 7576\n", + "Completed text 7577\n", + "Completed text 7578\n", + "Completed text 7579\n", + "Completed text 7580\n", + "Completed text 7581\n", + "Completed text 7582\n", + "Completed text 7583\n", + "Completed text 7584\n", + "Completed text 7585\n", + "Completed text 7586\n", + "Completed text 7587\n", + "Completed text 7588\n", + "Completed text 7589\n", + "Completed text 7590\n", + "Completed text 7591\n", + "Completed text 7592\n", + "Completed text 7593\n", + "Completed text 7594\n", + "Completed text 7595\n", + "Completed text 7596\n", + "Completed text 7597\n", + "Completed text 7598\n", + "Completed text 7599\n", + "Completed text 7600\n", + "Completed text 7601\n", + "Completed text 7602\n", + "Completed text 7603\n", + "Completed text 7604\n", + "Completed text 7605\n", + "Completed text 7606\n", + "Completed text 7607\n", + "Completed text 7608\n", + "Completed text 7609\n", + "Completed text 7610\n", + "Completed text 7611\n", + "Completed text 7612\n", + "Completed text 7613\n", + "Completed text 7614\n", + "Completed text 7615\n", + "Completed text 7616\n", + "Completed text 7617\n", + "Completed text 7618\n", + "Completed text 7619\n", + "Completed text 7620\n", + "Completed text 7621\n", + "Completed text 7622\n", + "Completed text 7623\n", + "Completed text 7624\n", + "Completed text 7625\n", + "Completed text 7626\n", + "Completed text 7627\n", + "Completed text 7628\n", + "Completed text 7629\n", + "Completed text 7630\n", + "Completed text 7631\n", + "Completed text 7632\n", + "Completed text 7633\n", + "Completed text 7634\n", + "Completed text 7635\n", + "Completed text 7636\n", + "Completed text 7637\n", + "Completed text 7638\n", + "Completed text 7639\n", + "Completed text 7640\n", + "Completed text 7641\n", + "Completed text 7642\n", + "Completed text 7643\n", + "Completed text 7644\n", + "Completed text 7645\n", + "Completed text 7646\n", + "Completed text 7647\n", + "Completed text 7648\n", + "Completed text 7649\n", + "Completed text 7650\n", + "Completed text 7651\n", + "Completed text 7652\n", + "Completed text 7653\n", + "Completed text 7654\n", + "Completed text 7655\n", + "Completed text 7656\n", + "Completed text 7657\n", + "Completed text 7658\n", + "Completed text 7659\n", + "Completed text 7660\n", + "Completed text 7661\n", + "Completed text 7662\n", + "Completed text 7663\n", + "Completed text 7664\n", + "Completed text 7665\n", + "Completed text 7666\n", + "Completed text 7667\n", + "Completed text 7668\n", + "Completed text 7669\n", + "Completed text 7670\n", + "Completed text 7671\n", + "Completed text 7672\n", + "Completed text 7673\n", + "Completed text 7674\n", + "Completed text 7675\n", + "Completed text 7676\n", + "Completed text 7677\n", + "Completed text 7678\n", + "Completed text 7679\n", + "Completed text 7680\n", + "Completed text 7681\n", + "Completed text 7682\n", + "Completed text 7683\n", + "Completed text 7684\n", + "Completed text 7685\n", + "Completed text 7686\n", + "Completed text 7687\n", + "Completed text 7688\n", + "Completed text 7689\n", + "Completed text 7690\n", + "Completed text 7691\n", + "Completed text 7692\n", + "Completed text 7693\n", + "Completed text 7694\n", + "Completed text 7695\n", + "Completed text 7696\n", + "Completed text 7697\n", + "Completed text 7698\n", + "Completed text 7699\n", + "Completed text 7700\n", + "Completed text 7701\n", + "Completed text 7702\n", + "Completed text 7703\n", + "Completed text 7704\n", + "Completed text 7705\n", + "Completed text 7706\n", + "Completed text 7707\n", + "Completed text 7708\n", + "Completed text 7709\n", + "Completed text 7710\n", + "Completed text 7711\n", + "Completed text 7712\n", + "Completed text 7713\n", + "Completed text 7714\n", + "Completed text 7715\n", + "Completed text 7716\n", + "Completed text 7717\n", + "Completed text 7718\n", + "Completed text 7719\n", + "Completed text 7720\n", + "Completed text 7721\n", + "Completed text 7722\n", + "Completed text 7723\n", + "Completed text 7724\n", + "Completed text 7725\n", + "Completed text 7726\n", + "Completed text 7727\n", + "Completed text 7728\n", + "Completed text 7729\n", + "Completed text 7730\n", + "Completed text 7731\n", + "Completed text 7732\n", + "Completed text 7733\n", + "Completed text 7734\n", + "Completed text 7735\n", + "Completed text 7736\n", + "Completed text 7737\n", + "Completed text 7738\n", + "Completed text 7739\n", + "Completed text 7740\n", + "Completed text 7741\n", + "Completed text 7742\n", + "Completed text 7743\n", + "Completed text 7744\n", + "Completed text 7745\n", + "Completed text 7746\n", + "Completed text 7747\n", + "Completed text 7748\n", + "Completed text 7749\n", + "Completed text 7750\n", + "Completed text 7751\n", + "Completed text 7752\n", + "Completed text 7753\n", + "Completed text 7754\n", + "Completed text 7755\n", + "Completed text 7756\n", + "Completed text 7757\n", + "Completed text 7758\n", + "Completed text 7759\n", + "Completed text 7760\n", + "Completed text 7761\n", + "Completed text 7762\n", + "Completed text 7763\n", + "Completed text 7764\n", + "Completed text 7765\n", + "Completed text 7766\n", + "Completed text 7767\n", + "Completed text 7768\n", + "Completed text 7769\n", + "Completed text 7770\n", + "Completed text 7771\n", + "Completed text 7772\n", + "Completed text 7773\n", + "Completed text 7774\n", + "Completed text 7775\n", + "Completed text 7776\n", + "Completed text 7777\n", + "Completed text 7778\n", + "Completed text 7779\n", + "Completed text 7780\n", + "Completed text 7781\n", + "Completed text 7782\n", + "Completed text 7783\n", + "Completed text 7784\n", + "Completed text 7785\n", + "Completed text 7786\n", + "Completed text 7787\n", + "Completed text 7788\n", + "Completed text 7789\n", + "Completed text 7790\n", + "Completed text 7791\n", + "Completed text 7792\n", + "Completed text 7793\n", + "Completed text 7794\n", + "Completed text 7795\n", + "Completed text 7796\n", + "Completed text 7797\n", + "Completed text 7798\n", + "Completed text 7799\n", + "Completed text 7800\n", + "Completed text 7801\n", + "Completed text 7802\n", + "Completed text 7803\n", + "Completed text 7804\n", + "Completed text 7805\n", + "Completed text 7806\n", + "Completed text 7807\n", + "Completed text 7808\n", + "Completed text 7809\n", + "Completed text 7810\n", + "Completed text 7811\n", + "Completed text 7812\n", + "Completed text 7813\n", + "Completed text 7814\n", + "Completed text 7815\n", + "Completed text 7816\n", + "Completed text 7817\n", + "Completed text 7818\n", + "Completed text 7819\n", + "Completed text 7820\n", + "Completed text 7821\n", + "Completed text 7822\n", + "Completed text 7823\n", + "Completed text 7824\n", + "Completed text 7825\n", + "Completed text 7826\n", + "Completed text 7827\n", + "Completed text 7828\n", + "Completed text 7829\n", + "Completed text 7830\n", + "Completed text 7831\n", + "Completed text 7832\n", + "Completed text 7833\n", + "Completed text 7834\n", + "Completed text 7835\n", + "Completed text 7836\n", + "Completed text 7837\n", + "Completed text 7838\n", + "Completed text 7839\n", + "Completed text 7840\n", + "Completed text 7841\n", + "Completed text 7842\n", + "Completed text 7843\n", + "Completed text 7844\n", + "Completed text 7845\n", + "Completed text 7846\n", + "Completed text 7847\n", + "Completed text 7848\n", + "Completed text 7849\n", + "Completed text 7850\n", + "Completed text 7851\n", + "Completed text 7852\n", + "Completed text 7853\n", + "Completed text 7854\n", + "Completed text 7855\n", + "Completed text 7856\n", + "Completed text 7857\n", + "Completed text 7858\n", + "Completed text 7859\n", + "Completed text 7860\n", + "Completed text 7861\n", + "Completed text 7862\n", + "Completed text 7863\n", + "Completed text 7864\n", + "Completed text 7865\n", + "Completed text 7866\n", + "Completed text 7867\n", + "Completed text 7868\n", + "Completed text 7869\n", + "Completed text 7870\n", + "Completed text 7871\n", + "Completed text 7872\n", + "Completed text 7873\n", + "Completed text 7874\n", + "Completed text 7875\n", + "Completed text 7876\n", + "Completed text 7877\n", + "Completed text 7878\n", + "Completed text 7879\n", + "Completed text 7880\n", + "Completed text 7881\n", + "Completed text 7882\n", + "Completed text 7883\n", + "Completed text 7884\n", + "Completed text 7885\n", + "Completed text 7886\n", + "Completed text 7887\n", + "Completed text 7888\n", + "Completed text 7889\n", + "Completed text 7890\n", + "Completed text 7891\n", + "Completed text 7892\n", + "Completed text 7893\n", + "Completed text 7894\n", + "Completed text 7895\n", + "Completed text 7896\n", + "Completed text 7897\n", + "Completed text 7898\n", + "Completed text 7899\n", + "Completed text 7900\n", + "Completed text 7901\n", + "Completed text 7902\n", + "Completed text 7903\n", + "Completed text 7904\n", + "Completed text 7905\n", + "Completed text 7906\n", + "Completed text 7907\n", + "Completed text 7908\n", + "Completed text 7909\n", + "Completed text 7910\n", + "Completed text 7911\n", + "Completed text 7912\n", + "Completed text 7913\n", + "Completed text 7914\n", + "Completed text 7915\n", + "Completed text 7916\n", + "Completed text 7917\n", + "Completed text 7918\n", + "Completed text 7919\n", + "Completed text 7920\n", + "Completed text 7921\n", + "Completed text 7922\n", + "Completed text 7923\n", + "Completed text 7924\n", + "Completed text 7925\n", + "Completed text 7926\n", + "Completed text 7927\n", + "Completed text 7928\n", + "Completed text 7929\n", + "Completed text 7930\n", + "Completed text 7931\n", + "Completed text 7932\n", + "Completed text 7933\n", + "Completed text 7934\n", + "Completed text 7935\n", + "Completed text 7936\n", + "Completed text 7937\n", + "Completed text 7938\n", + "Completed text 7939\n", + "Completed text 7940\n", + "Completed text 7941\n", + "Completed text 7942\n", + "Completed text 7943\n", + "Completed text 7944\n", + "Completed text 7945\n", + "Completed text 7946\n", + "Completed text 7947\n", + "Completed text 7948\n", + "Completed text 7949\n", + "Completed text 7950\n", + "Completed text 7951\n", + "Completed text 7952\n", + "Completed text 7953\n", + "Completed text 7954\n", + "Completed text 7955\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 7956\n", + "Completed text 7957\n", + "Completed text 7958\n", + "Completed text 7959\n", + "Completed text 7960\n", + "Completed text 7961\n", + "Completed text 7962\n", + "Completed text 7963\n", + "Completed text 7964\n", + "Completed text 7965\n", + "Completed text 7966\n", + "Completed text 7967\n", + "Completed text 7968\n", + "Completed text 7969\n", + "Completed text 7970\n", + "Completed text 7971\n", + "Completed text 7972\n", + "Completed text 7973\n", + "Completed text 7974\n", + "Completed text 7975\n", + "Completed text 7976\n", + "Completed text 7977\n", + "Completed text 7978\n", + "Completed text 7979\n", + "Completed text 7980\n", + "Completed text 7981\n", + "Completed text 7982\n", + "Completed text 7983\n", + "Completed text 7984\n", + "Completed text 7985\n", + "Completed text 7986\n", + "Completed text 7987\n", + "Completed text 7988\n", + "Completed text 7989\n", + "Completed text 7990\n", + "Completed text 7991\n", + "Completed text 7992\n", + "Completed text 7993\n", + "Completed text 7994\n", + "Completed text 7995\n", + "Completed text 7996\n", + "Completed text 7997\n", + "Completed text 7998\n", + "Completed text 7999\n", + "Completed text 8000\n", + "Completed text 8001\n", + "Completed text 8002\n", + "Completed text 8003\n", + "Completed text 8004\n", + "Completed text 8005\n", + "Completed text 8006\n", + "Completed text 8007\n", + "Completed text 8008\n", + "Completed text 8009\n", + "Completed text 8010\n", + "Completed text 8011\n", + "Completed text 8012\n", + "Completed text 8013\n", + "Completed text 8014\n", + "Completed text 8015\n", + "Completed text 8016\n", + "Completed text 8017\n", + "Completed text 8018\n", + "Completed text 8019\n", + "Completed text 8020\n", + "Completed text 8021\n", + "Completed text 8022\n", + "Completed text 8023\n", + "Completed text 8024\n", + "Completed text 8025\n", + "Completed text 8026\n", + "Completed text 8027\n", + "Completed text 8028\n", + "Completed text 8029\n", + "Completed text 8030\n", + "Completed text 8031\n", + "Completed text 8032\n", + "Completed text 8033\n", + "Completed text 8034\n", + "Completed text 8035\n", + "Completed text 8036\n", + "Completed text 8037\n", + "Completed text 8038\n", + "Completed text 8039\n", + "Completed text 8040\n", + "Completed text 8041\n", + "Completed text 8042\n", + "Completed text 8043\n", + "Completed text 8044\n", + "Completed text 8045\n", + "Completed text 8046\n", + "Completed text 8047\n", + "Completed text 8048\n", + "Completed text 8049\n", + "Completed text 8050\n", + "Completed text 8051\n", + "Completed text 8052\n", + "Completed text 8053\n", + "Completed text 8054\n", + "Completed text 8055\n", + "Completed text 8056\n", + "Completed text 8057\n", + "Completed text 8058\n", + "Completed text 8059\n", + "Completed text 8060\n", + "Completed text 8061\n", + "Completed text 8062\n", + "Completed text 8063\n", + "Completed text 8064\n", + "Completed text 8065\n", + "Completed text 8066\n", + "Completed text 8067\n", + "Completed text 8068\n", + "Completed text 8069\n", + "Completed text 8070\n", + "Completed text 8071\n", + "Completed text 8072\n", + "Completed text 8073\n", + "Completed text 8074\n", + "Completed text 8075\n", + "Completed text 8076\n", + "Completed text 8077\n", + "Completed text 8078\n", + "Completed text 8079\n", + "Completed text 8080\n", + "Completed text 8081\n", + "Completed text 8082\n", + "Completed text 8083\n", + "Completed text 8084\n", + "Completed text 8085\n", + "Completed text 8086\n", + "Completed text 8087\n", + "Completed text 8088\n", + "Completed text 8089\n", + "Completed text 8090\n", + "Completed text 8091\n", + "Completed text 8092\n", + "Completed text 8093\n", + "Completed text 8094\n", + "Completed text 8095\n", + "Completed text 8096\n", + "Completed text 8097\n", + "Completed text 8098\n", + "Completed text 8099\n", + "Completed text 8100\n", + "Completed text 8101\n", + "Completed text 8102\n", + "Completed text 8103\n", + "Completed text 8104\n", + "Completed text 8105\n", + "Completed text 8106\n", + "Completed text 8107\n", + "Completed text 8108\n", + "Completed text 8109\n", + "Completed text 8110\n", + "Completed text 8111\n", + "Completed text 8112\n", + "Completed text 8113\n", + "Completed text 8114\n", + "Completed text 8115\n", + "Completed text 8116\n", + "Completed text 8117\n", + "Completed text 8118\n", + "Completed text 8119\n", + "Completed text 8120\n", + "Completed text 8121\n", + "Completed text 8122\n", + "Completed text 8123\n", + "Completed text 8124\n", + "Completed text 8125\n", + "Completed text 8126\n", + "Completed text 8127\n", + "Completed text 8128\n", + "Completed text 8129\n", + "Completed text 8130\n", + "Completed text 8131\n", + "Completed text 8132\n", + "Completed text 8133\n", + "Completed text 8134\n", + "Completed text 8135\n", + "Completed text 8136\n", + "Completed text 8137\n", + "Completed text 8138\n", + "Completed text 8139\n", + "Completed text 8140\n", + "Completed text 8141\n", + "Completed text 8142\n", + "Completed text 8143\n", + "Completed text 8144\n", + "Completed text 8145\n", + "Completed text 8146\n", + "Completed text 8147\n", + "Completed text 8148\n", + "Completed text 8149\n", + "Completed text 8150\n", + "Completed text 8151\n", + "Completed text 8152\n", + "Completed text 8153\n", + "Completed text 8154\n", + "Completed text 8155\n", + "Completed text 8156\n", + "Completed text 8157\n", + "Completed text 8158\n", + "Completed text 8159\n", + "Completed text 8160\n", + "Completed text 8161\n", + "Completed text 8162\n", + "Completed text 8163\n", + "Completed text 8164\n", + "Completed text 8165\n", + "Completed text 8166\n", + "Completed text 8167\n", + "Completed text 8168\n", + "Completed text 8169\n", + "Completed text 8170\n", + "Completed text 8171\n", + "Completed text 8172\n", + "Completed text 8173\n", + "Completed text 8174\n", + "Completed text 8175\n", + "Completed text 8176\n", + "Completed text 8177\n", + "Completed text 8178\n", + "Completed text 8179\n", + "Completed text 8180\n", + "Completed text 8181\n", + "Completed text 8182\n", + "Completed text 8183\n", + "Completed text 8184\n", + "Completed text 8185\n", + "Completed text 8186\n", + "Completed text 8187\n", + "Completed text 8188\n", + "Completed text 8189\n", + "Completed text 8190\n", + "Completed text 8191\n", + "Completed text 8192\n", + "Completed text 8193\n", + "Completed text 8194\n", + "Completed text 8195\n", + "Completed text 8196\n", + "Completed text 8197\n", + "Completed text 8198\n", + "Completed text 8199\n", + "Completed text 8200\n", + "Completed text 8201\n", + "Completed text 8202\n", + "Completed text 8203\n", + "Completed text 8204\n", + "Completed text 8205\n", + "Completed text 8206\n", + "Completed text 8207\n", + "Completed text 8208\n", + "Completed text 8209\n", + "Completed text 8210\n", + "Completed text 8211\n", + "Completed text 8212\n", + "Completed text 8213\n", + "Completed text 8214\n", + "Completed text 8215\n", + "Completed text 8216\n", + "Completed text 8217\n", + "Completed text 8218\n", + "Completed text 8219\n", + "Completed text 8220\n", + "Completed text 8221\n", + "Completed text 8222\n", + "Completed text 8223\n", + "Completed text 8224\n", + "Completed text 8225\n", + "Completed text 8226\n", + "Completed text 8227\n", + "Completed text 8228\n", + "Completed text 8229\n", + "Completed text 8230\n", + "Completed text 8231\n", + "Completed text 8232\n", + "Completed text 8233\n", + "Completed text 8234\n", + "Completed text 8235\n", + "Completed text 8236\n", + "Completed text 8237\n", + "Completed text 8238\n", + "Completed text 8239\n", + "Completed text 8240\n", + "Completed text 8241\n", + "Completed text 8242\n", + "Completed text 8243\n", + "Completed text 8244\n", + "Completed text 8245\n", + "Completed text 8246\n", + "Completed text 8247\n", + "Completed text 8248\n", + "Completed text 8249\n", + "Completed text 8250\n", + "Completed text 8251\n", + "Completed text 8252\n", + "Completed text 8253\n", + "Completed text 8254\n", + "Completed text 8255\n", + "Completed text 8256\n", + "Completed text 8257\n", + "Completed text 8258\n", + "Completed text 8259\n", + "Completed text 8260\n", + "Completed text 8261\n", + "Completed text 8262\n", + "Completed text 8263\n", + "Completed text 8264\n", + "Completed text 8265\n", + "Completed text 8266\n", + "Completed text 8267\n", + "Completed text 8268\n", + "Completed text 8269\n", + "Completed text 8270\n", + "Completed text 8271\n", + "Completed text 8272\n", + "Completed text 8273\n", + "Completed text 8274\n", + "Completed text 8275\n", + "Completed text 8276\n", + "Completed text 8277\n", + "Completed text 8278\n", + "Completed text 8279\n", + "Completed text 8280\n", + "Completed text 8281\n", + "Completed text 8282\n", + "Completed text 8283\n", + "Completed text 8284\n", + "Completed text 8285\n", + "Completed text 8286\n", + "Completed text 8287\n", + "Completed text 8288\n", + "Completed text 8289\n", + "Completed text 8290\n", + "Completed text 8291\n", + "Completed text 8292\n", + "Completed text 8293\n", + "Completed text 8294\n", + "Completed text 8295\n", + "Completed text 8296\n", + "Completed text 8297\n", + "Completed text 8298\n", + "Completed text 8299\n", + "Completed text 8300\n", + "Completed text 8301\n", + "Completed text 8302\n", + "Completed text 8303\n", + "Completed text 8304\n", + "Completed text 8305\n", + "Completed text 8306\n", + "Completed text 8307\n", + "Completed text 8308\n", + "Completed text 8309\n", + "Completed text 8310\n", + "Completed text 8311\n", + "Completed text 8312\n", + "Completed text 8313\n", + "Completed text 8314\n", + "Completed text 8315\n", + "Completed text 8316\n", + "Completed text 8317\n", + "Completed text 8318\n", + "Completed text 8319\n", + "Completed text 8320\n", + "Completed text 8321\n", + "Completed text 8322\n", + "Completed text 8323\n", + "Completed text 8324\n", + "Completed text 8325\n", + "Completed text 8326\n", + "Completed text 8327\n", + "Completed text 8328\n", + "Completed text 8329\n", + "Completed text 8330\n", + "Completed text 8331\n", + "Completed text 8332\n", + "Completed text 8333\n", + "Completed text 8334\n", + "Completed text 8335\n", + "Completed text 8336\n", + "Completed text 8337\n", + "Completed text 8338\n", + "Completed text 8339\n", + "Completed text 8340\n", + "Completed text 8341\n", + "Completed text 8342\n", + "Completed text 8343\n", + "Completed text 8344\n", + "Completed text 8345\n", + "Completed text 8346\n", + "Completed text 8347\n", + "Completed text 8348\n", + "Completed text 8349\n", + "Completed text 8350\n", + "Completed text 8351\n", + "Completed text 8352\n", + "Completed text 8353\n", + "Completed text 8354\n", + "Completed text 8355\n", + "Completed text 8356\n", + "Completed text 8357\n", + "Completed text 8358\n", + "Completed text 8359\n", + "Completed text 8360\n", + "Completed text 8361\n", + "Completed text 8362\n", + "Completed text 8363\n", + "Completed text 8364\n", + "Completed text 8365\n", + "Completed text 8366\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 8367\n", + "Completed text 8368\n", + "Completed text 8369\n", + "Completed text 8370\n", + "Completed text 8371\n", + "Completed text 8372\n", + "Completed text 8373\n", + "Completed text 8374\n", + "Completed text 8375\n", + "Completed text 8376\n", + "Completed text 8377\n", + "Completed text 8378\n", + "Completed text 8379\n", + "Completed text 8380\n", + "Completed text 8381\n", + "Completed text 8382\n", + "Completed text 8383\n", + "Completed text 8384\n", + "Completed text 8385\n", + "Completed text 8386\n", + "Completed text 8387\n", + "Completed text 8388\n", + "Completed text 8389\n", + "Completed text 8390\n", + "Completed text 8391\n", + "Completed text 8392\n", + "Completed text 8393\n", + "Completed text 8394\n", + "Completed text 8395\n", + "Completed text 8396\n", + "Completed text 8397\n", + "Completed text 8398\n", + "Completed text 8399\n", + "Completed text 8400\n", + "Completed text 8401\n", + "Completed text 8402\n", + "Completed text 8403\n", + "Completed text 8404\n", + "Completed text 8405\n", + "Completed text 8406\n", + "Completed text 8407\n", + "Completed text 8408\n", + "Completed text 8409\n", + "Completed text 8410\n", + "Completed text 8411\n", + "Completed text 8412\n", + "Completed text 8413\n", + "Completed text 8414\n", + "Completed text 8415\n", + "Completed text 8416\n", + "Completed text 8417\n", + "Completed text 8418\n", + "Completed text 8419\n", + "Completed text 8420\n", + "Completed text 8421\n", + "Completed text 8422\n", + "Completed text 8423\n", + "Completed text 8424\n", + "Completed text 8425\n", + "Completed text 8426\n", + "Completed text 8427\n", + "Completed text 8428\n", + "Completed text 8429\n", + "Completed text 8430\n", + "Completed text 8431\n", + "Completed text 8432\n", + "Completed text 8433\n", + "Completed text 8434\n", + "Completed text 8435\n", + "Completed text 8436\n", + "Completed text 8437\n", + "Completed text 8438\n", + "Completed text 8439\n", + "Completed text 8440\n", + "Completed text 8441\n", + "Completed text 8442\n", + "Completed text 8443\n", + "Completed text 8444\n", + "Completed text 8445\n", + "Completed text 8446\n", + "Completed text 8447\n", + "Completed text 8448\n", + "Completed text 8449\n", + "Completed text 8450\n", + "Completed text 8451\n", + "Completed text 8452\n", + "Completed text 8453\n", + "Completed text 8454\n", + "Completed text 8455\n", + "Completed text 8456\n", + "Completed text 8457\n", + "Completed text 8458\n", + "Completed text 8459\n", + "Completed text 8460\n", + "Completed text 8461\n", + "Completed text 8462\n", + "Completed text 8463\n", + "Completed text 8464\n", + "Completed text 8465\n", + "Completed text 8466\n", + "Completed text 8467\n", + "Completed text 8468\n", + "Completed text 8469\n", + "Completed text 8470\n", + "Completed text 8471\n", + "Completed text 8472\n", + "Completed text 8473\n", + "Completed text 8474\n", + "Completed text 8475\n", + "Completed text 8476\n", + "Completed text 8477\n", + "Completed text 8478\n", + "Completed text 8479\n", + "Completed text 8480\n", + "Completed text 8481\n", + "Completed text 8482\n", + "Completed text 8483\n", + "Completed text 8484\n", + "Completed text 8485\n", + "Completed text 8486\n", + "Completed text 8487\n", + "Completed text 8488\n", + "Completed text 8489\n", + "Completed text 8490\n", + "Completed text 8491\n", + "Completed text 8492\n", + "Completed text 8493\n", + "Completed text 8494\n", + "Completed text 8495\n", + "Completed text 8496\n", + "Completed text 8497\n", + "Completed text 8498\n", + "Completed text 8499\n", + "Completed text 8500\n", + "Completed text 8501\n", + "Completed text 8502\n", + "Completed text 8503\n", + "Completed text 8504\n", + "Completed text 8505\n", + "Completed text 8506\n", + "Completed text 8507\n", + "Completed text 8508\n", + "Completed text 8509\n", + "Completed text 8510\n", + "Completed text 8511\n", + "Completed text 8512\n", + "Completed text 8513\n", + "Completed text 8514\n", + "Completed text 8515\n", + "Completed text 8516\n", + "Completed text 8517\n", + "Completed text 8518\n", + "Completed text 8519\n", + "Completed text 8520\n", + "Completed text 8521\n", + "Completed text 8522\n", + "Completed text 8523\n", + "Completed text 8524\n", + "Completed text 8525\n", + "Completed text 8526\n", + "Completed text 8527\n", + "Completed text 8528\n", + "Completed text 8529\n", + "Completed text 8530\n", + "Completed text 8531\n", + "Completed text 8532\n", + "Completed text 8533\n", + "Completed text 8534\n", + "Completed text 8535\n", + "Completed text 8536\n", + "Completed text 8537\n", + "Completed text 8538\n", + "Completed text 8539\n", + "Completed text 8540\n", + "Completed text 8541\n", + "Completed text 8542\n", + "Completed text 8543\n", + "Completed text 8544\n", + "Completed text 8545\n", + "Completed text 8546\n", + "Completed text 8547\n", + "Completed text 8548\n", + "Completed text 8549\n", + "Completed text 8550\n", + "Completed text 8551\n", + "Completed text 8552\n", + "Completed text 8553\n", + "Completed text 8554\n", + "Completed text 8555\n", + "Completed text 8556\n", + "Completed text 8557\n", + "Completed text 8558\n", + "Completed text 8559\n", + "Completed text 8560\n", + "Completed text 8561\n", + "Completed text 8562\n", + "Completed text 8563\n", + "Completed text 8564\n", + "Completed text 8565\n", + "Completed text 8566\n", + "Completed text 8567\n", + "Completed text 8568\n", + "Completed text 8569\n", + "Completed text 8570\n", + "Completed text 8571\n", + "Completed text 8572\n", + "Completed text 8573\n", + "Completed text 8574\n", + "Completed text 8575\n", + "Completed text 8576\n", + "Completed text 8577\n", + "Completed text 8578\n", + "Completed text 8579\n", + "Completed text 8580\n", + "Completed text 8581\n", + "Completed text 8582\n", + "Completed text 8583\n", + "Completed text 8584\n", + "Completed text 8585\n", + "Completed text 8586\n", + "Completed text 8587\n", + "Completed text 8588\n", + "Completed text 8589\n", + "Completed text 8590\n", + "Completed text 8591\n", + "Completed text 8592\n", + "Completed text 8593\n", + "Completed text 8594\n", + "Completed text 8595\n", + "Completed text 8596\n", + "Completed text 8597\n", + "Completed text 8598\n", + "Completed text 8599\n", + "Completed text 8600\n", + "Completed text 8601\n", + "Completed text 8602\n", + "Completed text 8603\n", + "Completed text 8604\n", + "Completed text 8605\n", + "Completed text 8606\n", + "Completed text 8607\n", + "Completed text 8608\n", + "Completed text 8609\n", + "Completed text 8610\n", + "Completed text 8611\n", + "Completed text 8612\n", + "Completed text 8613\n", + "Completed text 8614\n", + "Completed text 8615\n", + "Completed text 8616\n", + "Completed text 8617\n", + "Completed text 8618\n", + "Completed text 8619\n", + "Completed text 8620\n", + "Completed text 8621\n", + "Completed text 8622\n", + "Completed text 8623\n", + "Completed text 8624\n", + "Completed text 8625\n", + "Completed text 8626\n", + "Completed text 8627\n", + "Completed text 8628\n", + "Completed text 8629\n", + "Completed text 8630\n", + "Completed text 8631\n", + "Completed text 8632\n", + "Completed text 8633\n", + "Completed text 8634\n", + "Completed text 8635\n", + "Completed text 8636\n", + "Completed text 8637\n", + "Completed text 8638\n", + "Completed text 8639\n", + "Completed text 8640\n", + "Completed text 8641\n", + "Completed text 8642\n", + "Completed text 8643\n", + "Completed text 8644\n", + "Completed text 8645\n", + "Completed text 8646\n", + "Completed text 8647\n", + "Completed text 8648\n", + "Completed text 8649\n", + "Completed text 8650\n", + "Completed text 8651\n", + "Completed text 8652\n", + "Completed text 8653\n", + "Completed text 8654\n", + "Completed text 8655\n", + "Completed text 8656\n", + "Completed text 8657\n", + "Completed text 8658\n", + "Completed text 8659\n", + "Completed text 8660\n", + "Completed text 8661\n", + "Completed text 8662\n", + "Completed text 8663\n", + "Completed text 8664\n", + "Completed text 8665\n", + "Completed text 8666\n", + "Completed text 8667\n", + "Completed text 8668\n", + "Completed text 8669\n", + "Completed text 8670\n", + "Completed text 8671\n", + "Completed text 8672\n", + "Completed text 8673\n", + "Completed text 8674\n", + "Completed text 8675\n", + "Completed text 8676\n", + "Completed text 8677\n", + "Completed text 8678\n", + "Completed text 8679\n", + "Completed text 8680\n", + "Completed text 8681\n", + "Completed text 8682\n", + "Completed text 8683\n", + "Completed text 8684\n", + "Completed text 8685\n", + "Completed text 8686\n", + "Completed text 8687\n", + "Completed text 8688\n", + "Completed text 8689\n", + "Completed text 8690\n", + "Completed text 8691\n", + "Completed text 8692\n", + "Completed text 8693\n", + "Completed text 8694\n", + "Completed text 8695\n", + "Completed text 8696\n", + "Completed text 8697\n", + "Completed text 8698\n", + "Completed text 8699\n", + "Completed text 8700\n", + "Completed text 8701\n", + "Completed text 8702\n", + "Completed text 8703\n", + "Completed text 8704\n", + "Completed text 8705\n", + "Completed text 8706\n", + "Completed text 8707\n", + "Completed text 8708\n", + "Completed text 8709\n", + "Completed text 8710\n", + "Completed text 8711\n", + "Completed text 8712\n", + "Completed text 8713\n", + "Completed text 8714\n", + "Completed text 8715\n", + "Completed text 8716\n", + "Completed text 8717\n", + "Completed text 8718\n", + "Completed text 8719\n", + "Completed text 8720\n", + "Completed text 8721\n", + "Completed text 8722\n", + "Completed text 8723\n", + "Completed text 8724\n", + "Completed text 8725\n", + "Completed text 8726\n", + "Completed text 8727\n", + "Completed text 8728\n", + "Completed text 8729\n", + "Completed text 8730\n", + "Completed text 8731\n", + "Completed text 8732\n", + "Completed text 8733\n", + "Completed text 8734\n", + "Completed text 8735\n", + "Completed text 8736\n", + "Completed text 8737\n", + "Completed text 8738\n", + "Completed text 8739\n", + "Completed text 8740\n", + "Completed text 8741\n", + "Completed text 8742\n", + "Completed text 8743\n", + "Completed text 8744\n", + "Completed text 8745\n", + "Completed text 8746\n", + "Completed text 8747\n", + "Completed text 8748\n", + "Completed text 8749\n", + "Completed text 8750\n", + "Completed text 8751\n", + "Completed text 8752\n", + "Completed text 8753\n", + "Completed text 8754\n", + "Completed text 8755\n", + "Completed text 8756\n", + "Completed text 8757\n", + "Completed text 8758\n", + "Completed text 8759\n", + "Completed text 8760\n", + "Completed text 8761\n", + "Completed text 8762\n", + "Completed text 8763\n", + "Completed text 8764\n", + "Completed text 8765\n", + "Completed text 8766\n", + "Completed text 8767\n", + "Completed text 8768\n", + "Completed text 8769\n", + "Completed text 8770\n", + "Completed text 8771\n", + "Completed text 8772\n", + "Completed text 8773\n", + "Completed text 8774\n", + "Completed text 8775\n", + "Completed text 8776\n", + "Completed text 8777\n", + "Completed text 8778\n", + "Completed text 8779\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 8780\n", + "Completed text 8781\n", + "Completed text 8782\n", + "Completed text 8783\n", + "Completed text 8784\n", + "Completed text 8785\n", + "Completed text 8786\n", + "Completed text 8787\n", + "Completed text 8788\n", + "Completed text 8789\n", + "Completed text 8790\n", + "Completed text 8791\n", + "Completed text 8792\n", + "Completed text 8793\n", + "Completed text 8794\n", + "Completed text 8795\n", + "Completed text 8796\n", + "Completed text 8797\n", + "Completed text 8798\n", + "Completed text 8799\n", + "Completed text 8800\n", + "Completed text 8801\n", + "Completed text 8802\n", + "Completed text 8803\n", + "Completed text 8804\n", + "Completed text 8805\n", + "Completed text 8806\n", + "Completed text 8807\n", + "Completed text 8808\n", + "Completed text 8809\n", + "Completed text 8810\n", + "Completed text 8811\n", + "Completed text 8812\n", + "Completed text 8813\n", + "Completed text 8814\n", + "Completed text 8815\n", + "Completed text 8816\n", + "Completed text 8817\n", + "Completed text 8818\n", + "Completed text 8819\n", + "Completed text 8820\n", + "Completed text 8821\n", + "Completed text 8822\n", + "Completed text 8823\n", + "Completed text 8824\n", + "Completed text 8825\n", + "Completed text 8826\n", + "Completed text 8827\n", + "Completed text 8828\n", + "Completed text 8829\n", + "Completed text 8830\n", + "Completed text 8831\n", + "Completed text 8832\n", + "Completed text 8833\n", + "Completed text 8834\n", + "Completed text 8835\n", + "Completed text 8836\n", + "Completed text 8837\n", + "Completed text 8838\n", + "Completed text 8839\n", + "Completed text 8840\n", + "Completed text 8841\n", + "Completed text 8842\n", + "Completed text 8843\n", + "Completed text 8844\n", + "Completed text 8845\n", + "Completed text 8846\n", + "Completed text 8847\n", + "Completed text 8848\n", + "Completed text 8849\n", + "Completed text 8850\n", + "Completed text 8851\n", + "Completed text 8852\n", + "Completed text 8853\n", + "Completed text 8854\n", + "Completed text 8855\n", + "Completed text 8856\n", + "Completed text 8857\n", + "Completed text 8858\n", + "Completed text 8859\n", + "Completed text 8860\n", + "Completed text 8861\n", + "Completed text 8862\n", + "Completed text 8863\n", + "Completed text 8864\n", + "Completed text 8865\n", + "Completed text 8866\n", + "Completed text 8867\n", + "Completed text 8868\n", + "Completed text 8869\n", + "Completed text 8870\n", + "Completed text 8871\n", + "Completed text 8872\n", + "Completed text 8873\n", + "Completed text 8874\n", + "Completed text 8875\n", + "Completed text 8876\n", + "Completed text 8877\n", + "Completed text 8878\n", + "Completed text 8879\n", + "Completed text 8880\n", + "Completed text 8881\n", + "Completed text 8882\n", + "Completed text 8883\n", + "Completed text 8884\n", + "Completed text 8885\n", + "Completed text 8886\n", + "Completed text 8887\n", + "Completed text 8888\n", + "Completed text 8889\n", + "Completed text 8890\n", + "Completed text 8891\n", + "Completed text 8892\n", + "Completed text 8893\n", + "Completed text 8894\n", + "Completed text 8895\n", + "Completed text 8896\n", + "Completed text 8897\n", + "Completed text 8898\n", + "Completed text 8899\n", + "Completed text 8900\n", + "Completed text 8901\n", + "Completed text 8902\n", + "Completed text 8903\n", + "Completed text 8904\n", + "Completed text 8905\n", + "Completed text 8906\n", + "Completed text 8907\n", + "Completed text 8908\n", + "Completed text 8909\n", + "Completed text 8910\n", + "Completed text 8911\n", + "Completed text 8912\n", + "Completed text 8913\n", + "Completed text 8914\n", + "Completed text 8915\n", + "Completed text 8916\n", + "Completed text 8917\n", + "Completed text 8918\n", + "Completed text 8919\n", + "Completed text 8920\n", + "Completed text 8921\n", + "Completed text 8922\n", + "Completed text 8923\n", + "Completed text 8924\n", + "Completed text 8925\n", + "Completed text 8926\n", + "Completed text 8927\n", + "Completed text 8928\n", + "Completed text 8929\n", + "Completed text 8930\n", + "Completed text 8931\n", + "Completed text 8932\n", + "Completed text 8933\n", + "Completed text 8934\n", + "Completed text 8935\n", + "Completed text 8936\n", + "Completed text 8937\n", + "Completed text 8938\n", + "Completed text 8939\n", + "Completed text 8940\n", + "Completed text 8941\n", + "Completed text 8942\n", + "Completed text 8943\n", + "Completed text 8944\n", + "Completed text 8945\n", + "Completed text 8946\n", + "Completed text 8947\n", + "Completed text 8948\n", + "Completed text 8949\n", + "Completed text 8950\n", + "Completed text 8951\n", + "Completed text 8952\n", + "Completed text 8953\n", + "Completed text 8954\n", + "Completed text 8955\n", + "Completed text 8956\n", + "Completed text 8957\n", + "Completed text 8958\n", + "Completed text 8959\n", + "Completed text 8960\n", + "Completed text 8961\n", + "Completed text 8962\n", + "Completed text 8963\n", + "Completed text 8964\n", + "Completed text 8965\n", + "Completed text 8966\n", + "Completed text 8967\n", + "Completed text 8968\n", + "Completed text 8969\n", + "Completed text 8970\n", + "Completed text 8971\n", + "Completed text 8972\n", + "Completed text 8973\n", + "Completed text 8974\n", + "Completed text 8975\n", + "Completed text 8976\n", + "Completed text 8977\n", + "Completed text 8978\n", + "Completed text 8979\n", + "Completed text 8980\n", + "Completed text 8981\n", + "Completed text 8982\n", + "Completed text 8983\n", + "Completed text 8984\n", + "Completed text 8985\n", + "Completed text 8986\n", + "Completed text 8987\n", + "Completed text 8988\n", + "Completed text 8989\n", + "Completed text 8990\n", + "Completed text 8991\n", + "Completed text 8992\n", + "Completed text 8993\n", + "Completed text 8994\n", + "Completed text 8995\n", + "Completed text 8996\n", + "Completed text 8997\n", + "Completed text 8998\n", + "Completed text 8999\n", + "Completed text 9000\n", + "Completed text 9001\n", + "Completed text 9002\n", + "Completed text 9003\n", + "Completed text 9004\n", + "Completed text 9005\n", + "Completed text 9006\n", + "Completed text 9007\n", + "Completed text 9008\n", + "Completed text 9009\n", + "Completed text 9010\n", + "Completed text 9011\n", + "Completed text 9012\n", + "Completed text 9013\n", + "Completed text 9014\n", + "Completed text 9015\n", + "Completed text 9016\n", + "Completed text 9017\n", + "Completed text 9018\n", + "Completed text 9019\n", + "Completed text 9020\n", + "Completed text 9021\n", + "Completed text 9022\n", + "Completed text 9023\n", + "Completed text 9024\n", + "Completed text 9025\n", + "Completed text 9026\n", + "Completed text 9027\n", + "Completed text 9028\n", + "Completed text 9029\n", + "Completed text 9030\n", + "Completed text 9031\n", + "Completed text 9032\n", + "Completed text 9033\n", + "Completed text 9034\n", + "Completed text 9035\n", + "Completed text 9036\n", + "Completed text 9037\n", + "Completed text 9038\n", + "Completed text 9039\n", + "Completed text 9040\n", + "Completed text 9041\n", + "Completed text 9042\n", + "Completed text 9043\n", + "Completed text 9044\n", + "Completed text 9045\n", + "Completed text 9046\n", + "Completed text 9047\n", + "Completed text 9048\n", + "Completed text 9049\n", + "Completed text 9050\n", + "Completed text 9051\n", + "Completed text 9052\n", + "Completed text 9053\n", + "Completed text 9054\n", + "Completed text 9055\n", + "Completed text 9056\n", + "Completed text 9057\n", + "Completed text 9058\n", + "Completed text 9059\n", + "Completed text 9060\n", + "Completed text 9061\n", + "Completed text 9062\n", + "Completed text 9063\n", + "Completed text 9064\n", + "Completed text 9065\n", + "Completed text 9066\n", + "Completed text 9067\n", + "Completed text 9068\n", + "Completed text 9069\n", + "Completed text 9070\n", + "Completed text 9071\n", + "Completed text 9072\n", + "Completed text 9073\n", + "Completed text 9074\n", + "Completed text 9075\n", + "Completed text 9076\n", + "Completed text 9077\n", + "Completed text 9078\n", + "Completed text 9079\n", + "Completed text 9080\n", + "Completed text 9081\n", + "Completed text 9082\n", + "Completed text 9083\n", + "Completed text 9084\n", + "Completed text 9085\n", + "Completed text 9086\n", + "Completed text 9087\n", + "Completed text 9088\n", + "Completed text 9089\n", + "Completed text 9090\n", + "Completed text 9091\n", + "Completed text 9092\n", + "Completed text 9093\n", + "Completed text 9094\n", + "Completed text 9095\n", + "Completed text 9096\n", + "Completed text 9097\n", + "Completed text 9098\n", + "Completed text 9099\n", + "Completed text 9100\n", + "Completed text 9101\n", + "Completed text 9102\n", + "Completed text 9103\n", + "Completed text 9104\n", + "Completed text 9105\n", + "Completed text 9106\n", + "Completed text 9107\n", + "Completed text 9108\n", + "Completed text 9109\n", + "Completed text 9110\n", + "Completed text 9111\n", + "Completed text 9112\n", + "Completed text 9113\n", + "Completed text 9114\n", + "Completed text 9115\n", + "Completed text 9116\n", + "Completed text 9117\n", + "Completed text 9118\n", + "Completed text 9119\n", + "Completed text 9120\n", + "Completed text 9121\n", + "Completed text 9122\n", + "Completed text 9123\n", + "Completed text 9124\n", + "Completed text 9125\n", + "Completed text 9126\n", + "Completed text 9127\n", + "Completed text 9128\n", + "Completed text 9129\n", + "Completed text 9130\n", + "Completed text 9131\n", + "Completed text 9132\n", + "Completed text 9133\n", + "Completed text 9134\n", + "Completed text 9135\n", + "Completed text 9136\n", + "Completed text 9137\n", + "Completed text 9138\n", + "Completed text 9139\n", + "Completed text 9140\n", + "Completed text 9141\n", + "Completed text 9142\n", + "Completed text 9143\n", + "Completed text 9144\n", + "Completed text 9145\n", + "Completed text 9146\n", + "Completed text 9147\n", + "Completed text 9148\n", + "Completed text 9149\n", + "Completed text 9150\n", + "Completed text 9151\n", + "Completed text 9152\n", + "Completed text 9153\n", + "Completed text 9154\n", + "Completed text 9155\n", + "Completed text 9156\n", + "Completed text 9157\n", + "Completed text 9158\n", + "Completed text 9159\n", + "Completed text 9160\n", + "Completed text 9161\n", + "Completed text 9162\n", + "Completed text 9163\n", + "Completed text 9164\n", + "Completed text 9165\n", + "Completed text 9166\n", + "Completed text 9167\n", + "Completed text 9168\n", + "Completed text 9169\n", + "Completed text 9170\n", + "Completed text 9171\n", + "Completed text 9172\n", + "Completed text 9173\n", + "Completed text 9174\n", + "Completed text 9175\n", + "Completed text 9176\n", + "Completed text 9177\n", + "Completed text 9178\n", + "Completed text 9179\n", + "Completed text 9180\n", + "Completed text 9181\n", + "Completed text 9182\n", + "Completed text 9183\n", + "Completed text 9184\n", + "Completed text 9185\n", + "Completed text 9186\n", + "Completed text 9187\n", + "Completed text 9188\n", + "Completed text 9189\n", + "Completed text 9190\n", + "Completed text 9191\n", + "Completed text 9192\n", + "Completed text 9193\n", + "Completed text 9194\n", + "Completed text 9195\n", + "Completed text 9196\n", + "Completed text 9197\n", + "Completed text 9198\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 9199\n", + "Completed text 9200\n", + "Completed text 9201\n", + "Completed text 9202\n", + "Completed text 9203\n", + "Completed text 9204\n", + "Completed text 9205\n", + "Completed text 9206\n", + "Completed text 9207\n", + "Completed text 9208\n", + "Completed text 9209\n", + "Completed text 9210\n", + "Completed text 9211\n", + "Completed text 9212\n", + "Completed text 9213\n", + "Completed text 9214\n", + "Completed text 9215\n", + "Completed text 9216\n", + "Completed text 9217\n", + "Completed text 9218\n", + "Completed text 9219\n", + "Completed text 9220\n", + "Completed text 9221\n", + "Completed text 9222\n", + "Completed text 9223\n", + "Completed text 9224\n", + "Completed text 9225\n", + "Completed text 9226\n", + "Completed text 9227\n", + "Completed text 9228\n", + "Completed text 9229\n", + "Completed text 9230\n", + "Completed text 9231\n", + "Completed text 9232\n", + "Completed text 9233\n", + "Completed text 9234\n", + "Completed text 9235\n", + "Completed text 9236\n", + "Completed text 9237\n", + "Completed text 9238\n", + "Completed text 9239\n", + "Completed text 9240\n", + "Completed text 9241\n", + "Completed text 9242\n", + "Completed text 9243\n", + "Completed text 9244\n", + "Completed text 9245\n", + "Completed text 9246\n", + "Completed text 9247\n", + "Completed text 9248\n", + "Completed text 9249\n", + "Completed text 9250\n", + "Completed text 9251\n", + "Completed text 9252\n", + "Completed text 9253\n", + "Completed text 9254\n", + "Completed text 9255\n", + "Completed text 9256\n", + "Completed text 9257\n", + "Completed text 9258\n", + "Completed text 9259\n", + "Completed text 9260\n", + "Completed text 9261\n", + "Completed text 9262\n", + "Completed text 9263\n", + "Completed text 9264\n", + "Completed text 9265\n", + "Completed text 9266\n", + "Completed text 9267\n", + "Completed text 9268\n", + "Completed text 9269\n", + "Completed text 9270\n", + "Completed text 9271\n", + "Completed text 9272\n", + "Completed text 9273\n", + "Completed text 9274\n", + "Completed text 9275\n", + "Completed text 9276\n", + "Completed text 9277\n", + "Completed text 9278\n", + "Completed text 9279\n", + "Completed text 9280\n", + "Completed text 9281\n", + "Completed text 9282\n", + "Completed text 9283\n", + "Completed text 9284\n", + "Completed text 9285\n", + "Completed text 9286\n", + "Completed text 9287\n", + "Completed text 9288\n", + "Completed text 9289\n", + "Completed text 9290\n", + "Completed text 9291\n", + "Completed text 9292\n", + "Completed text 9293\n", + "Completed text 9294\n", + "Completed text 9295\n", + "Completed text 9296\n", + "Completed text 9297\n", + "Completed text 9298\n", + "Completed text 9299\n", + "Completed text 9300\n", + "Completed text 9301\n", + "Completed text 9302\n", + "Completed text 9303\n", + "Completed text 9304\n", + "Completed text 9305\n", + "Completed text 9306\n", + "Completed text 9307\n", + "Completed text 9308\n", + "Completed text 9309\n", + "Completed text 9310\n", + "Completed text 9311\n", + "Completed text 9312\n", + "Completed text 9313\n", + "Completed text 9314\n", + "Completed text 9315\n", + "Completed text 9316\n", + "Completed text 9317\n", + "Completed text 9318\n", + "Completed text 9319\n", + "Completed text 9320\n", + "Completed text 9321\n", + "Completed text 9322\n", + "Completed text 9323\n", + "Completed text 9324\n", + "Completed text 9325\n", + "Completed text 9326\n", + "Completed text 9327\n", + "Completed text 9328\n", + "Completed text 9329\n", + "Completed text 9330\n", + "Completed text 9331\n", + "Completed text 9332\n", + "Completed text 9333\n", + "Completed text 9334\n", + "Completed text 9335\n", + "Completed text 9336\n", + "Completed text 9337\n", + "Completed text 9338\n", + "Completed text 9339\n", + "Completed text 9340\n", + "Completed text 9341\n", + "Completed text 9342\n", + "Completed text 9343\n", + "Completed text 9344\n", + "Completed text 9345\n", + "Completed text 9346\n", + "Completed text 9347\n", + "Completed text 9348\n", + "Completed text 9349\n", + "Completed text 9350\n", + "Completed text 9351\n", + "Completed text 9352\n", + "Completed text 9353\n", + "Completed text 9354\n", + "Completed text 9355\n", + "Completed text 9356\n", + "Completed text 9357\n", + "Completed text 9358\n", + "Completed text 9359\n", + "Completed text 9360\n", + "Completed text 9361\n", + "Completed text 9362\n", + "Completed text 9363\n", + "Completed text 9364\n", + "Completed text 9365\n", + "Completed text 9366\n", + "Completed text 9367\n", + "Completed text 9368\n", + "Completed text 9369\n", + "Completed text 9370\n", + "Completed text 9371\n", + "Completed text 9372\n", + "Completed text 9373\n", + "Completed text 9374\n", + "Completed text 9375\n", + "Completed text 9376\n", + "Completed text 9377\n", + "Completed text 9378\n", + "Completed text 9379\n", + "Completed text 9380\n", + "Completed text 9381\n", + "Completed text 9382\n", + "Completed text 9383\n", + "Completed text 9384\n", + "Completed text 9385\n", + "Completed text 9386\n", + "Completed text 9387\n", + "Completed text 9388\n", + "Completed text 9389\n", + "Completed text 9390\n", + "Completed text 9391\n", + "Completed text 9392\n", + "Completed text 9393\n", + "Completed text 9394\n", + "Completed text 9395\n", + "Completed text 9396\n", + "Completed text 9397\n", + "Completed text 9398\n", + "Completed text 9399\n", + "Completed text 9400\n", + "Completed text 9401\n", + "Completed text 9402\n", + "Completed text 9403\n", + "Completed text 9404\n", + "Completed text 9405\n", + "Completed text 9406\n", + "Completed text 9407\n", + "Completed text 9408\n", + "Completed text 9409\n", + "Completed text 9410\n", + "Completed text 9411\n", + "Completed text 9412\n", + "Completed text 9413\n", + "Completed text 9414\n", + "Completed text 9415\n", + "Completed text 9416\n", + "Completed text 9417\n", + "Completed text 9418\n", + "Completed text 9419\n", + "Completed text 9420\n", + "Completed text 9421\n", + "Completed text 9422\n", + "Completed text 9423\n", + "Completed text 9424\n", + "Completed text 9425\n", + "Completed text 9426\n", + "Completed text 9427\n", + "Completed text 9428\n", + "Completed text 9429\n", + "Completed text 9430\n", + "Completed text 9431\n", + "Completed text 9432\n", + "Completed text 9433\n", + "Completed text 9434\n", + "Completed text 9435\n", + "Completed text 9436\n", + "Completed text 9437\n", + "Completed text 9438\n", + "Completed text 9439\n", + "Completed text 9440\n", + "Completed text 9441\n", + "Completed text 9442\n", + "Completed text 9443\n", + "Completed text 9444\n", + "Completed text 9445\n", + "Completed text 9446\n", + "Completed text 9447\n", + "Completed text 9448\n", + "Completed text 9449\n", + "Completed text 9450\n", + "Completed text 9451\n", + "Completed text 9452\n", + "Completed text 9453\n", + "Completed text 9454\n", + "Completed text 9455\n", + "Completed text 9456\n", + "Completed text 9457\n", + "Completed text 9458\n", + "Completed text 9459\n", + "Completed text 9460\n", + "Completed text 9461\n", + "Completed text 9462\n", + "Completed text 9463\n", + "Completed text 9464\n", + "Completed text 9465\n", + "Completed text 9466\n", + "Completed text 9467\n", + "Completed text 9468\n", + "Completed text 9469\n", + "Completed text 9470\n", + "Completed text 9471\n", + "Completed text 9472\n", + "Completed text 9473\n", + "Completed text 9474\n", + "Completed text 9475\n", + "Completed text 9476\n", + "Completed text 9477\n", + "Completed text 9478\n", + "Completed text 9479\n", + "Completed text 9480\n", + "Completed text 9481\n", + "Completed text 9482\n", + "Completed text 9483\n", + "Completed text 9484\n", + "Completed text 9485\n", + "Completed text 9486\n", + "Completed text 9487\n", + "Completed text 9488\n", + "Completed text 9489\n", + "Completed text 9490\n", + "Completed text 9491\n", + "Completed text 9492\n", + "Completed text 9493\n", + "Completed text 9494\n", + "Completed text 9495\n", + "Completed text 9496\n", + "Completed text 9497\n", + "Completed text 9498\n", + "Completed text 9499\n", + "Completed text 9500\n", + "Completed text 9501\n", + "Completed text 9502\n", + "Completed text 9503\n", + "Completed text 9504\n", + "Completed text 9505\n", + "Completed text 9506\n", + "Completed text 9507\n", + "Completed text 9508\n", + "Completed text 9509\n", + "Completed text 9510\n", + "Completed text 9511\n", + "Completed text 9512\n", + "Completed text 9513\n", + "Completed text 9514\n", + "Completed text 9515\n", + "Completed text 9516\n", + "Completed text 9517\n", + "Completed text 9518\n", + "Completed text 9519\n", + "Completed text 9520\n", + "Completed text 9521\n", + "Completed text 9522\n", + "Completed text 9523\n", + "Completed text 9524\n", + "Completed text 9525\n", + "Completed text 9526\n", + "Completed text 9527\n", + "Completed text 9528\n", + "Completed text 9529\n", + "Completed text 9530\n", + "Completed text 9531\n", + "Completed text 9532\n", + "Completed text 9533\n", + "Completed text 9534\n", + "Completed text 9535\n", + "Completed text 9536\n", + "Completed text 9537\n", + "Completed text 9538\n", + "Completed text 9539\n", + "Completed text 9540\n", + "Completed text 9541\n", + "Completed text 9542\n", + "Completed text 9543\n", + "Completed text 9544\n", + "Completed text 9545\n", + "Completed text 9546\n", + "Completed text 9547\n", + "Completed text 9548\n", + "Completed text 9549\n", + "Completed text 9550\n", + "Completed text 9551\n", + "Completed text 9552\n", + "Completed text 9553\n", + "Completed text 9554\n", + "Completed text 9555\n", + "Completed text 9556\n", + "Completed text 9557\n", + "Completed text 9558\n", + "Completed text 9559\n", + "Completed text 9560\n", + "Completed text 9561\n", + "Completed text 9562\n", + "Completed text 9563\n", + "Completed text 9564\n", + "Completed text 9565\n", + "Completed text 9566\n", + "Completed text 9567\n", + "Completed text 9568\n", + "Completed text 9569\n", + "Completed text 9570\n", + "Completed text 9571\n", + "Completed text 9572\n", + "Completed text 9573\n", + "Completed text 9574\n", + "Completed text 9575\n", + "Completed text 9576\n", + "Completed text 9577\n", + "Completed text 9578\n", + "Completed text 9579\n", + "Completed text 9580\n", + "Completed text 9581\n", + "Completed text 9582\n", + "Completed text 9583\n", + "Completed text 9584\n", + "Completed text 9585\n", + "Completed text 9586\n", + "Completed text 9587\n", + "Completed text 9588\n", + "Completed text 9589\n", + "Completed text 9590\n", + "Completed text 9591\n", + "Completed text 9592\n", + "Completed text 9593\n", + "Completed text 9594\n", + "Completed text 9595\n", + "Completed text 9596\n", + "Completed text 9597\n", + "Completed text 9598\n", + "Completed text 9599\n", + "Completed text 9600\n", + "Completed text 9601\n", + "Completed text 9602\n", + "Completed text 9603\n", + "Completed text 9604\n", + "Completed text 9605\n", + "Completed text 9606\n", + "Completed text 9607\n", + "Completed text 9608\n", + "Completed text 9609\n", + "Completed text 9610\n", + "Completed text 9611\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 9612\n", + "Completed text 9613\n", + "Completed text 9614\n", + "Completed text 9615\n", + "Completed text 9616\n", + "Completed text 9617\n", + "Completed text 9618\n", + "Completed text 9619\n", + "Completed text 9620\n", + "Completed text 9621\n", + "Completed text 9622\n", + "Completed text 9623\n", + "Completed text 9624\n", + "Completed text 9625\n", + "Completed text 9626\n", + "Completed text 9627\n", + "Completed text 9628\n", + "Completed text 9629\n", + "Completed text 9630\n", + "Completed text 9631\n", + "Completed text 9632\n", + "Completed text 9633\n", + "Completed text 9634\n", + "Completed text 9635\n", + "Completed text 9636\n", + "Completed text 9637\n", + "Completed text 9638\n", + "Completed text 9639\n", + "Completed text 9640\n", + "Completed text 9641\n", + "Completed text 9642\n", + "Completed text 9643\n", + "Completed text 9644\n", + "Completed text 9645\n", + "Completed text 9646\n", + "Completed text 9647\n", + "Completed text 9648\n", + "Completed text 9649\n", + "Completed text 9650\n", + "Completed text 9651\n", + "Completed text 9652\n", + "Completed text 9653\n", + "Completed text 9654\n", + "Completed text 9655\n", + "Completed text 9656\n", + "Completed text 9657\n", + "Completed text 9658\n", + "Completed text 9659\n", + "Completed text 9660\n", + "Completed text 9661\n", + "Completed text 9662\n", + "Completed text 9663\n", + "Completed text 9664\n", + "Completed text 9665\n", + "Completed text 9666\n", + "Completed text 9667\n", + "Completed text 9668\n", + "Completed text 9669\n", + "Completed text 9670\n", + "Completed text 9671\n", + "Completed text 9672\n", + "Completed text 9673\n", + "Completed text 9674\n", + "Completed text 9675\n", + "Completed text 9676\n", + "Completed text 9677\n", + "Completed text 9678\n", + "Completed text 9679\n", + "Completed text 9680\n", + "Completed text 9681\n", + "Completed text 9682\n", + "Completed text 9683\n", + "Completed text 9684\n", + "Completed text 9685\n", + "Completed text 9686\n", + "Completed text 9687\n", + "Completed text 9688\n", + "Completed text 9689\n", + "Completed text 9690\n", + "Completed text 9691\n", + "Completed text 9692\n", + "Completed text 9693\n", + "Completed text 9694\n", + "Completed text 9695\n", + "Completed text 9696\n", + "Completed text 9697\n", + "Completed text 9698\n", + "Completed text 9699\n", + "Completed text 9700\n", + "Completed text 9701\n", + "Completed text 9702\n", + "Completed text 9703\n", + "Completed text 9704\n", + "Completed text 9705\n", + "Completed text 9706\n", + "Completed text 9707\n", + "Completed text 9708\n", + "Completed text 9709\n", + "Completed text 9710\n", + "Completed text 9711\n", + "Completed text 9712\n", + "Completed text 9713\n", + "Completed text 9714\n", + "Completed text 9715\n", + "Completed text 9716\n", + "Completed text 9717\n", + "Completed text 9718\n", + "Completed text 9719\n", + "Completed text 9720\n", + "Completed text 9721\n", + "Completed text 9722\n", + "Completed text 9723\n", + "Completed text 9724\n", + "Completed text 9725\n", + "Completed text 9726\n", + "Completed text 9727\n", + "Completed text 9728\n", + "Completed text 9729\n", + "Completed text 9730\n", + "Completed text 9731\n", + "Completed text 9732\n", + "Completed text 9733\n", + "Completed text 9734\n", + "Completed text 9735\n", + "Completed text 9736\n", + "Completed text 9737\n", + "Completed text 9738\n", + "Completed text 9739\n", + "Completed text 9740\n", + "Completed text 9741\n", + "Completed text 9742\n", + "Completed text 9743\n", + "Completed text 9744\n", + "Completed text 9745\n", + "Completed text 9746\n", + "Completed text 9747\n", + "Completed text 9748\n", + "Completed text 9749\n", + "Completed text 9750\n", + "Completed text 9751\n", + "Completed text 9752\n", + "Completed text 9753\n", + "Completed text 9754\n", + "Completed text 9755\n", + "Completed text 9756\n", + "Completed text 9757\n", + "Completed text 9758\n", + "Completed text 9759\n", + "Completed text 9760\n", + "Completed text 9761\n", + "Completed text 9762\n", + "Completed text 9763\n", + "Completed text 9764\n", + "Completed text 9765\n", + "Completed text 9766\n", + "Completed text 9767\n", + "Completed text 9768\n", + "Completed text 9769\n", + "Completed text 9770\n", + "Completed text 9771\n", + "Completed text 9772\n", + "Completed text 9773\n", + "Completed text 9774\n", + "Completed text 9775\n", + "Completed text 9776\n", + "Completed text 9777\n", + "Completed text 9778\n", + "Completed text 9779\n", + "Completed text 9780\n", + "Completed text 9781\n", + "Completed text 9782\n", + "Completed text 9783\n", + "Completed text 9784\n", + "Completed text 9785\n", + "Completed text 9786\n", + "Completed text 9787\n", + "Completed text 9788\n", + "Completed text 9789\n", + "Completed text 9790\n", + "Completed text 9791\n", + "Completed text 9792\n", + "Completed text 9793\n", + "Completed text 9794\n", + "Completed text 9795\n", + "Completed text 9796\n", + "Completed text 9797\n", + "Completed text 9798\n", + "Completed text 9799\n", + "Completed text 9800\n", + "Completed text 9801\n", + "Completed text 9802\n", + "Completed text 9803\n", + "Completed text 9804\n", + "Completed text 9805\n", + "Completed text 9806\n", + "Completed text 9807\n", + "Completed text 9808\n", + "Completed text 9809\n", + "Completed text 9810\n", + "Completed text 9811\n", + "Completed text 9812\n", + "Completed text 9813\n", + "Completed text 9814\n", + "Completed text 9815\n", + "Completed text 9816\n", + "Completed text 9817\n", + "Completed text 9818\n", + "Completed text 9819\n", + "Completed text 9820\n", + "Completed text 9821\n", + "Completed text 9822\n", + "Completed text 9823\n", + "Completed text 9824\n", + "Completed text 9825\n", + "Completed text 9826\n", + "Completed text 9827\n", + "Completed text 9828\n", + "Completed text 9829\n", + "Completed text 9830\n", + "Completed text 9831\n", + "Completed text 9832\n", + "Completed text 9833\n", + "Completed text 9834\n", + "Completed text 9835\n", + "Completed text 9836\n", + "Completed text 9837\n", + "Completed text 9838\n", + "Completed text 9839\n", + "Completed text 9840\n", + "Completed text 9841\n", + "Completed text 9842\n", + "Completed text 9843\n", + "Completed text 9844\n", + "Completed text 9845\n", + "Completed text 9846\n", + "Completed text 9847\n", + "Completed text 9848\n", + "Completed text 9849\n", + "Completed text 9850\n", + "Completed text 9851\n", + "Completed text 9852\n", + "Completed text 9853\n", + "Completed text 9854\n", + "Completed text 9855\n", + "Completed text 9856\n", + "Completed text 9857\n", + "Completed text 9858\n", + "Completed text 9859\n", + "Completed text 9860\n", + "Completed text 9861\n", + "Completed text 9862\n", + "Completed text 9863\n", + "Completed text 9864\n", + "Completed text 9865\n", + "Completed text 9866\n", + "Completed text 9867\n", + "Completed text 9868\n", + "Completed text 9869\n", + "Completed text 9870\n", + "Completed text 9871\n", + "Completed text 9872\n", + "Completed text 9873\n", + "Completed text 9874\n", + "Completed text 9875\n", + "Completed text 9876\n", + "Completed text 9877\n", + "Completed text 9878\n", + "Completed text 9879\n", + "Completed text 9880\n", + "Completed text 9881\n", + "Completed text 9882\n", + "Completed text 9883\n", + "Completed text 9884\n", + "Completed text 9885\n", + "Completed text 9886\n", + "Completed text 9887\n", + "Completed text 9888\n", + "Completed text 9889\n", + "Completed text 9890\n", + "Completed text 9891\n", + "Completed text 9892\n", + "Completed text 9893\n", + "Completed text 9894\n", + "Completed text 9895\n", + "Completed text 9896\n", + "Completed text 9897\n", + "Completed text 9898\n", + "Completed text 9899\n", + "Completed text 9900\n", + "Completed text 9901\n", + "Completed text 9902\n", + "Completed text 9903\n", + "Completed text 9904\n", + "Completed text 9905\n", + "Completed text 9906\n", + "Completed text 9907\n", + "Completed text 9908\n", + "Completed text 9909\n", + "Completed text 9910\n", + "Completed text 9911\n", + "Completed text 9912\n", + "Completed text 9913\n", + "Completed text 9914\n", + "Completed text 9915\n", + "Completed text 9916\n", + "Completed text 9917\n", + "Completed text 9918\n", + "Completed text 9919\n", + "Completed text 9920\n", + "Completed text 9921\n", + "Completed text 9922\n", + "Completed text 9923\n", + "Completed text 9924\n", + "Completed text 9925\n", + "Completed text 9926\n", + "Completed text 9927\n", + "Completed text 9928\n", + "Completed text 9929\n", + "Completed text 9930\n", + "Completed text 9931\n", + "Completed text 9932\n", + "Completed text 9933\n", + "Completed text 9934\n", + "Completed text 9935\n", + "Completed text 9936\n", + "Completed text 9937\n", + "Completed text 9938\n", + "Completed text 9939\n", + "Completed text 9940\n", + "Completed text 9941\n", + "Completed text 9942\n", + "Completed text 9943\n", + "Completed text 9944\n", + "Completed text 9945\n", + "Completed text 9946\n", + "Completed text 9947\n", + "Completed text 9948\n", + "Completed text 9949\n", + "Completed text 9950\n", + "Completed text 9951\n", + "Completed text 9952\n", + "Completed text 9953\n", + "Completed text 9954\n", + "Completed text 9955\n", + "Completed text 9956\n", + "Completed text 9957\n", + "Completed text 9958\n", + "Completed text 9959\n", + "Completed text 9960\n", + "Completed text 9961\n", + "Completed text 9962\n", + "Completed text 9963\n", + "Completed text 9964\n", + "Completed text 9965\n", + "Completed text 9966\n", + "Completed text 9967\n", + "Completed text 9968\n", + "Completed text 9969\n", + "Completed text 9970\n", + "Completed text 9971\n", + "Completed text 9972\n", + "Completed text 9973\n", + "Completed text 9974\n", + "Completed text 9975\n", + "Completed text 9976\n", + "Completed text 9977\n", + "Completed text 9978\n", + "Completed text 9979\n", + "Completed text 9980\n", + "Completed text 9981\n", + "Completed text 9982\n", + "Completed text 9983\n", + "Completed text 9984\n", + "Completed text 9985\n", + "Completed text 9986\n", + "Completed text 9987\n", + "Completed text 9988\n", + "Completed text 9989\n", + "Completed text 9990\n", + "Completed text 9991\n", + "Completed text 9992\n", + "Completed text 9993\n", + "Completed text 9994\n", + "Completed text 9995\n", + "Completed text 9996\n", + "Completed text 9997\n", + "Completed text 9998\n", + "Completed text 9999\n", + "Completed text 10000\n", + "Completed text 10001\n", + "Completed text 10002\n", + "Completed text 10003\n", + "Completed text 10004\n", + "Completed text 10005\n", + "Completed text 10006\n", + "Completed text 10007\n", + "Completed text 10008\n", + "Completed text 10009\n", + "Completed text 10010\n", + "Completed text 10011\n", + "Completed text 10012\n", + "Completed text 10013\n", + "Completed text 10014\n", + "Completed text 10015\n", + "Completed text 10016\n", + "Completed text 10017\n", + "Completed text 10018\n", + "Completed text 10019\n", + "Completed text 10020\n", + "Completed text 10021\n", + "Completed text 10022\n", + "Completed text 10023\n", + "Completed text 10024\n", + "Completed text 10025\n", + "Completed text 10026\n", + "Completed text 10027\n", + "Completed text 10028\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 10029\n", + "Completed text 10030\n", + "Completed text 10031\n", + "Completed text 10032\n", + "Completed text 10033\n", + "Completed text 10034\n", + "Completed text 10035\n", + "Completed text 10036\n", + "Completed text 10037\n", + "Completed text 10038\n", + "Completed text 10039\n", + "Completed text 10040\n", + "Completed text 10041\n", + "Completed text 10042\n", + "Completed text 10043\n", + "Completed text 10044\n", + "Completed text 10045\n", + "Completed text 10046\n", + "Completed text 10047\n", + "Completed text 10048\n", + "Completed text 10049\n", + "Completed text 10050\n", + "Completed text 10051\n", + "Completed text 10052\n", + "Completed text 10053\n", + "Completed text 10054\n", + "Completed text 10055\n", + "Completed text 10056\n", + "Completed text 10057\n", + "Completed text 10058\n", + "Completed text 10059\n", + "Completed text 10060\n", + "Completed text 10061\n", + "Completed text 10062\n", + "Completed text 10063\n", + "Completed text 10064\n", + "Completed text 10065\n", + "Completed text 10066\n", + "Completed text 10067\n", + "Completed text 10068\n", + "Completed text 10069\n", + "Completed text 10070\n", + "Completed text 10071\n", + "Completed text 10072\n", + "Completed text 10073\n", + "Completed text 10074\n", + "Completed text 10075\n", + "Completed text 10076\n", + "Completed text 10077\n", + "Completed text 10078\n", + "Completed text 10079\n", + "Completed text 10080\n", + "Completed text 10081\n", + "Completed text 10082\n", + "Completed text 10083\n", + "Completed text 10084\n", + "Completed text 10085\n", + "Completed text 10086\n", + "Completed text 10087\n", + "Completed text 10088\n", + "Completed text 10089\n", + "Completed text 10090\n", + "Completed text 10091\n", + "Completed text 10092\n", + "Completed text 10093\n", + "Completed text 10094\n", + "Completed text 10095\n", + "Completed text 10096\n", + "Completed text 10097\n", + "Completed text 10098\n", + "Completed text 10099\n", + "Completed text 10100\n", + "Completed text 10101\n", + "Completed text 10102\n", + "Completed text 10103\n", + "Completed text 10104\n", + "Completed text 10105\n", + "Completed text 10106\n", + "Completed text 10107\n", + "Completed text 10108\n", + "Completed text 10109\n", + "Completed text 10110\n", + "Completed text 10111\n", + "Completed text 10112\n", + "Completed text 10113\n", + "Completed text 10114\n", + "Completed text 10115\n", + "Completed text 10116\n", + "Completed text 10117\n", + "Completed text 10118\n", + "Completed text 10119\n", + "Completed text 10120\n", + "Completed text 10121\n", + "Completed text 10122\n", + "Completed text 10123\n", + "Completed text 10124\n", + "Completed text 10125\n", + "Completed text 10126\n", + "Completed text 10127\n", + "Completed text 10128\n", + "Completed text 10129\n", + "Completed text 10130\n", + "Completed text 10131\n", + "Completed text 10132\n", + "Completed text 10133\n", + "Completed text 10134\n", + "Completed text 10135\n", + "Completed text 10136\n", + "Completed text 10137\n", + "Completed text 10138\n", + "Completed text 10139\n", + "Completed text 10140\n", + "Completed text 10141\n", + "Completed text 10142\n", + "Completed text 10143\n", + "Completed text 10144\n", + "Completed text 10145\n", + "Completed text 10146\n", + "Completed text 10147\n", + "Completed text 10148\n", + "Completed text 10149\n", + "Completed text 10150\n", + "Completed text 10151\n", + "Completed text 10152\n", + "Completed text 10153\n", + "Completed text 10154\n", + "Completed text 10155\n", + "Completed text 10156\n", + "Completed text 10157\n", + "Completed text 10158\n", + "Completed text 10159\n", + "Completed text 10160\n", + "Completed text 10161\n", + "Completed text 10162\n", + "Completed text 10163\n", + "Completed text 10164\n", + "Completed text 10165\n", + "Completed text 10166\n", + "Completed text 10167\n", + "Completed text 10168\n", + "Completed text 10169\n", + "Completed text 10170\n", + "Completed text 10171\n", + "Completed text 10172\n", + "Completed text 10173\n", + "Completed text 10174\n", + "Completed text 10175\n", + "Completed text 10176\n", + "Completed text 10177\n", + "Completed text 10178\n", + "Completed text 10179\n", + "Completed text 10180\n", + "Completed text 10181\n", + "Completed text 10182\n", + "Completed text 10183\n", + "Completed text 10184\n", + "Completed text 10185\n", + "Completed text 10186\n", + "Completed text 10187\n", + "Completed text 10188\n", + "Completed text 10189\n", + "Completed text 10190\n", + "Completed text 10191\n", + "Completed text 10192\n", + "Completed text 10193\n", + "Completed text 10194\n", + "Completed text 10195\n", + "Completed text 10196\n", + "Completed text 10197\n", + "Completed text 10198\n", + "Completed text 10199\n", + "Completed text 10200\n", + "Completed text 10201\n", + "Completed text 10202\n", + "Completed text 10203\n", + "Completed text 10204\n", + "Completed text 10205\n", + "Completed text 10206\n", + "Completed text 10207\n", + "Completed text 10208\n", + "Completed text 10209\n", + "Completed text 10210\n", + "Completed text 10211\n", + "Completed text 10212\n", + "Completed text 10213\n", + "Completed text 10214\n", + "Completed text 10215\n", + "Completed text 10216\n", + "Completed text 10217\n", + "Completed text 10218\n", + "Completed text 10219\n", + "Completed text 10220\n", + "Completed text 10221\n", + "Completed text 10222\n", + "Completed text 10223\n", + "Completed text 10224\n", + "Completed text 10225\n", + "Completed text 10226\n", + "Completed text 10227\n", + "Completed text 10228\n", + "Completed text 10229\n", + "Completed text 10230\n", + "Completed text 10231\n", + "Completed text 10232\n", + "Completed text 10233\n", + "Completed text 10234\n", + "Completed text 10235\n", + "Completed text 10236\n", + "Completed text 10237\n", + "Completed text 10238\n", + "Completed text 10239\n", + "Completed text 10240\n", + "Completed text 10241\n", + "Completed text 10242\n", + "Completed text 10243\n", + "Completed text 10244\n", + "Completed text 10245\n", + "Completed text 10246\n", + "Completed text 10247\n", + "Completed text 10248\n", + "Completed text 10249\n", + "Completed text 10250\n", + "Completed text 10251\n", + "Completed text 10252\n", + "Completed text 10253\n", + "Completed text 10254\n", + "Completed text 10255\n", + "Completed text 10256\n", + "Completed text 10257\n", + "Completed text 10258\n", + "Completed text 10259\n", + "Completed text 10260\n", + "Completed text 10261\n", + "Completed text 10262\n", + "Completed text 10263\n", + "Completed text 10264\n", + "Completed text 10265\n", + "Completed text 10266\n", + "Completed text 10267\n", + "Completed text 10268\n", + "Completed text 10269\n", + "Completed text 10270\n", + "Completed text 10271\n", + "Completed text 10272\n", + "Completed text 10273\n", + "Completed text 10274\n", + "Completed text 10275\n", + "Completed text 10276\n", + "Completed text 10277\n", + "Completed text 10278\n", + "Completed text 10279\n", + "Completed text 10280\n", + "Completed text 10281\n", + "Completed text 10282\n", + "Completed text 10283\n", + "Completed text 10284\n", + "Completed text 10285\n", + "Completed text 10286\n", + "Completed text 10287\n", + "Completed text 10288\n", + "Completed text 10289\n", + "Completed text 10290\n", + "Completed text 10291\n", + "Completed text 10292\n", + "Completed text 10293\n", + "Completed text 10294\n", + "Completed text 10295\n", + "Completed text 10296\n", + "Completed text 10297\n", + "Completed text 10298\n", + "Completed text 10299\n", + "Completed text 10300\n", + "Completed text 10301\n", + "Completed text 10302\n", + "Completed text 10303\n", + "Completed text 10304\n", + "Completed text 10305\n", + "Completed text 10306\n", + "Completed text 10307\n", + "Completed text 10308\n", + "Completed text 10309\n", + "Completed text 10310\n", + "Completed text 10311\n", + "Completed text 10312\n", + "Completed text 10313\n", + "Completed text 10314\n", + "Completed text 10315\n", + "Completed text 10316\n", + "Completed text 10317\n", + "Completed text 10318\n", + "Completed text 10319\n", + "Completed text 10320\n", + "Completed text 10321\n", + "Completed text 10322\n", + "Completed text 10323\n", + "Completed text 10324\n", + "Completed text 10325\n", + "Completed text 10326\n", + "Completed text 10327\n", + "Completed text 10328\n", + "Completed text 10329\n", + "Completed text 10330\n", + "Completed text 10331\n", + "Completed text 10332\n", + "Completed text 10333\n", + "Completed text 10334\n", + "Completed text 10335\n", + "Completed text 10336\n", + "Completed text 10337\n", + "Completed text 10338\n", + "Completed text 10339\n", + "Completed text 10340\n", + "Completed text 10341\n", + "Completed text 10342\n", + "Completed text 10343\n", + "Completed text 10344\n", + "Completed text 10345\n", + "Completed text 10346\n", + "Completed text 10347\n", + "Completed text 10348\n", + "Completed text 10349\n", + "Completed text 10350\n", + "Completed text 10351\n", + "Completed text 10352\n", + "Completed text 10353\n", + "Completed text 10354\n", + "Completed text 10355\n", + "Completed text 10356\n", + "Completed text 10357\n", + "Completed text 10358\n", + "Completed text 10359\n", + "Completed text 10360\n", + "Completed text 10361\n", + "Completed text 10362\n", + "Completed text 10363\n", + "Completed text 10364\n", + "Completed text 10365\n", + "Completed text 10366\n", + "Completed text 10367\n", + "Completed text 10368\n", + "Completed text 10369\n", + "Completed text 10370\n", + "Completed text 10371\n", + "Completed text 10372\n", + "Completed text 10373\n", + "Completed text 10374\n", + "Completed text 10375\n", + "Completed text 10376\n", + "Completed text 10377\n", + "Completed text 10378\n", + "Completed text 10379\n", + "Completed text 10380\n", + "Completed text 10381\n", + "Completed text 10382\n", + "Completed text 10383\n", + "Completed text 10384\n", + "Completed text 10385\n", + "Completed text 10386\n", + "Completed text 10387\n", + "Completed text 10388\n", + "Completed text 10389\n", + "Completed text 10390\n", + "Completed text 10391\n", + "Completed text 10392\n", + "Completed text 10393\n", + "Completed text 10394\n", + "Completed text 10395\n", + "Completed text 10396\n", + "Completed text 10397\n", + "Completed text 10398\n", + "Completed text 10399\n", + "Completed text 10400\n", + "Completed text 10401\n", + "Completed text 10402\n", + "Completed text 10403\n", + "Completed text 10404\n", + "Completed text 10405\n", + "Completed text 10406\n", + "Completed text 10407\n", + "Completed text 10408\n", + "Completed text 10409\n", + "Completed text 10410\n", + "Completed text 10411\n", + "Completed text 10412\n", + "Completed text 10413\n", + "Completed text 10414\n", + "Completed text 10415\n", + "Completed text 10416\n", + "Completed text 10417\n", + "Completed text 10418\n", + "Completed text 10419\n", + "Completed text 10420\n", + "Completed text 10421\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 10422\n", + "Completed text 10423\n", + "Completed text 10424\n", + "Completed text 10425\n", + "Completed text 10426\n", + "Completed text 10427\n", + "Completed text 10428\n", + "Completed text 10429\n", + "Completed text 10430\n", + "Completed text 10431\n", + "Completed text 10432\n", + "Completed text 10433\n", + "Completed text 10434\n", + "Completed text 10435\n", + "Completed text 10436\n", + "Completed text 10437\n", + "Completed text 10438\n", + "Completed text 10439\n", + "Completed text 10440\n", + "Completed text 10441\n", + "Completed text 10442\n", + "Completed text 10443\n", + "Completed text 10444\n", + "Completed text 10445\n", + "Completed text 10446\n", + "Completed text 10447\n", + "Completed text 10448\n", + "Completed text 10449\n", + "Completed text 10450\n", + "Completed text 10451\n", + "Completed text 10452\n", + "Completed text 10453\n", + "Completed text 10454\n", + "Completed text 10455\n", + "Completed text 10456\n", + "Completed text 10457\n", + "Completed text 10458\n", + "Completed text 10459\n", + "Completed text 10460\n", + "Completed text 10461\n", + "Completed text 10462\n", + "Completed text 10463\n", + "Completed text 10464\n", + "Completed text 10465\n", + "Completed text 10466\n", + "Completed text 10467\n", + "Completed text 10468\n", + "Completed text 10469\n", + "Completed text 10470\n", + "Completed text 10471\n", + "Completed text 10472\n", + "Completed text 10473\n", + "Completed text 10474\n", + "Completed text 10475\n", + "Completed text 10476\n", + "Completed text 10477\n", + "Completed text 10478\n", + "Completed text 10479\n", + "Completed text 10480\n", + "Completed text 10481\n", + "Completed text 10482\n", + "Completed text 10483\n", + "Completed text 10484\n", + "Completed text 10485\n", + "Completed text 10486\n", + "Completed text 10487\n", + "Completed text 10488\n", + "Completed text 10489\n", + "Completed text 10490\n", + "Completed text 10491\n", + "Completed text 10492\n", + "Completed text 10493\n", + "Completed text 10494\n", + "Completed text 10495\n", + "Completed text 10496\n", + "Completed text 10497\n", + "Completed text 10498\n", + "Completed text 10499\n", + "Completed text 10500\n", + "Completed text 10501\n", + "Completed text 10502\n", + "Completed text 10503\n", + "Completed text 10504\n", + "Completed text 10505\n", + "Completed text 10506\n", + "Completed text 10507\n", + "Completed text 10508\n", + "Completed text 10509\n", + "Completed text 10510\n", + "Completed text 10511\n", + "Completed text 10512\n", + "Completed text 10513\n", + "Completed text 10514\n", + "Completed text 10515\n", + "Completed text 10516\n", + "Completed text 10517\n", + "Completed text 10518\n", + "Completed text 10519\n", + "Completed text 10520\n", + "Completed text 10521\n", + "Completed text 10522\n", + "Completed text 10523\n", + "Completed text 10524\n", + "Completed text 10525\n", + "Completed text 10526\n", + "Completed text 10527\n", + "Completed text 10528\n", + "Completed text 10529\n", + "Completed text 10530\n", + "Completed text 10531\n", + "Completed text 10532\n", + "Completed text 10533\n", + "Completed text 10534\n", + "Completed text 10535\n", + "Completed text 10536\n", + "Completed text 10537\n", + "Completed text 10538\n", + "Completed text 10539\n", + "Completed text 10540\n", + "Completed text 10541\n", + "Completed text 10542\n", + "Completed text 10543\n", + "Completed text 10544\n", + "Completed text 10545\n", + "Completed text 10546\n", + "Completed text 10547\n", + "Completed text 10548\n", + "Completed text 10549\n", + "Completed text 10550\n", + "Completed text 10551\n", + "Completed text 10552\n", + "Completed text 10553\n", + "Completed text 10554\n", + "Completed text 10555\n", + "Completed text 10556\n", + "Completed text 10557\n", + "Completed text 10558\n", + "Completed text 10559\n", + "Completed text 10560\n", + "Completed text 10561\n", + "Completed text 10562\n", + "Completed text 10563\n", + "Completed text 10564\n", + "Completed text 10565\n", + "Completed text 10566\n", + "Completed text 10567\n", + "Completed text 10568\n", + "Completed text 10569\n", + "Completed text 10570\n", + "Completed text 10571\n", + "Completed text 10572\n", + "Completed text 10573\n", + "Completed text 10574\n", + "Completed text 10575\n", + "Completed text 10576\n", + "Completed text 10577\n", + "Completed text 10578\n", + "Completed text 10579\n", + "Completed text 10580\n", + "Completed text 10581\n", + "Completed text 10582\n", + "Completed text 10583\n", + "Completed text 10584\n", + "Completed text 10585\n", + "Completed text 10586\n", + "Completed text 10587\n", + "Completed text 10588\n", + "Completed text 10589\n", + "Completed text 10590\n", + "Completed text 10591\n", + "Completed text 10592\n", + "Completed text 10593\n", + "Completed text 10594\n", + "Completed text 10595\n", + "Completed text 10596\n", + "Completed text 10597\n", + "Completed text 10598\n", + "Completed text 10599\n", + "Completed text 10600\n", + "Completed text 10601\n", + "Completed text 10602\n", + "Completed text 10603\n", + "Completed text 10604\n", + "Completed text 10605\n", + "Completed text 10606\n", + "Completed text 10607\n", + "Completed text 10608\n", + "Completed text 10609\n", + "Completed text 10610\n", + "Completed text 10611\n", + "Completed text 10612\n", + "Completed text 10613\n", + "Completed text 10614\n", + "Completed text 10615\n", + "Completed text 10616\n", + "Completed text 10617\n", + "Completed text 10618\n", + "Completed text 10619\n", + "Completed text 10620\n", + "Completed text 10621\n", + "Completed text 10622\n", + "Completed text 10623\n", + "Completed text 10624\n", + "Completed text 10625\n", + "Completed text 10626\n", + "Completed text 10627\n", + "Completed text 10628\n", + "Completed text 10629\n", + "Completed text 10630\n", + "Completed text 10631\n", + "Completed text 10632\n", + "Completed text 10633\n", + "Completed text 10634\n", + "Completed text 10635\n", + "Completed text 10636\n", + "Completed text 10637\n", + "Completed text 10638\n", + "Completed text 10639\n", + "Completed text 10640\n", + "Completed text 10641\n", + "Completed text 10642\n", + "Completed text 10643\n", + "Completed text 10644\n", + "Completed text 10645\n", + "Completed text 10646\n", + "Completed text 10647\n", + "Completed text 10648\n", + "Completed text 10649\n", + "Completed text 10650\n", + "Completed text 10651\n", + "Completed text 10652\n", + "Completed text 10653\n", + "Completed text 10654\n", + "Completed text 10655\n", + "Completed text 10656\n", + "Completed text 10657\n", + "Completed text 10658\n", + "Completed text 10659\n", + "Completed text 10660\n", + "Completed text 10661\n", + "Completed text 10662\n", + "Completed text 10663\n", + "Completed text 10664\n", + "Completed text 10665\n", + "Completed text 10666\n", + "Completed text 10667\n", + "Completed text 10668\n", + "Completed text 10669\n", + "Completed text 10670\n", + "Completed text 10671\n", + "Completed text 10672\n", + "Completed text 10673\n", + "Completed text 10674\n", + "Completed text 10675\n", + "Completed text 10676\n", + "Completed text 10677\n", + "Completed text 10678\n", + "Completed text 10679\n", + "Completed text 10680\n", + "Completed text 10681\n", + "Completed text 10682\n", + "Completed text 10683\n", + "Completed text 10684\n", + "Completed text 10685\n", + "Completed text 10686\n", + "Completed text 10687\n", + "Completed text 10688\n", + "Completed text 10689\n", + "Completed text 10690\n", + "Completed text 10691\n", + "Completed text 10692\n", + "Completed text 10693\n", + "Completed text 10694\n", + "Completed text 10695\n", + "Completed text 10696\n", + "Completed text 10697\n", + "Completed text 10698\n", + "Completed text 10699\n", + "Completed text 10700\n", + "Completed text 10701\n", + "Completed text 10702\n", + "Completed text 10703\n", + "Completed text 10704\n", + "Completed text 10705\n", + "Completed text 10706\n", + "Completed text 10707\n", + "Completed text 10708\n", + "Completed text 10709\n", + "Completed text 10710\n", + "Completed text 10711\n", + "Completed text 10712\n", + "Completed text 10713\n", + "Completed text 10714\n", + "Completed text 10715\n", + "Completed text 10716\n", + "Completed text 10717\n", + "Completed text 10718\n", + "Completed text 10719\n", + "Completed text 10720\n", + "Completed text 10721\n", + "Completed text 10722\n", + "Completed text 10723\n", + "Completed text 10724\n", + "Completed text 10725\n", + "Completed text 10726\n", + "Completed text 10727\n", + "Completed text 10728\n", + "Completed text 10729\n", + "Completed text 10730\n", + "Completed text 10731\n", + "Completed text 10732\n", + "Completed text 10733\n", + "Completed text 10734\n", + "Completed text 10735\n", + "Completed text 10736\n", + "Completed text 10737\n", + "Completed text 10738\n", + "Completed text 10739\n", + "Completed text 10740\n", + "Completed text 10741\n", + "Completed text 10742\n", + "Completed text 10743\n", + "Completed text 10744\n", + "Completed text 10745\n", + "Completed text 10746\n", + "Completed text 10747\n", + "Completed text 10748\n", + "Completed text 10749\n", + "Completed text 10750\n", + "Completed text 10751\n", + "Completed text 10752\n", + "Completed text 10753\n", + "Completed text 10754\n", + "Completed text 10755\n", + "Completed text 10756\n", + "Completed text 10757\n", + "Completed text 10758\n", + "Completed text 10759\n", + "Completed text 10760\n", + "Completed text 10761\n", + "Completed text 10762\n", + "Completed text 10763\n", + "Completed text 10764\n", + "Completed text 10765\n", + "Completed text 10766\n", + "Completed text 10767\n", + "Completed text 10768\n", + "Completed text 10769\n", + "Completed text 10770\n", + "Completed text 10771\n", + "Completed text 10772\n", + "Completed text 10773\n", + "Completed text 10774\n", + "Completed text 10775\n", + "Completed text 10776\n", + "Completed text 10777\n", + "Completed text 10778\n", + "Completed text 10779\n", + "Completed text 10780\n", + "Completed text 10781\n", + "Completed text 10782\n", + "Completed text 10783\n", + "Completed text 10784\n", + "Completed text 10785\n", + "Completed text 10786\n", + "Completed text 10787\n", + "Completed text 10788\n", + "Completed text 10789\n", + "Completed text 10790\n", + "Completed text 10791\n", + "Completed text 10792\n", + "Completed text 10793\n", + "Completed text 10794\n", + "Completed text 10795\n", + "Completed text 10796\n", + "Completed text 10797\n", + "Completed text 10798\n", + "Completed text 10799\n", + "Completed text 10800\n", + "Completed text 10801\n", + "Completed text 10802\n", + "Completed text 10803\n", + "Completed text 10804\n", + "Completed text 10805\n", + "Completed text 10806\n", + "Completed text 10807\n", + "Completed text 10808\n", + "Completed text 10809\n", + "Completed text 10810\n", + "Completed text 10811\n", + "Completed text 10812\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 10813\n", + "Completed text 10814\n", + "Completed text 10815\n", + "Completed text 10816\n", + "Completed text 10817\n", + "Completed text 10818\n", + "Completed text 10819\n", + "Completed text 10820\n", + "Completed text 10821\n", + "Completed text 10822\n", + "Completed text 10823\n", + "Completed text 10824\n", + "Completed text 10825\n", + "Completed text 10826\n", + "Completed text 10827\n", + "Completed text 10828\n", + "Completed text 10829\n", + "Completed text 10830\n", + "Completed text 10831\n", + "Completed text 10832\n", + "Completed text 10833\n", + "Completed text 10834\n", + "Completed text 10835\n", + "Completed text 10836\n", + "Completed text 10837\n", + "Completed text 10838\n", + "Completed text 10839\n", + "Completed text 10840\n", + "Completed text 10841\n", + "Completed text 10842\n", + "Completed text 10843\n", + "Completed text 10844\n", + "Completed text 10845\n", + "Completed text 10846\n", + "Completed text 10847\n", + "Completed text 10848\n", + "Completed text 10849\n", + "Completed text 10850\n", + "Completed text 10851\n", + "Completed text 10852\n", + "Completed text 10853\n", + "Completed text 10854\n", + "Completed text 10855\n", + "Completed text 10856\n", + "Completed text 10857\n", + "Completed text 10858\n", + "Completed text 10859\n", + "Completed text 10860\n", + "Completed text 10861\n", + "Completed text 10862\n", + "Completed text 10863\n", + "Completed text 10864\n", + "Completed text 10865\n", + "Completed text 10866\n", + "Completed text 10867\n", + "Completed text 10868\n", + "Completed text 10869\n", + "Completed text 10870\n", + "Completed text 10871\n", + "Completed text 10872\n", + "Completed text 10873\n", + "Completed text 10874\n", + "Completed text 10875\n", + "Completed text 10876\n", + "Completed text 10877\n", + "Completed text 10878\n", + "Completed text 10879\n", + "Completed text 10880\n", + "Completed text 10881\n", + "Completed text 10882\n", + "Completed text 10883\n", + "Completed text 10884\n", + "Completed text 10885\n", + "Completed text 10886\n", + "Completed text 10887\n", + "Completed text 10888\n", + "Completed text 10889\n", + "Completed text 10890\n", + "Completed text 10891\n", + "Completed text 10892\n", + "Completed text 10893\n", + "Completed text 10894\n", + "Completed text 10895\n", + "Completed text 10896\n", + "Completed text 10897\n", + "Completed text 10898\n", + "Completed text 10899\n", + "Completed text 10900\n", + "Completed text 10901\n", + "Completed text 10902\n", + "Completed text 10903\n", + "Completed text 10904\n", + "Completed text 10905\n", + "Completed text 10906\n", + "Completed text 10907\n", + "Completed text 10908\n", + "Completed text 10909\n", + "Completed text 10910\n", + "Completed text 10911\n", + "Completed text 10912\n", + "Completed text 10913\n", + "Completed text 10914\n", + "Completed text 10915\n", + "Completed text 10916\n", + "Completed text 10917\n", + "Completed text 10918\n", + "Completed text 10919\n", + "Completed text 10920\n", + "Completed text 10921\n", + "Completed text 10922\n", + "Completed text 10923\n", + "Completed text 10924\n", + "Completed text 10925\n", + "Completed text 10926\n", + "Completed text 10927\n", + "Completed text 10928\n", + "Completed text 10929\n", + "Completed text 10930\n", + "Completed text 10931\n", + "Completed text 10932\n", + "Completed text 10933\n", + "Completed text 10934\n", + "Completed text 10935\n", + "Completed text 10936\n", + "Completed text 10937\n", + "Completed text 10938\n", + "Completed text 10939\n", + "Completed text 10940\n", + "Completed text 10941\n", + "Completed text 10942\n", + "Completed text 10943\n", + "Completed text 10944\n", + "Completed text 10945\n", + "Completed text 10946\n", + "Completed text 10947\n", + "Completed text 10948\n", + "Completed text 10949\n", + "Completed text 10950\n", + "Completed text 10951\n", + "Completed text 10952\n", + "Completed text 10953\n", + "Completed text 10954\n", + "Completed text 10955\n", + "Completed text 10956\n", + "Completed text 10957\n", + "Completed text 10958\n", + "Completed text 10959\n", + "Completed text 10960\n", + "Completed text 10961\n", + "Completed text 10962\n", + "Completed text 10963\n", + "Completed text 10964\n", + "Completed text 10965\n", + "Completed text 10966\n", + "Completed text 10967\n", + "Completed text 10968\n", + "Completed text 10969\n", + "Completed text 10970\n", + "Completed text 10971\n", + "Completed text 10972\n", + "Completed text 10973\n", + "Completed text 10974\n", + "Completed text 10975\n", + "Completed text 10976\n", + "Completed text 10977\n", + "Completed text 10978\n", + "Completed text 10979\n", + "Completed text 10980\n", + "Completed text 10981\n", + "Completed text 10982\n", + "Completed text 10983\n", + "Completed text 10984\n", + "Completed text 10985\n", + "Completed text 10986\n", + "Completed text 10987\n", + "Completed text 10988\n", + "Completed text 10989\n", + "Completed text 10990\n", + "Completed text 10991\n", + "Completed text 10992\n", + "Completed text 10993\n", + "Completed text 10994\n", + "Completed text 10995\n", + "Completed text 10996\n", + "Completed text 10997\n", + "Completed text 10998\n", + "Completed text 10999\n", + "Completed text 11000\n", + "Completed text 11001\n", + "Completed text 11002\n", + "Completed text 11003\n", + "Completed text 11004\n", + "Completed text 11005\n", + "Completed text 11006\n", + "Completed text 11007\n", + "Completed text 11008\n", + "Completed text 11009\n", + "Completed text 11010\n", + "Completed text 11011\n", + "Completed text 11012\n", + "Completed text 11013\n", + "Completed text 11014\n", + "Completed text 11015\n", + "Completed text 11016\n", + "Completed text 11017\n", + "Completed text 11018\n", + "Completed text 11019\n", + "Completed text 11020\n", + "Completed text 11021\n", + "Completed text 11022\n", + "Completed text 11023\n", + "Completed text 11024\n", + "Completed text 11025\n", + "Completed text 11026\n", + "Completed text 11027\n", + "Completed text 11028\n", + "Completed text 11029\n", + "Completed text 11030\n", + "Completed text 11031\n", + "Completed text 11032\n", + "Completed text 11033\n", + "Completed text 11034\n", + "Completed text 11035\n", + "Completed text 11036\n", + "Completed text 11037\n", + "Completed text 11038\n", + "Completed text 11039\n", + "Completed text 11040\n", + "Completed text 11041\n", + "Completed text 11042\n", + "Completed text 11043\n", + "Completed text 11044\n", + "Completed text 11045\n", + "Completed text 11046\n", + "Completed text 11047\n", + "Completed text 11048\n", + "Completed text 11049\n", + "Completed text 11050\n", + "Completed text 11051\n", + "Completed text 11052\n", + "Completed text 11053\n", + "Completed text 11054\n", + "Completed text 11055\n", + "Completed text 11056\n", + "Completed text 11057\n", + "Completed text 11058\n", + "Completed text 11059\n", + "Completed text 11060\n", + "Completed text 11061\n", + "Completed text 11062\n", + "Completed text 11063\n", + "Completed text 11064\n", + "Completed text 11065\n", + "Completed text 11066\n", + "Completed text 11067\n", + "Completed text 11068\n", + "Completed text 11069\n", + "Completed text 11070\n", + "Completed text 11071\n", + "Completed text 11072\n", + "Completed text 11073\n", + "Completed text 11074\n", + "Completed text 11075\n", + "Completed text 11076\n", + "Completed text 11077\n", + "Completed text 11078\n", + "Completed text 11079\n", + "Completed text 11080\n", + "Completed text 11081\n", + "Completed text 11082\n", + "Completed text 11083\n", + "Completed text 11084\n", + "Completed text 11085\n", + "Completed text 11086\n", + "Completed text 11087\n", + "Completed text 11088\n", + "Completed text 11089\n", + "Completed text 11090\n", + "Completed text 11091\n", + "Completed text 11092\n", + "Completed text 11093\n", + "Completed text 11094\n", + "Completed text 11095\n", + "Completed text 11096\n", + "Completed text 11097\n", + "Completed text 11098\n", + "Completed text 11099\n", + "Completed text 11100\n", + "Completed text 11101\n", + "Completed text 11102\n", + "Completed text 11103\n", + "Completed text 11104\n", + "Completed text 11105\n", + "Completed text 11106\n", + "Completed text 11107\n", + "Completed text 11108\n", + "Completed text 11109\n", + "Completed text 11110\n", + "Completed text 11111\n", + "Completed text 11112\n", + "Completed text 11113\n", + "Completed text 11114\n", + "Completed text 11115\n", + "Completed text 11116\n", + "Completed text 11117\n", + "Completed text 11118\n", + "Completed text 11119\n", + "Completed text 11120\n", + "Completed text 11121\n", + "Completed text 11122\n", + "Completed text 11123\n", + "Completed text 11124\n", + "Completed text 11125\n", + "Completed text 11126\n", + "Completed text 11127\n", + "Completed text 11128\n", + "Completed text 11129\n", + "Completed text 11130\n", + "Completed text 11131\n", + "Completed text 11132\n", + "Completed text 11133\n", + "Completed text 11134\n", + "Completed text 11135\n", + "Completed text 11136\n", + "Completed text 11137\n", + "Completed text 11138\n", + "Completed text 11139\n", + "Completed text 11140\n", + "Completed text 11141\n", + "Completed text 11142\n", + "Completed text 11143\n", + "Completed text 11144\n", + "Completed text 11145\n", + "Completed text 11146\n", + "Completed text 11147\n", + "Completed text 11148\n", + "Completed text 11149\n", + "Completed text 11150\n", + "Completed text 11151\n", + "Completed text 11152\n", + "Completed text 11153\n", + "Completed text 11154\n", + "Completed text 11155\n", + "Completed text 11156\n", + "Completed text 11157\n", + "Completed text 11158\n", + "Completed text 11159\n", + "Completed text 11160\n", + "Completed text 11161\n", + "Completed text 11162\n", + "Completed text 11163\n", + "Completed text 11164\n", + "Completed text 11165\n", + "Completed text 11166\n", + "Completed text 11167\n", + "Completed text 11168\n", + "Completed text 11169\n", + "Completed text 11170\n", + "Completed text 11171\n", + "Completed text 11172\n", + "Completed text 11173\n", + "Completed text 11174\n", + "Completed text 11175\n", + "Completed text 11176\n", + "Completed text 11177\n", + "Completed text 11178\n", + "Completed text 11179\n", + "Completed text 11180\n", + "Completed text 11181\n", + "Completed text 11182\n", + "Completed text 11183\n", + "Completed text 11184\n", + "Completed text 11185\n", + "Completed text 11186\n", + "Completed text 11187\n", + "Completed text 11188\n", + "Completed text 11189\n", + "Completed text 11190\n", + "Completed text 11191\n", + "Completed text 11192\n", + "Completed text 11193\n", + "Completed text 11194\n", + "Completed text 11195\n", + "Completed text 11196\n", + "Completed text 11197\n", + "Completed text 11198\n", + "Completed text 11199\n", + "Completed text 11200\n", + "Completed text 11201\n", + "Completed text 11202\n", + "Completed text 11203\n", + "Completed text 11204\n", + "Completed text 11205\n", + "Completed text 11206\n", + "Completed text 11207\n", + "Completed text 11208\n", + "Completed text 11209\n", + "Completed text 11210\n", + "Completed text 11211\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 11212\n", + "Completed text 11213\n", + "Completed text 11214\n", + "Completed text 11215\n", + "Completed text 11216\n", + "Completed text 11217\n", + "Completed text 11218\n", + "Completed text 11219\n", + "Completed text 11220\n", + "Completed text 11221\n", + "Completed text 11222\n", + "Completed text 11223\n", + "Completed text 11224\n", + "Completed text 11225\n", + "Completed text 11226\n", + "Completed text 11227\n", + "Completed text 11228\n", + "Completed text 11229\n", + "Completed text 11230\n", + "Completed text 11231\n", + "Completed text 11232\n", + "Completed text 11233\n", + "Completed text 11234\n", + "Completed text 11235\n", + "Completed text 11236\n", + "Completed text 11237\n", + "Completed text 11238\n", + "Completed text 11239\n", + "Completed text 11240\n", + "Completed text 11241\n", + "Completed text 11242\n", + "Completed text 11243\n", + "Completed text 11244\n", + "Completed text 11245\n", + "Completed text 11246\n", + "Completed text 11247\n", + "Completed text 11248\n", + "Completed text 11249\n", + "Completed text 11250\n", + "Completed text 11251\n", + "Completed text 11252\n", + "Completed text 11253\n", + "Completed text 11254\n", + "Completed text 11255\n", + "Completed text 11256\n", + "Completed text 11257\n", + "Completed text 11258\n", + "Completed text 11259\n", + "Completed text 11260\n", + "Completed text 11261\n", + "Completed text 11262\n", + "Completed text 11263\n", + "Completed text 11264\n", + "Completed text 11265\n", + "Completed text 11266\n", + "Completed text 11267\n", + "Completed text 11268\n", + "Completed text 11269\n", + "Completed text 11270\n", + "Completed text 11271\n", + "Completed text 11272\n", + "Completed text 11273\n", + "Completed text 11274\n", + "Completed text 11275\n", + "Completed text 11276\n", + "Completed text 11277\n", + "Completed text 11278\n", + "Completed text 11279\n", + "Completed text 11280\n", + "Completed text 11281\n", + "Completed text 11282\n", + "Completed text 11283\n", + "Completed text 11284\n", + "Completed text 11285\n", + "Completed text 11286\n", + "Completed text 11287\n", + "Completed text 11288\n", + "Completed text 11289\n", + "Completed text 11290\n", + "Completed text 11291\n", + "Completed text 11292\n", + "Completed text 11293\n", + "Completed text 11294\n", + "Completed text 11295\n", + "Completed text 11296\n", + "Completed text 11297\n", + "Completed text 11298\n", + "Completed text 11299\n", + "Completed text 11300\n", + "Completed text 11301\n", + "Completed text 11302\n", + "Completed text 11303\n", + "Completed text 11304\n", + "Completed text 11305\n", + "Completed text 11306\n", + "Completed text 11307\n", + "Completed text 11308\n", + "Completed text 11309\n", + "Completed text 11310\n", + "Completed text 11311\n", + "Completed text 11312\n", + "Completed text 11313\n", + "Completed text 11314\n", + "Completed text 11315\n", + "Completed text 11316\n", + "Completed text 11317\n", + "Completed text 11318\n", + "Completed text 11319\n", + "Completed text 11320\n", + "Completed text 11321\n", + "Completed text 11322\n", + "Completed text 11323\n", + "Completed text 11324\n", + "Completed text 11325\n", + "Completed text 11326\n", + "Completed text 11327\n", + "Completed text 11328\n", + "Completed text 11329\n", + "Completed text 11330\n", + "Completed text 11331\n", + "Completed text 11332\n", + "Completed text 11333\n", + "Completed text 11334\n", + "Completed text 11335\n", + "Completed text 11336\n", + "Completed text 11337\n", + "Completed text 11338\n", + "Completed text 11339\n", + "Completed text 11340\n", + "Completed text 11341\n", + "Completed text 11342\n", + "Completed text 11343\n", + "Completed text 11344\n", + "Completed text 11345\n", + "Completed text 11346\n", + "Completed text 11347\n", + "Completed text 11348\n", + "Completed text 11349\n", + "Completed text 11350\n", + "Completed text 11351\n", + "Completed text 11352\n", + "Completed text 11353\n", + "Completed text 11354\n", + "Completed text 11355\n", + "Completed text 11356\n", + "Completed text 11357\n", + "Completed text 11358\n", + "Completed text 11359\n", + "Completed text 11360\n", + "Completed text 11361\n", + "Completed text 11362\n", + "Completed text 11363\n", + "Completed text 11364\n", + "Completed text 11365\n", + "Completed text 11366\n", + "Completed text 11367\n", + "Completed text 11368\n", + "Completed text 11369\n", + "Completed text 11370\n", + "Completed text 11371\n", + "Completed text 11372\n", + "Completed text 11373\n", + "Completed text 11374\n", + "Completed text 11375\n", + "Completed text 11376\n", + "Completed text 11377\n", + "Completed text 11378\n", + "Completed text 11379\n", + "Completed text 11380\n", + "Completed text 11381\n", + "Completed text 11382\n", + "Completed text 11383\n", + "Completed text 11384\n", + "Completed text 11385\n", + "Completed text 11386\n", + "Completed text 11387\n", + "Completed text 11388\n", + "Completed text 11389\n", + "Completed text 11390\n", + "Completed text 11391\n", + "Completed text 11392\n", + "Completed text 11393\n", + "Completed text 11394\n", + "Completed text 11395\n", + "Completed text 11396\n", + "Completed text 11397\n", + "Completed text 11398\n", + "Completed text 11399\n", + "Completed text 11400\n", + "Completed text 11401\n", + "Completed text 11402\n", + "Completed text 11403\n", + "Completed text 11404\n", + "Completed text 11405\n", + "Completed text 11406\n", + "Completed text 11407\n", + "Completed text 11408\n", + "Completed text 11409\n", + "Completed text 11410\n", + "Completed text 11411\n", + "Completed text 11412\n", + "Completed text 11413\n", + "Completed text 11414\n", + "Completed text 11415\n", + "Completed text 11416\n", + "Completed text 11417\n", + "Completed text 11418\n", + "Completed text 11419\n", + "Completed text 11420\n", + "Completed text 11421\n", + "Completed text 11422\n", + "Completed text 11423\n", + "Completed text 11424\n", + "Completed text 11425\n", + "Completed text 11426\n", + "Completed text 11427\n", + "Completed text 11428\n", + "Completed text 11429\n", + "Completed text 11430\n", + "Completed text 11431\n", + "Completed text 11432\n", + "Completed text 11433\n", + "Completed text 11434\n", + "Completed text 11435\n", + "Completed text 11436\n", + "Completed text 11437\n", + "Completed text 11438\n", + "Completed text 11439\n", + "Completed text 11440\n", + "Completed text 11441\n", + "Completed text 11442\n", + "Completed text 11443\n", + "Completed text 11444\n", + "Completed text 11445\n", + "Completed text 11446\n", + "Completed text 11447\n", + "Completed text 11448\n", + "Completed text 11449\n", + "Completed text 11450\n", + "Completed text 11451\n", + "Completed text 11452\n", + "Completed text 11453\n", + "Completed text 11454\n", + "Completed text 11455\n", + "Completed text 11456\n", + "Completed text 11457\n", + "Completed text 11458\n", + "Completed text 11459\n", + "Completed text 11460\n", + "Completed text 11461\n", + "Completed text 11462\n", + "Completed text 11463\n", + "Completed text 11464\n", + "Completed text 11465\n", + "Completed text 11466\n", + "Completed text 11467\n", + "Completed text 11468\n", + "Completed text 11469\n", + "Completed text 11470\n", + "Completed text 11471\n", + "Completed text 11472\n", + "Completed text 11473\n", + "Completed text 11474\n", + "Completed text 11475\n", + "Completed text 11476\n", + "Completed text 11477\n", + "Completed text 11478\n", + "Completed text 11479\n", + "Completed text 11480\n", + "Completed text 11481\n", + "Completed text 11482\n", + "Completed text 11483\n", + "Completed text 11484\n", + "Completed text 11485\n", + "Completed text 11486\n", + "Completed text 11487\n", + "Completed text 11488\n", + "Completed text 11489\n", + "Completed text 11490\n", + "Completed text 11491\n", + "Completed text 11492\n", + "Completed text 11493\n", + "Completed text 11494\n", + "Completed text 11495\n", + "Completed text 11496\n", + "Completed text 11497\n", + "Completed text 11498\n", + "Completed text 11499\n", + "Completed text 11500\n", + "Completed text 11501\n", + "Completed text 11502\n", + "Completed text 11503\n", + "Completed text 11504\n", + "Completed text 11505\n", + "Completed text 11506\n", + "Completed text 11507\n", + "Completed text 11508\n", + "Completed text 11509\n", + "Completed text 11510\n", + "Completed text 11511\n", + "Completed text 11512\n", + "Completed text 11513\n", + "Completed text 11514\n", + "Completed text 11515\n", + "Completed text 11516\n", + "Completed text 11517\n", + "Completed text 11518\n", + "Completed text 11519\n", + "Completed text 11520\n", + "Completed text 11521\n", + "Completed text 11522\n", + "Completed text 11523\n", + "Completed text 11524\n", + "Completed text 11525\n", + "Completed text 11526\n", + "Completed text 11527\n", + "Completed text 11528\n", + "Completed text 11529\n", + "Completed text 11530\n", + "Completed text 11531\n", + "Completed text 11532\n", + "Completed text 11533\n", + "Completed text 11534\n", + "Completed text 11535\n", + "Completed text 11536\n", + "Completed text 11537\n", + "Completed text 11538\n", + "Completed text 11539\n", + "Completed text 11540\n", + "Completed text 11541\n", + "Completed text 11542\n", + "Completed text 11543\n", + "Completed text 11544\n", + "Completed text 11545\n", + "Completed text 11546\n", + "Completed text 11547\n", + "Completed text 11548\n", + "Completed text 11549\n", + "Completed text 11550\n", + "Completed text 11551\n", + "Completed text 11552\n", + "Completed text 11553\n", + "Completed text 11554\n", + "Completed text 11555\n", + "Completed text 11556\n", + "Completed text 11557\n", + "Completed text 11558\n", + "Completed text 11559\n", + "Completed text 11560\n", + "Completed text 11561\n", + "Completed text 11562\n", + "Completed text 11563\n", + "Completed text 11564\n", + "Completed text 11565\n", + "Completed text 11566\n", + "Completed text 11567\n", + "Completed text 11568\n", + "Completed text 11569\n", + "Completed text 11570\n", + "Completed text 11571\n", + "Completed text 11572\n", + "Completed text 11573\n", + "Completed text 11574\n", + "Completed text 11575\n", + "Completed text 11576\n", + "Completed text 11577\n", + "Completed text 11578\n", + "Completed text 11579\n", + "Completed text 11580\n", + "Completed text 11581\n", + "Completed text 11582\n", + "Completed text 11583\n", + "Completed text 11584\n", + "Completed text 11585\n", + "Completed text 11586\n", + "Completed text 11587\n", + "Completed text 11588\n", + "Completed text 11589\n", + "Completed text 11590\n", + "Completed text 11591\n", + "Completed text 11592\n", + "Completed text 11593\n", + "Completed text 11594\n", + "Completed text 11595\n", + "Completed text 11596\n", + "Completed text 11597\n", + "Completed text 11598\n", + "Completed text 11599\n", + "Completed text 11600\n", + "Completed text 11601\n", + "Completed text 11602\n", + "Completed text 11603\n", + "Completed text 11604\n", + "Completed text 11605\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 11606\n", + "Completed text 11607\n", + "Completed text 11608\n", + "Completed text 11609\n", + "Completed text 11610\n", + "Completed text 11611\n", + "Completed text 11612\n", + "Completed text 11613\n", + "Completed text 11614\n", + "Completed text 11615\n", + "Completed text 11616\n", + "Completed text 11617\n", + "Completed text 11618\n", + "Completed text 11619\n", + "Completed text 11620\n", + "Completed text 11621\n", + "Completed text 11622\n", + "Completed text 11623\n", + "Completed text 11624\n", + "Completed text 11625\n", + "Completed text 11626\n", + "Completed text 11627\n", + "Completed text 11628\n", + "Completed text 11629\n", + "Completed text 11630\n", + "Completed text 11631\n", + "Completed text 11632\n", + "Completed text 11633\n", + "Completed text 11634\n", + "Completed text 11635\n", + "Completed text 11636\n", + "Completed text 11637\n", + "Completed text 11638\n", + "Completed text 11639\n", + "Completed text 11640\n", + "Completed text 11641\n", + "Completed text 11642\n", + "Completed text 11643\n", + "Completed text 11644\n", + "Completed text 11645\n", + "Completed text 11646\n", + "Completed text 11647\n", + "Completed text 11648\n", + "Completed text 11649\n", + "Completed text 11650\n", + "Completed text 11651\n", + "Completed text 11652\n", + "Completed text 11653\n", + "Completed text 11654\n", + "Completed text 11655\n", + "Completed text 11656\n", + "Completed text 11657\n", + "Completed text 11658\n", + "Completed text 11659\n", + "Completed text 11660\n", + "Completed text 11661\n", + "Completed text 11662\n", + "Completed text 11663\n", + "Completed text 11664\n", + "Completed text 11665\n", + "Completed text 11666\n", + "Completed text 11667\n", + "Completed text 11668\n", + "Completed text 11669\n", + "Completed text 11670\n", + "Completed text 11671\n", + "Completed text 11672\n", + "Completed text 11673\n", + "Completed text 11674\n", + "Completed text 11675\n", + "Completed text 11676\n", + "Completed text 11677\n", + "Completed text 11678\n", + "Completed text 11679\n", + "Completed text 11680\n", + "Completed text 11681\n", + "Completed text 11682\n", + "Completed text 11683\n", + "Completed text 11684\n", + "Completed text 11685\n", + "Completed text 11686\n", + "Completed text 11687\n", + "Completed text 11688\n", + "Completed text 11689\n", + "Completed text 11690\n", + "Completed text 11691\n", + "Completed text 11692\n", + "Completed text 11693\n", + "Completed text 11694\n", + "Completed text 11695\n", + "Completed text 11696\n", + "Completed text 11697\n", + "Completed text 11698\n", + "Completed text 11699\n", + "Completed text 11700\n", + "Completed text 11701\n", + "Completed text 11702\n", + "Completed text 11703\n", + "Completed text 11704\n", + "Completed text 11705\n", + "Completed text 11706\n", + "Completed text 11707\n", + "Completed text 11708\n", + "Completed text 11709\n", + "Completed text 11710\n", + "Completed text 11711\n", + "Completed text 11712\n", + "Completed text 11713\n", + "Completed text 11714\n", + "Completed text 11715\n", + "Completed text 11716\n", + "Completed text 11717\n", + "Completed text 11718\n", + "Completed text 11719\n", + "Completed text 11720\n", + "Completed text 11721\n", + "Completed text 11722\n", + "Completed text 11723\n", + "Completed text 11724\n", + "Completed text 11725\n", + "Completed text 11726\n", + "Completed text 11727\n", + "Completed text 11728\n", + "Completed text 11729\n", + "Completed text 11730\n", + "Completed text 11731\n", + "Completed text 11732\n", + "Completed text 11733\n", + "Completed text 11734\n", + "Completed text 11735\n", + "Completed text 11736\n", + "Completed text 11737\n", + "Completed text 11738\n", + "Completed text 11739\n", + "Completed text 11740\n", + "Completed text 11741\n", + "Completed text 11742\n", + "Completed text 11743\n", + "Completed text 11744\n", + "Completed text 11745\n", + "Completed text 11746\n", + "Completed text 11747\n", + "Completed text 11748\n", + "Completed text 11749\n", + "Completed text 11750\n", + "Completed text 11751\n", + "Completed text 11752\n", + "Completed text 11753\n", + "Completed text 11754\n", + "Completed text 11755\n", + "Completed text 11756\n", + "Completed text 11757\n", + "Completed text 11758\n", + "Completed text 11759\n", + "Completed text 11760\n", + "Completed text 11761\n", + "Completed text 11762\n", + "Completed text 11763\n", + "Completed text 11764\n", + "Completed text 11765\n", + "Completed text 11766\n", + "Completed text 11767\n", + "Completed text 11768\n", + "Completed text 11769\n", + "Completed text 11770\n", + "Completed text 11771\n", + "Completed text 11772\n", + "Completed text 11773\n", + "Completed text 11774\n", + "Completed text 11775\n", + "Completed text 11776\n", + "Completed text 11777\n", + "Completed text 11778\n", + "Completed text 11779\n", + "Completed text 11780\n", + "Completed text 11781\n", + "Completed text 11782\n", + "Completed text 11783\n", + "Completed text 11784\n", + "Completed text 11785\n", + "Completed text 11786\n", + "Completed text 11787\n", + "Completed text 11788\n", + "Completed text 11789\n", + "Completed text 11790\n", + "Completed text 11791\n", + "Completed text 11792\n", + "Completed text 11793\n", + "Completed text 11794\n", + "Completed text 11795\n", + "Completed text 11796\n", + "Completed text 11797\n", + "Completed text 11798\n", + "Completed text 11799\n", + "Completed text 11800\n", + "Completed text 11801\n", + "Completed text 11802\n", + "Completed text 11803\n", + "Completed text 11804\n", + "Completed text 11805\n", + "Completed text 11806\n", + "Completed text 11807\n", + "Completed text 11808\n", + "Completed text 11809\n", + "Completed text 11810\n", + "Completed text 11811\n", + "Completed text 11812\n", + "Completed text 11813\n", + "Completed text 11814\n", + "Completed text 11815\n", + "Completed text 11816\n", + "Completed text 11817\n", + "Completed text 11818\n", + "Completed text 11819\n", + "Completed text 11820\n", + "Completed text 11821\n", + "Completed text 11822\n", + "Completed text 11823\n", + "Completed text 11824\n", + "Completed text 11825\n", + "Completed text 11826\n", + "Completed text 11827\n", + "Completed text 11828\n", + "Completed text 11829\n", + "Completed text 11830\n", + "Completed text 11831\n", + "Completed text 11832\n", + "Completed text 11833\n", + "Completed text 11834\n", + "Completed text 11835\n", + "Completed text 11836\n", + "Completed text 11837\n", + "Completed text 11838\n", + "Completed text 11839\n", + "Completed text 11840\n", + "Completed text 11841\n", + "Completed text 11842\n", + "Completed text 11843\n", + "Completed text 11844\n", + "Completed text 11845\n", + "Completed text 11846\n", + "Completed text 11847\n", + "Completed text 11848\n", + "Completed text 11849\n", + "Completed text 11850\n", + "Completed text 11851\n", + "Completed text 11852\n", + "Completed text 11853\n", + "Completed text 11854\n", + "Completed text 11855\n", + "Completed text 11856\n", + "Completed text 11857\n", + "Completed text 11858\n", + "Completed text 11859\n", + "Completed text 11860\n", + "Completed text 11861\n", + "Completed text 11862\n", + "Completed text 11863\n", + "Completed text 11864\n", + "Completed text 11865\n", + "Completed text 11866\n", + "Completed text 11867\n", + "Completed text 11868\n", + "Completed text 11869\n", + "Completed text 11870\n", + "Completed text 11871\n", + "Completed text 11872\n", + "Completed text 11873\n", + "Completed text 11874\n", + "Completed text 11875\n", + "Completed text 11876\n", + "Completed text 11877\n", + "Completed text 11878\n", + "Completed text 11879\n", + "Completed text 11880\n", + "Completed text 11881\n", + "Completed text 11882\n", + "Completed text 11883\n", + "Completed text 11884\n", + "Completed text 11885\n", + "Completed text 11886\n", + "Completed text 11887\n", + "Completed text 11888\n", + "Completed text 11889\n", + "Completed text 11890\n", + "Completed text 11891\n", + "Completed text 11892\n", + "Completed text 11893\n", + "Completed text 11894\n", + "Completed text 11895\n", + "Completed text 11896\n", + "Completed text 11897\n", + "Completed text 11898\n", + "Completed text 11899\n", + "Completed text 11900\n", + "Completed text 11901\n", + "Completed text 11902\n", + "Completed text 11903\n", + "Completed text 11904\n", + "Completed text 11905\n", + "Completed text 11906\n", + "Completed text 11907\n", + "Completed text 11908\n", + "Completed text 11909\n", + "Completed text 11910\n", + "Completed text 11911\n", + "Completed text 11912\n", + "Completed text 11913\n", + "Completed text 11914\n", + "Completed text 11915\n", + "Completed text 11916\n", + "Completed text 11917\n", + "Completed text 11918\n", + "Completed text 11919\n", + "Completed text 11920\n", + "Completed text 11921\n", + "Completed text 11922\n", + "Completed text 11923\n", + "Completed text 11924\n", + "Completed text 11925\n", + "Completed text 11926\n", + "Completed text 11927\n", + "Completed text 11928\n", + "Completed text 11929\n", + "Completed text 11930\n", + "Completed text 11931\n", + "Completed text 11932\n", + "Completed text 11933\n", + "Completed text 11934\n", + "Completed text 11935\n", + "Completed text 11936\n", + "Completed text 11937\n", + "Completed text 11938\n", + "Completed text 11939\n", + "Completed text 11940\n", + "Completed text 11941\n", + "Completed text 11942\n", + "Completed text 11943\n", + "Completed text 11944\n", + "Completed text 11945\n", + "Completed text 11946\n", + "Completed text 11947\n", + "Completed text 11948\n", + "Completed text 11949\n", + "Completed text 11950\n", + "Completed text 11951\n", + "Completed text 11952\n", + "Completed text 11953\n", + "Completed text 11954\n", + "Completed text 11955\n", + "Completed text 11956\n", + "Completed text 11957\n", + "Completed text 11958\n", + "Completed text 11959\n", + "Completed text 11960\n", + "Completed text 11961\n", + "Completed text 11962\n", + "Completed text 11963\n", + "Completed text 11964\n", + "Completed text 11965\n", + "Completed text 11966\n", + "Completed text 11967\n", + "Completed text 11968\n", + "Completed text 11969\n", + "Completed text 11970\n", + "Completed text 11971\n", + "Completed text 11972\n", + "Completed text 11973\n", + "Completed text 11974\n", + "Completed text 11975\n", + "Completed text 11976\n", + "Completed text 11977\n", + "Completed text 11978\n", + "Completed text 11979\n", + "Completed text 11980\n", + "Completed text 11981\n", + "Completed text 11982\n", + "Completed text 11983\n", + "Completed text 11984\n", + "Completed text 11985\n", + "Completed text 11986\n", + "Completed text 11987\n", + "Completed text 11988\n", + "Completed text 11989\n", + "Completed text 11990\n", + "Completed text 11991\n", + "Completed text 11992\n", + "Completed text 11993\n", + "Completed text 11994\n", + "Completed text 11995\n", + "Completed text 11996\n", + "Completed text 11997\n", + "Completed text 11998\n", + "Completed text 11999\n", + "Completed text 12000\n", + "Completed text 12001\n", + "Completed text 12002\n", + "Completed text 12003\n", + "Completed text 12004\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 12005\n", + "Completed text 12006\n", + "Completed text 12007\n", + "Completed text 12008\n", + "Completed text 12009\n", + "Completed text 12010\n", + "Completed text 12011\n", + "Completed text 12012\n", + "Completed text 12013\n", + "Completed text 12014\n", + "Completed text 12015\n", + "Completed text 12016\n", + "Completed text 12017\n", + "Completed text 12018\n", + "Completed text 12019\n", + "Completed text 12020\n", + "Completed text 12021\n", + "Completed text 12022\n", + "Completed text 12023\n", + "Completed text 12024\n", + "Completed text 12025\n", + "Completed text 12026\n", + "Completed text 12027\n", + "Completed text 12028\n", + "Completed text 12029\n", + "Completed text 12030\n", + "Completed text 12031\n", + "Completed text 12032\n", + "Completed text 12033\n", + "Completed text 12034\n", + "Completed text 12035\n", + "Completed text 12036\n", + "Completed text 12037\n", + "Completed text 12038\n", + "Completed text 12039\n", + "Completed text 12040\n", + "Completed text 12041\n", + "Completed text 12042\n", + "Completed text 12043\n", + "Completed text 12044\n", + "Completed text 12045\n", + "Completed text 12046\n", + "Completed text 12047\n", + "Completed text 12048\n", + "Completed text 12049\n", + "Completed text 12050\n", + "Completed text 12051\n", + "Completed text 12052\n", + "Completed text 12053\n", + "Completed text 12054\n", + "Completed text 12055\n", + "Completed text 12056\n", + "Completed text 12057\n", + "Completed text 12058\n", + "Completed text 12059\n", + "Completed text 12060\n", + "Completed text 12061\n", + "Completed text 12062\n", + "Completed text 12063\n", + "Completed text 12064\n", + "Completed text 12065\n", + "Completed text 12066\n", + "Completed text 12067\n", + "Completed text 12068\n", + "Completed text 12069\n", + "Completed text 12070\n", + "Completed text 12071\n", + "Completed text 12072\n", + "Completed text 12073\n", + "Completed text 12074\n", + "Completed text 12075\n", + "Completed text 12076\n", + "Completed text 12077\n", + "Completed text 12078\n", + "Completed text 12079\n", + "Completed text 12080\n", + "Completed text 12081\n", + "Completed text 12082\n", + "Completed text 12083\n", + "Completed text 12084\n", + "Completed text 12085\n", + "Completed text 12086\n", + "Completed text 12087\n", + "Completed text 12088\n", + "Completed text 12089\n", + "Completed text 12090\n", + "Completed text 12091\n", + "Completed text 12092\n", + "Completed text 12093\n", + "Completed text 12094\n", + "Completed text 12095\n", + "Completed text 12096\n", + "Completed text 12097\n", + "Completed text 12098\n", + "Completed text 12099\n", + "Completed text 12100\n", + "Completed text 12101\n", + "Completed text 12102\n", + "Completed text 12103\n", + "Completed text 12104\n", + "Completed text 12105\n", + "Completed text 12106\n", + "Completed text 12107\n", + "Completed text 12108\n", + "Completed text 12109\n", + "Completed text 12110\n", + "Completed text 12111\n", + "Completed text 12112\n", + "Completed text 12113\n", + "Completed text 12114\n", + "Completed text 12115\n", + "Completed text 12116\n", + "Completed text 12117\n", + "Completed text 12118\n", + "Completed text 12119\n", + "Completed text 12120\n", + "Completed text 12121\n", + "Completed text 12122\n", + "Completed text 12123\n", + "Completed text 12124\n", + "Completed text 12125\n", + "Completed text 12126\n", + "Completed text 12127\n", + "Completed text 12128\n", + "Completed text 12129\n", + "Completed text 12130\n", + "Completed text 12131\n", + "Completed text 12132\n", + "Completed text 12133\n", + "Completed text 12134\n", + "Completed text 12135\n", + "Completed text 12136\n", + "Completed text 12137\n", + "Completed text 12138\n", + "Completed text 12139\n", + "Completed text 12140\n", + "Completed text 12141\n", + "Completed text 12142\n", + "Completed text 12143\n", + "Completed text 12144\n", + "Completed text 12145\n", + "Completed text 12146\n", + "Completed text 12147\n", + "Completed text 12148\n", + "Completed text 12149\n", + "Completed text 12150\n", + "Completed text 12151\n", + "Completed text 12152\n", + "Completed text 12153\n", + "Completed text 12154\n", + "Completed text 12155\n", + "Completed text 12156\n", + "Completed text 12157\n", + "Completed text 12158\n", + "Completed text 12159\n", + "Completed text 12160\n", + "Completed text 12161\n", + "Completed text 12162\n", + "Completed text 12163\n", + "Completed text 12164\n", + "Completed text 12165\n", + "Completed text 12166\n", + "Completed text 12167\n", + "Completed text 12168\n", + "Completed text 12169\n", + "Completed text 12170\n", + "Completed text 12171\n", + "Completed text 12172\n", + "Completed text 12173\n", + "Completed text 12174\n", + "Completed text 12175\n", + "Completed text 12176\n", + "Completed text 12177\n", + "Completed text 12178\n", + "Completed text 12179\n", + "Completed text 12180\n", + "Completed text 12181\n", + "Completed text 12182\n", + "Completed text 12183\n", + "Completed text 12184\n", + "Completed text 12185\n", + "Completed text 12186\n", + "Completed text 12187\n", + "Completed text 12188\n", + "Completed text 12189\n", + "Completed text 12190\n", + "Completed text 12191\n", + "Completed text 12192\n", + "Completed text 12193\n", + "Completed text 12194\n", + "Completed text 12195\n", + "Completed text 12196\n", + "Completed text 12197\n", + "Completed text 12198\n", + "Completed text 12199\n", + "Completed text 12200\n", + "Completed text 12201\n", + "Completed text 12202\n", + "Completed text 12203\n", + "Completed text 12204\n", + "Completed text 12205\n", + "Completed text 12206\n", + "Completed text 12207\n", + "Completed text 12208\n", + "Completed text 12209\n", + "Completed text 12210\n", + "Completed text 12211\n", + "Completed text 12212\n", + "Completed text 12213\n", + "Completed text 12214\n", + "Completed text 12215\n", + "Completed text 12216\n", + "Completed text 12217\n", + "Completed text 12218\n", + "Completed text 12219\n", + "Completed text 12220\n", + "Completed text 12221\n", + "Completed text 12222\n", + "Completed text 12223\n", + "Completed text 12224\n", + "Completed text 12225\n", + "Completed text 12226\n", + "Completed text 12227\n", + "Completed text 12228\n", + "Completed text 12229\n", + "Completed text 12230\n", + "Completed text 12231\n", + "Completed text 12232\n", + "Completed text 12233\n", + "Completed text 12234\n", + "Completed text 12235\n", + "Completed text 12236\n", + "Completed text 12237\n", + "Completed text 12238\n", + "Completed text 12239\n", + "Completed text 12240\n", + "Completed text 12241\n", + "Completed text 12242\n", + "Completed text 12243\n", + "Completed text 12244\n", + "Completed text 12245\n", + "Completed text 12246\n", + "Completed text 12247\n", + "Completed text 12248\n", + "Completed text 12249\n", + "Completed text 12250\n", + "Completed text 12251\n", + "Completed text 12252\n", + "Completed text 12253\n", + "Completed text 12254\n", + "Completed text 12255\n", + "Completed text 12256\n", + "Completed text 12257\n", + "Completed text 12258\n", + "Completed text 12259\n", + "Completed text 12260\n", + "Completed text 12261\n", + "Completed text 12262\n", + "Completed text 12263\n", + "Completed text 12264\n", + "Completed text 12265\n", + "Completed text 12266\n", + "Completed text 12267\n", + "Completed text 12268\n", + "Completed text 12269\n", + "Completed text 12270\n", + "Completed text 12271\n", + "Completed text 12272\n", + "Completed text 12273\n", + "Completed text 12274\n", + "Completed text 12275\n", + "Completed text 12276\n", + "Completed text 12277\n", + "Completed text 12278\n", + "Completed text 12279\n", + "Completed text 12280\n", + "Completed text 12281\n", + "Completed text 12282\n", + "Completed text 12283\n", + "Completed text 12284\n", + "Completed text 12285\n", + "Completed text 12286\n", + "Completed text 12287\n", + "Completed text 12288\n", + "Completed text 12289\n", + "Completed text 12290\n", + "Completed text 12291\n", + "Completed text 12292\n", + "Completed text 12293\n", + "Completed text 12294\n", + "Completed text 12295\n", + "Completed text 12296\n", + "Completed text 12297\n", + "Completed text 12298\n", + "Completed text 12299\n", + "Completed text 12300\n", + "Completed text 12301\n", + "Completed text 12302\n", + "Completed text 12303\n", + "Completed text 12304\n", + "Completed text 12305\n", + "Completed text 12306\n", + "Completed text 12307\n", + "Completed text 12308\n", + "Completed text 12309\n", + "Completed text 12310\n", + "Completed text 12311\n", + "Completed text 12312\n", + "Completed text 12313\n", + "Completed text 12314\n", + "Completed text 12315\n", + "Completed text 12316\n", + "Completed text 12317\n", + "Completed text 12318\n", + "Completed text 12319\n", + "Completed text 12320\n", + "Completed text 12321\n", + "Completed text 12322\n", + "Completed text 12323\n", + "Completed text 12324\n", + "Completed text 12325\n", + "Completed text 12326\n", + "Completed text 12327\n", + "Completed text 12328\n", + "Completed text 12329\n", + "Completed text 12330\n", + "Completed text 12331\n", + "Completed text 12332\n", + "Completed text 12333\n", + "Completed text 12334\n", + "Completed text 12335\n", + "Completed text 12336\n", + "Completed text 12337\n", + "Completed text 12338\n", + "Completed text 12339\n", + "Completed text 12340\n", + "Completed text 12341\n", + "Completed text 12342\n", + "Completed text 12343\n", + "Completed text 12344\n", + "Completed text 12345\n", + "Completed text 12346\n", + "Completed text 12347\n", + "Completed text 12348\n", + "Completed text 12349\n", + "Completed text 12350\n", + "Completed text 12351\n", + "Completed text 12352\n", + "Completed text 12353\n", + "Completed text 12354\n", + "Completed text 12355\n", + "Completed text 12356\n", + "Completed text 12357\n", + "Completed text 12358\n", + "Completed text 12359\n", + "Completed text 12360\n", + "Completed text 12361\n", + "Completed text 12362\n", + "Completed text 12363\n", + "Completed text 12364\n", + "Completed text 12365\n", + "Completed text 12366\n", + "Completed text 12367\n", + "Completed text 12368\n", + "Completed text 12369\n", + "Completed text 12370\n", + "Completed text 12371\n", + "Completed text 12372\n", + "Completed text 12373\n", + "Completed text 12374\n", + "Completed text 12375\n", + "Completed text 12376\n", + "Completed text 12377\n", + "Completed text 12378\n", + "Completed text 12379\n", + "Completed text 12380\n", + "Completed text 12381\n", + "Completed text 12382\n", + "Completed text 12383\n", + "Completed text 12384\n", + "Completed text 12385\n", + "Completed text 12386\n", + "Completed text 12387\n", + "Completed text 12388\n", + "Completed text 12389\n", + "Completed text 12390\n", + "Completed text 12391\n", + "Completed text 12392\n", + "Completed text 12393\n", + "Completed text 12394\n", + "Completed text 12395\n", + "Completed text 12396\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 12397\n", + "Completed text 12398\n", + "Completed text 12399\n", + "Completed text 12400\n", + "Completed text 12401\n", + "Completed text 12402\n", + "Completed text 12403\n", + "Completed text 12404\n", + "Completed text 12405\n", + "Completed text 12406\n", + "Completed text 12407\n", + "Completed text 12408\n", + "Completed text 12409\n", + "Completed text 12410\n", + "Completed text 12411\n", + "Completed text 12412\n", + "Completed text 12413\n", + "Completed text 12414\n", + "Completed text 12415\n", + "Completed text 12416\n", + "Completed text 12417\n", + "Completed text 12418\n", + "Completed text 12419\n", + "Completed text 12420\n", + "Completed text 12421\n", + "Completed text 12422\n", + "Completed text 12423\n", + "Completed text 12424\n", + "Completed text 12425\n", + "Completed text 12426\n", + "Completed text 12427\n", + "Completed text 12428\n", + "Completed text 12429\n", + "Completed text 12430\n", + "Completed text 12431\n", + "Completed text 12432\n", + "Completed text 12433\n", + "Completed text 12434\n", + "Completed text 12435\n", + "Completed text 12436\n", + "Completed text 12437\n", + "Completed text 12438\n", + "Completed text 12439\n", + "Completed text 12440\n", + "Completed text 12441\n", + "Completed text 12442\n", + "Completed text 12443\n", + "Completed text 12444\n", + "Completed text 12445\n", + "Completed text 12446\n", + "Completed text 12447\n", + "Completed text 12448\n", + "Completed text 12449\n", + "Completed text 12450\n", + "Completed text 12451\n", + "Completed text 12452\n", + "Completed text 12453\n", + "Completed text 12454\n", + "Completed text 12455\n", + "Completed text 12456\n", + "Completed text 12457\n", + "Completed text 12458\n", + "Completed text 12459\n", + "Completed text 12460\n", + "Completed text 12461\n", + "Completed text 12462\n", + "Completed text 12463\n", + "Completed text 12464\n", + "Completed text 12465\n", + "Completed text 12466\n", + "Completed text 12467\n", + "Completed text 12468\n", + "Completed text 12469\n", + "Completed text 12470\n", + "Completed text 12471\n", + "Completed text 12472\n", + "Completed text 12473\n", + "Completed text 12474\n", + "Completed text 12475\n", + "Completed text 12476\n", + "Completed text 12477\n", + "Completed text 12478\n", + "Completed text 12479\n", + "Completed text 12480\n", + "Completed text 12481\n", + "Completed text 12482\n", + "Completed text 12483\n", + "Completed text 12484\n", + "Completed text 12485\n", + "Completed text 12486\n", + "Completed text 12487\n", + "Completed text 12488\n", + "Completed text 12489\n", + "Completed text 12490\n", + "Completed text 12491\n", + "Completed text 12492\n", + "Completed text 12493\n", + "Completed text 12494\n", + "Completed text 12495\n", + "Completed text 12496\n", + "Completed text 12497\n", + "Completed text 12498\n", + "Completed text 12499\n", + "Completed text 12500\n", + "Completed text 12501\n", + "Completed text 12502\n", + "Completed text 12503\n", + "Completed text 12504\n", + "Completed text 12505\n", + "Completed text 12506\n", + "Completed text 12507\n", + "Completed text 12508\n", + "Completed text 12509\n", + "Completed text 12510\n", + "Completed text 12511\n", + "Completed text 12512\n", + "Completed text 12513\n", + "Completed text 12514\n", + "Completed text 12515\n", + "Completed text 12516\n", + "Completed text 12517\n", + "Completed text 12518\n", + "Completed text 12519\n", + "Completed text 12520\n", + "Completed text 12521\n", + "Completed text 12522\n", + "Completed text 12523\n", + "Completed text 12524\n", + "Completed text 12525\n", + "Completed text 12526\n", + "Completed text 12527\n", + "Completed text 12528\n", + "Completed text 12529\n", + "Completed text 12530\n", + "Completed text 12531\n", + "Completed text 12532\n", + "Completed text 12533\n", + "Completed text 12534\n", + "Completed text 12535\n", + "Completed text 12536\n", + "Completed text 12537\n", + "Completed text 12538\n", + "Completed text 12539\n", + "Completed text 12540\n", + "Completed text 12541\n", + "Completed text 12542\n", + "Completed text 12543\n", + "Completed text 12544\n", + "Completed text 12545\n", + "Completed text 12546\n", + "Completed text 12547\n", + "Completed text 12548\n", + "Completed text 12549\n", + "Completed text 12550\n", + "Completed text 12551\n", + "Completed text 12552\n", + "Completed text 12553\n", + "Completed text 12554\n", + "Completed text 12555\n", + "Completed text 12556\n", + "Completed text 12557\n", + "Completed text 12558\n", + "Completed text 12559\n", + "Completed text 12560\n", + "Completed text 12561\n", + "Completed text 12562\n", + "Completed text 12563\n", + "Completed text 12564\n", + "Completed text 12565\n", + "Completed text 12566\n", + "Completed text 12567\n", + "Completed text 12568\n", + "Completed text 12569\n", + "Completed text 12570\n", + "Completed text 12571\n", + "Completed text 12572\n", + "Completed text 12573\n", + "Completed text 12574\n", + "Completed text 12575\n", + "Completed text 12576\n", + "Completed text 12577\n", + "Completed text 12578\n", + "Completed text 12579\n", + "Completed text 12580\n", + "Completed text 12581\n", + "Completed text 12582\n", + "Completed text 12583\n", + "Completed text 12584\n", + "Completed text 12585\n", + "Completed text 12586\n", + "Completed text 12587\n", + "Completed text 12588\n", + "Completed text 12589\n", + "Completed text 12590\n", + "Completed text 12591\n", + "Completed text 12592\n", + "Completed text 12593\n", + "Completed text 12594\n", + "Completed text 12595\n", + "Completed text 12596\n", + "Completed text 12597\n", + "Completed text 12598\n", + "Completed text 12599\n", + "Completed text 12600\n", + "Completed text 12601\n", + "Completed text 12602\n", + "Completed text 12603\n", + "Completed text 12604\n", + "Completed text 12605\n", + "Completed text 12606\n", + "Completed text 12607\n", + "Completed text 12608\n", + "Completed text 12609\n", + "Completed text 12610\n", + "Completed text 12611\n", + "Completed text 12612\n", + "Completed text 12613\n", + "Completed text 12614\n", + "Completed text 12615\n", + "Completed text 12616\n", + "Completed text 12617\n", + "Completed text 12618\n", + "Completed text 12619\n", + "Completed text 12620\n", + "Completed text 12621\n", + "Completed text 12622\n", + "Completed text 12623\n", + "Completed text 12624\n", + "Completed text 12625\n", + "Completed text 12626\n", + "Completed text 12627\n", + "Completed text 12628\n", + "Completed text 12629\n", + "Completed text 12630\n", + "Completed text 12631\n", + "Completed text 12632\n", + "Completed text 12633\n", + "Completed text 12634\n", + "Completed text 12635\n", + "Completed text 12636\n", + "Completed text 12637\n", + "Completed text 12638\n", + "Completed text 12639\n", + "Completed text 12640\n", + "Completed text 12641\n", + "Completed text 12642\n", + "Completed text 12643\n", + "Completed text 12644\n", + "Completed text 12645\n", + "Completed text 12646\n", + "Completed text 12647\n", + "Completed text 12648\n", + "Completed text 12649\n", + "Completed text 12650\n", + "Completed text 12651\n", + "Completed text 12652\n", + "Completed text 12653\n", + "Completed text 12654\n", + "Completed text 12655\n", + "Completed text 12656\n", + "Completed text 12657\n", + "Completed text 12658\n", + "Completed text 12659\n", + "Completed text 12660\n", + "Completed text 12661\n", + "Completed text 12662\n", + "Completed text 12663\n", + "Completed text 12664\n", + "Completed text 12665\n", + "Completed text 12666\n", + "Completed text 12667\n", + "Completed text 12668\n", + "Completed text 12669\n", + "Completed text 12670\n", + "Completed text 12671\n", + "Completed text 12672\n", + "Completed text 12673\n", + "Completed text 12674\n", + "Completed text 12675\n", + "Completed text 12676\n", + "Completed text 12677\n", + "Completed text 12678\n", + "Completed text 12679\n", + "Completed text 12680\n", + "Completed text 12681\n", + "Completed text 12682\n", + "Completed text 12683\n", + "Completed text 12684\n", + "Completed text 12685\n", + "Completed text 12686\n", + "Completed text 12687\n", + "Completed text 12688\n", + "Completed text 12689\n", + "Completed text 12690\n", + "Completed text 12691\n", + "Completed text 12692\n", + "Completed text 12693\n", + "Completed text 12694\n", + "Completed text 12695\n", + "Completed text 12696\n", + "Completed text 12697\n", + "Completed text 12698\n", + "Completed text 12699\n", + "Completed text 12700\n", + "Completed text 12701\n", + "Completed text 12702\n", + "Completed text 12703\n", + "Completed text 12704\n", + "Completed text 12705\n", + "Completed text 12706\n", + "Completed text 12707\n", + "Completed text 12708\n", + "Completed text 12709\n", + "Completed text 12710\n", + "Completed text 12711\n", + "Completed text 12712\n", + "Completed text 12713\n", + "Completed text 12714\n", + "Completed text 12715\n", + "Completed text 12716\n", + "Completed text 12717\n", + "Completed text 12718\n", + "Completed text 12719\n", + "Completed text 12720\n", + "Completed text 12721\n", + "Completed text 12722\n", + "Completed text 12723\n", + "Completed text 12724\n", + "Completed text 12725\n", + "Completed text 12726\n", + "Completed text 12727\n", + "Completed text 12728\n", + "Completed text 12729\n", + "Completed text 12730\n", + "Completed text 12731\n", + "Completed text 12732\n", + "Completed text 12733\n", + "Completed text 12734\n", + "Completed text 12735\n", + "Completed text 12736\n", + "Completed text 12737\n", + "Completed text 12738\n", + "Completed text 12739\n", + "Completed text 12740\n", + "Completed text 12741\n", + "Completed text 12742\n", + "Completed text 12743\n", + "Completed text 12744\n", + "Completed text 12745\n", + "Completed text 12746\n", + "Completed text 12747\n", + "Completed text 12748\n", + "Completed text 12749\n", + "Completed text 12750\n", + "Completed text 12751\n", + "Completed text 12752\n", + "Completed text 12753\n", + "Completed text 12754\n", + "Completed text 12755\n", + "Completed text 12756\n", + "Completed text 12757\n", + "Completed text 12758\n", + "Completed text 12759\n", + "Completed text 12760\n", + "Completed text 12761\n", + "Completed text 12762\n", + "Completed text 12763\n", + "Completed text 12764\n", + "Completed text 12765\n", + "Completed text 12766\n", + "Completed text 12767\n", + "Completed text 12768\n", + "Completed text 12769\n", + "Completed text 12770\n", + "Completed text 12771\n", + "Completed text 12772\n", + "Completed text 12773\n", + "Completed text 12774\n", + "Completed text 12775\n", + "Completed text 12776\n", + "Completed text 12777\n", + "Completed text 12778\n", + "Completed text 12779\n", + "Completed text 12780\n", + "Completed text 12781\n", + "Completed text 12782\n", + "Completed text 12783\n", + "Completed text 12784\n", + "Completed text 12785\n", + "Completed text 12786\n", + "Completed text 12787\n", + "Completed text 12788\n", + "Completed text 12789\n", + "Completed text 12790\n", + "Completed text 12791\n", + "Completed text 12792\n", + "Completed text 12793\n", + "Completed text 12794\n", + "Completed text 12795\n", + "Completed text 12796\n", + "Completed text 12797\n", + "Completed text 12798\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 12799\n", + "Completed text 12800\n", + "Completed text 12801\n", + "Completed text 12802\n", + "Completed text 12803\n", + "Completed text 12804\n", + "Completed text 12805\n", + "Completed text 12806\n", + "Completed text 12807\n", + "Completed text 12808\n", + "Completed text 12809\n", + "Completed text 12810\n", + "Completed text 12811\n", + "Completed text 12812\n", + "Completed text 12813\n", + "Completed text 12814\n", + "Completed text 12815\n", + "Completed text 12816\n", + "Completed text 12817\n", + "Completed text 12818\n", + "Completed text 12819\n", + "Completed text 12820\n", + "Completed text 12821\n", + "Completed text 12822\n", + "Completed text 12823\n", + "Completed text 12824\n", + "Completed text 12825\n", + "Completed text 12826\n", + "Completed text 12827\n", + "Completed text 12828\n", + "Completed text 12829\n", + "Completed text 12830\n", + "Completed text 12831\n", + "Completed text 12832\n", + "Completed text 12833\n", + "Completed text 12834\n", + "Completed text 12835\n", + "Completed text 12836\n", + "Completed text 12837\n", + "Completed text 12838\n", + "Completed text 12839\n", + "Completed text 12840\n", + "Completed text 12841\n", + "Completed text 12842\n", + "Completed text 12843\n", + "Completed text 12844\n", + "Completed text 12845\n", + "Completed text 12846\n", + "Completed text 12847\n", + "Completed text 12848\n", + "Completed text 12849\n", + "Completed text 12850\n", + "Completed text 12851\n", + "Completed text 12852\n", + "Completed text 12853\n", + "Completed text 12854\n", + "Completed text 12855\n", + "Completed text 12856\n", + "Completed text 12857\n", + "Completed text 12858\n", + "Completed text 12859\n", + "Completed text 12860\n", + "Completed text 12861\n", + "Completed text 12862\n", + "Completed text 12863\n", + "Completed text 12864\n", + "Completed text 12865\n", + "Completed text 12866\n", + "Completed text 12867\n", + "Completed text 12868\n", + "Completed text 12869\n", + "Completed text 12870\n", + "Completed text 12871\n", + "Completed text 12872\n", + "Completed text 12873\n", + "Completed text 12874\n", + "Completed text 12875\n", + "Completed text 12876\n", + "Completed text 12877\n", + "Completed text 12878\n", + "Completed text 12879\n", + "Completed text 12880\n", + "Completed text 12881\n", + "Completed text 12882\n", + "Completed text 12883\n", + "Completed text 12884\n", + "Completed text 12885\n", + "Completed text 12886\n", + "Completed text 12887\n", + "Completed text 12888\n", + "Completed text 12889\n", + "Completed text 12890\n", + "Completed text 12891\n", + "Completed text 12892\n", + "Completed text 12893\n", + "Completed text 12894\n", + "Completed text 12895\n", + "Completed text 12896\n", + "Completed text 12897\n", + "Completed text 12898\n", + "Completed text 12899\n", + "Completed text 12900\n", + "Completed text 12901\n", + "Completed text 12902\n", + "Completed text 12903\n", + "Completed text 12904\n", + "Completed text 12905\n", + "Completed text 12906\n", + "Completed text 12907\n", + "Completed text 12908\n", + "Completed text 12909\n", + "Completed text 12910\n", + "Completed text 12911\n", + "Completed text 12912\n", + "Completed text 12913\n", + "Completed text 12914\n", + "Completed text 12915\n", + "Completed text 12916\n", + "Completed text 12917\n", + "Completed text 12918\n", + "Completed text 12919\n", + "Completed text 12920\n", + "Completed text 12921\n", + "Completed text 12922\n", + "Completed text 12923\n", + "Completed text 12924\n", + "Completed text 12925\n", + "Completed text 12926\n", + "Completed text 12927\n", + "Completed text 12928\n", + "Completed text 12929\n", + "Completed text 12930\n", + "Completed text 12931\n", + "Completed text 12932\n", + "Completed text 12933\n", + "Completed text 12934\n", + "Completed text 12935\n", + "Completed text 12936\n", + "Completed text 12937\n", + "Completed text 12938\n", + "Completed text 12939\n", + "Completed text 12940\n", + "Completed text 12941\n", + "Completed text 12942\n", + "Completed text 12943\n", + "Completed text 12944\n", + "Completed text 12945\n", + "Completed text 12946\n", + "Completed text 12947\n", + "Completed text 12948\n", + "Completed text 12949\n", + "Completed text 12950\n", + "Completed text 12951\n", + "Completed text 12952\n", + "Completed text 12953\n", + "Completed text 12954\n", + "Completed text 12955\n", + "Completed text 12956\n", + "Completed text 12957\n", + "Completed text 12958\n", + "Completed text 12959\n", + "Completed text 12960\n", + "Completed text 12961\n", + "Completed text 12962\n", + "Completed text 12963\n", + "Completed text 12964\n", + "Completed text 12965\n", + "Completed text 12966\n", + "Completed text 12967\n", + "Completed text 12968\n", + "Completed text 12969\n", + "Completed text 12970\n", + "Completed text 12971\n", + "Completed text 12972\n", + "Completed text 12973\n", + "Completed text 12974\n", + "Completed text 12975\n", + "Completed text 12976\n", + "Completed text 12977\n", + "Completed text 12978\n", + "Completed text 12979\n", + "Completed text 12980\n", + "Completed text 12981\n", + "Completed text 12982\n", + "Completed text 12983\n", + "Completed text 12984\n", + "Completed text 12985\n", + "Completed text 12986\n", + "Completed text 12987\n", + "Completed text 12988\n", + "Completed text 12989\n", + "Completed text 12990\n", + "Completed text 12991\n", + "Completed text 12992\n", + "Completed text 12993\n", + "Completed text 12994\n", + "Completed text 12995\n", + "Completed text 12996\n", + "Completed text 12997\n", + "Completed text 12998\n", + "Completed text 12999\n", + "Completed text 13000\n", + "Completed text 13001\n", + "Completed text 13002\n", + "Completed text 13003\n", + "Completed text 13004\n", + "Completed text 13005\n", + "Completed text 13006\n", + "Completed text 13007\n", + "Completed text 13008\n", + "Completed text 13009\n", + "Completed text 13010\n", + "Completed text 13011\n", + "Completed text 13012\n", + "Completed text 13013\n", + "Completed text 13014\n", + "Completed text 13015\n", + "Completed text 13016\n", + "Completed text 13017\n", + "Completed text 13018\n", + "Completed text 13019\n", + "Completed text 13020\n", + "Completed text 13021\n", + "Completed text 13022\n", + "Completed text 13023\n", + "Completed text 13024\n", + "Completed text 13025\n", + "Completed text 13026\n", + "Completed text 13027\n", + "Completed text 13028\n", + "Completed text 13029\n", + "Completed text 13030\n", + "Completed text 13031\n", + "Completed text 13032\n", + "Completed text 13033\n", + "Completed text 13034\n", + "Completed text 13035\n", + "Completed text 13036\n", + "Completed text 13037\n", + "Completed text 13038\n", + "Completed text 13039\n", + "Completed text 13040\n", + "Completed text 13041\n", + "Completed text 13042\n", + "Completed text 13043\n", + "Completed text 13044\n", + "Completed text 13045\n", + "Completed text 13046\n", + "Completed text 13047\n", + "Completed text 13048\n", + "Completed text 13049\n", + "Completed text 13050\n", + "Completed text 13051\n", + "Completed text 13052\n", + "Completed text 13053\n", + "Completed text 13054\n", + "Completed text 13055\n", + "Completed text 13056\n", + "Completed text 13057\n", + "Completed text 13058\n", + "Completed text 13059\n", + "Completed text 13060\n", + "Completed text 13061\n", + "Completed text 13062\n", + "Completed text 13063\n", + "Completed text 13064\n", + "Completed text 13065\n", + "Completed text 13066\n", + "Completed text 13067\n", + "Completed text 13068\n", + "Completed text 13069\n", + "Completed text 13070\n", + "Completed text 13071\n", + "Completed text 13072\n", + "Completed text 13073\n", + "Completed text 13074\n", + "Completed text 13075\n", + "Completed text 13076\n", + "Completed text 13077\n", + "Completed text 13078\n", + "Completed text 13079\n", + "Completed text 13080\n", + "Completed text 13081\n", + "Completed text 13082\n", + "Completed text 13083\n", + "Completed text 13084\n", + "Completed text 13085\n", + "Completed text 13086\n", + "Completed text 13087\n", + "Completed text 13088\n", + "Completed text 13089\n", + "Completed text 13090\n", + "Completed text 13091\n", + "Completed text 13092\n", + "Completed text 13093\n", + "Completed text 13094\n", + "Completed text 13095\n", + "Completed text 13096\n", + "Completed text 13097\n", + "Completed text 13098\n", + "Completed text 13099\n", + "Completed text 13100\n", + "Completed text 13101\n", + "Completed text 13102\n", + "Completed text 13103\n", + "Completed text 13104\n", + "Completed text 13105\n", + "Completed text 13106\n", + "Completed text 13107\n", + "Completed text 13108\n", + "Completed text 13109\n", + "Completed text 13110\n", + "Completed text 13111\n", + "Completed text 13112\n", + "Completed text 13113\n", + "Completed text 13114\n", + "Completed text 13115\n", + "Completed text 13116\n", + "Completed text 13117\n", + "Completed text 13118\n", + "Completed text 13119\n", + "Completed text 13120\n", + "Completed text 13121\n", + "Completed text 13122\n", + "Completed text 13123\n", + "Completed text 13124\n", + "Completed text 13125\n", + "Completed text 13126\n", + "Completed text 13127\n", + "Completed text 13128\n", + "Completed text 13129\n", + "Completed text 13130\n", + "Completed text 13131\n", + "Completed text 13132\n", + "Completed text 13133\n", + "Completed text 13134\n", + "Completed text 13135\n", + "Completed text 13136\n", + "Completed text 13137\n", + "Completed text 13138\n", + "Completed text 13139\n", + "Completed text 13140\n", + "Completed text 13141\n", + "Completed text 13142\n", + "Completed text 13143\n", + "Completed text 13144\n", + "Completed text 13145\n", + "Completed text 13146\n", + "Completed text 13147\n", + "Completed text 13148\n", + "Completed text 13149\n", + "Completed text 13150\n", + "Completed text 13151\n", + "Completed text 13152\n", + "Completed text 13153\n", + "Completed text 13154\n", + "Completed text 13155\n", + "Completed text 13156\n", + "Completed text 13157\n", + "Completed text 13158\n", + "Completed text 13159\n", + "Completed text 13160\n", + "Completed text 13161\n", + "Completed text 13162\n", + "Completed text 13163\n", + "Completed text 13164\n", + "Completed text 13165\n", + "Completed text 13166\n", + "Completed text 13167\n", + "Completed text 13168\n", + "Completed text 13169\n", + "Completed text 13170\n", + "Completed text 13171\n", + "Completed text 13172\n", + "Completed text 13173\n", + "Completed text 13174\n", + "Completed text 13175\n", + "Completed text 13176\n", + "Completed text 13177\n", + "Completed text 13178\n", + "Completed text 13179\n", + "Completed text 13180\n", + "Completed text 13181\n", + "Completed text 13182\n", + "Completed text 13183\n", + "Completed text 13184\n", + "Completed text 13185\n", + "Completed text 13186\n", + "Completed text 13187\n", + "Completed text 13188\n", + "Completed text 13189\n", + "Completed text 13190\n", + "Completed text 13191\n", + "Completed text 13192\n", + "Completed text 13193\n", + "Completed text 13194\n", + "Completed text 13195\n", + "Completed text 13196\n", + "Completed text 13197\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 13198\n", + "Completed text 13199\n", + "Completed text 13200\n", + "Completed text 13201\n", + "Completed text 13202\n", + "Completed text 13203\n", + "Completed text 13204\n", + "Completed text 13205\n", + "Completed text 13206\n", + "Completed text 13207\n", + "Completed text 13208\n", + "Completed text 13209\n", + "Completed text 13210\n", + "Completed text 13211\n", + "Completed text 13212\n", + "Completed text 13213\n", + "Completed text 13214\n", + "Completed text 13215\n", + "Completed text 13216\n", + "Completed text 13217\n", + "Completed text 13218\n", + "Completed text 13219\n", + "Completed text 13220\n", + "Completed text 13221\n", + "Completed text 13222\n", + "Completed text 13223\n", + "Completed text 13224\n", + "Completed text 13225\n", + "Completed text 13226\n", + "Completed text 13227\n", + "Completed text 13228\n", + "Completed text 13229\n", + "Completed text 13230\n", + "Completed text 13231\n", + "Completed text 13232\n", + "Completed text 13233\n", + "Completed text 13234\n", + "Completed text 13235\n", + "Completed text 13236\n", + "Completed text 13237\n", + "Completed text 13238\n", + "Completed text 13239\n", + "Completed text 13240\n", + "Completed text 13241\n", + "Completed text 13242\n", + "Completed text 13243\n", + "Completed text 13244\n", + "Completed text 13245\n", + "Completed text 13246\n", + "Completed text 13247\n", + "Completed text 13248\n", + "Completed text 13249\n", + "Completed text 13250\n", + "Completed text 13251\n", + "Completed text 13252\n", + "Completed text 13253\n", + "Completed text 13254\n", + "Completed text 13255\n", + "Completed text 13256\n", + "Completed text 13257\n", + "Completed text 13258\n", + "Completed text 13259\n", + "Completed text 13260\n", + "Completed text 13261\n", + "Completed text 13262\n", + "Completed text 13263\n", + "Completed text 13264\n", + "Completed text 13265\n", + "Completed text 13266\n", + "Completed text 13267\n", + "Completed text 13268\n", + "Completed text 13269\n", + "Completed text 13270\n", + "Completed text 13271\n", + "Completed text 13272\n", + "Completed text 13273\n", + "Completed text 13274\n", + "Completed text 13275\n", + "Completed text 13276\n", + "Completed text 13277\n", + "Completed text 13278\n", + "Completed text 13279\n", + "Completed text 13280\n", + "Completed text 13281\n", + "Completed text 13282\n", + "Completed text 13283\n", + "Completed text 13284\n", + "Completed text 13285\n", + "Completed text 13286\n", + "Completed text 13287\n", + "Completed text 13288\n", + "Completed text 13289\n", + "Completed text 13290\n", + "Completed text 13291\n", + "Completed text 13292\n", + "Completed text 13293\n", + "Completed text 13294\n", + "Completed text 13295\n", + "Completed text 13296\n", + "Completed text 13297\n", + "Completed text 13298\n", + "Completed text 13299\n", + "Completed text 13300\n", + "Completed text 13301\n", + "Completed text 13302\n", + "Completed text 13303\n", + "Completed text 13304\n", + "Completed text 13305\n", + "Completed text 13306\n", + "Completed text 13307\n", + "Completed text 13308\n", + "Completed text 13309\n", + "Completed text 13310\n", + "Completed text 13311\n", + "Completed text 13312\n", + "Completed text 13313\n", + "Completed text 13314\n", + "Completed text 13315\n", + "Completed text 13316\n", + "Completed text 13317\n", + "Completed text 13318\n", + "Completed text 13319\n", + "Completed text 13320\n", + "Completed text 13321\n", + "Completed text 13322\n", + "Completed text 13323\n", + "Completed text 13324\n", + "Completed text 13325\n", + "Completed text 13326\n", + "Completed text 13327\n", + "Completed text 13328\n", + "Completed text 13329\n", + "Completed text 13330\n", + "Completed text 13331\n", + "Completed text 13332\n", + "Completed text 13333\n", + "Completed text 13334\n", + "Completed text 13335\n", + "Completed text 13336\n", + "Completed text 13337\n", + "Completed text 13338\n", + "Completed text 13339\n", + "Completed text 13340\n", + "Completed text 13341\n", + "Completed text 13342\n", + "Completed text 13343\n", + "Completed text 13344\n", + "Completed text 13345\n", + "Completed text 13346\n", + "Completed text 13347\n", + "Completed text 13348\n", + "Completed text 13349\n", + "Completed text 13350\n", + "Completed text 13351\n", + "Completed text 13352\n", + "Completed text 13353\n", + "Completed text 13354\n", + "Completed text 13355\n", + "Completed text 13356\n", + "Completed text 13357\n", + "Completed text 13358\n", + "Completed text 13359\n", + "Completed text 13360\n", + "Completed text 13361\n", + "Completed text 13362\n", + "Completed text 13363\n", + "Completed text 13364\n", + "Completed text 13365\n", + "Completed text 13366\n", + "Completed text 13367\n", + "Completed text 13368\n", + "Completed text 13369\n", + "Completed text 13370\n", + "Completed text 13371\n", + "Completed text 13372\n", + "Completed text 13373\n", + "Completed text 13374\n", + "Completed text 13375\n", + "Completed text 13376\n", + "Completed text 13377\n", + "Completed text 13378\n", + "Completed text 13379\n", + "Completed text 13380\n", + "Completed text 13381\n", + "Completed text 13382\n", + "Completed text 13383\n", + "Completed text 13384\n", + "Completed text 13385\n", + "Completed text 13386\n", + "Completed text 13387\n", + "Completed text 13388\n", + "Completed text 13389\n", + "Completed text 13390\n", + "Completed text 13391\n", + "Completed text 13392\n", + "Completed text 13393\n", + "Completed text 13394\n", + "Completed text 13395\n", + "Completed text 13396\n", + "Completed text 13397\n", + "Completed text 13398\n", + "Completed text 13399\n", + "Completed text 13400\n", + "Completed text 13401\n", + "Completed text 13402\n", + "Completed text 13403\n", + "Completed text 13404\n", + "Completed text 13405\n", + "Completed text 13406\n", + "Completed text 13407\n", + "Completed text 13408\n", + "Completed text 13409\n", + "Completed text 13410\n", + "Completed text 13411\n", + "Completed text 13412\n", + "Completed text 13413\n", + "Completed text 13414\n", + "Completed text 13415\n", + "Completed text 13416\n", + "Completed text 13417\n", + "Completed text 13418\n", + "Completed text 13419\n", + "Completed text 13420\n", + "Completed text 13421\n", + "Completed text 13422\n", + "Completed text 13423\n", + "Completed text 13424\n", + "Completed text 13425\n", + "Completed text 13426\n", + "Completed text 13427\n", + "Completed text 13428\n", + "Completed text 13429\n", + "Completed text 13430\n", + "Completed text 13431\n", + "Completed text 13432\n", + "Completed text 13433\n", + "Completed text 13434\n", + "Completed text 13435\n", + "Completed text 13436\n", + "Completed text 13437\n", + "Completed text 13438\n", + "Completed text 13439\n", + "Completed text 13440\n", + "Completed text 13441\n", + "Completed text 13442\n", + "Completed text 13443\n", + "Completed text 13444\n", + "Completed text 13445\n", + "Completed text 13446\n", + "Completed text 13447\n", + "Completed text 13448\n", + "Completed text 13449\n", + "Completed text 13450\n", + "Completed text 13451\n", + "Completed text 13452\n", + "Completed text 13453\n", + "Completed text 13454\n", + "Completed text 13455\n", + "Completed text 13456\n", + "Completed text 13457\n", + "Completed text 13458\n", + "Completed text 13459\n", + "Completed text 13460\n", + "Completed text 13461\n", + "Completed text 13462\n", + "Completed text 13463\n", + "Completed text 13464\n", + "Completed text 13465\n", + "Completed text 13466\n", + "Completed text 13467\n", + "Completed text 13468\n", + "Completed text 13469\n", + "Completed text 13470\n", + "Completed text 13471\n", + "Completed text 13472\n", + "Completed text 13473\n", + "Completed text 13474\n", + "Completed text 13475\n", + "Completed text 13476\n", + "Completed text 13477\n", + "Completed text 13478\n", + "Completed text 13479\n", + "Completed text 13480\n", + "Completed text 13481\n", + "Completed text 13482\n", + "Completed text 13483\n", + "Completed text 13484\n", + "Completed text 13485\n", + "Completed text 13486\n", + "Completed text 13487\n", + "Completed text 13488\n", + "Completed text 13489\n", + "Completed text 13490\n", + "Completed text 13491\n", + "Completed text 13492\n", + "Completed text 13493\n", + "Completed text 13494\n", + "Completed text 13495\n", + "Completed text 13496\n", + "Completed text 13497\n", + "Completed text 13498\n", + "Completed text 13499\n", + "Completed text 13500\n", + "Completed text 13501\n", + "Completed text 13502\n", + "Completed text 13503\n", + "Completed text 13504\n", + "Completed text 13505\n", + "Completed text 13506\n", + "Completed text 13507\n", + "Completed text 13508\n", + "Completed text 13509\n", + "Completed text 13510\n", + "Completed text 13511\n", + "Completed text 13512\n", + "Completed text 13513\n", + "Completed text 13514\n", + "Completed text 13515\n", + "Completed text 13516\n", + "Completed text 13517\n", + "Completed text 13518\n", + "Completed text 13519\n", + "Completed text 13520\n", + "Completed text 13521\n", + "Completed text 13522\n", + "Completed text 13523\n", + "Completed text 13524\n", + "Completed text 13525\n", + "Completed text 13526\n", + "Completed text 13527\n", + "Completed text 13528\n", + "Completed text 13529\n", + "Completed text 13530\n", + "Completed text 13531\n", + "Completed text 13532\n", + "Completed text 13533\n", + "Completed text 13534\n", + "Completed text 13535\n", + "Completed text 13536\n", + "Completed text 13537\n", + "Completed text 13538\n", + "Completed text 13539\n", + "Completed text 13540\n", + "Completed text 13541\n", + "Completed text 13542\n", + "Completed text 13543\n", + "Completed text 13544\n", + "Completed text 13545\n", + "Completed text 13546\n", + "Completed text 13547\n", + "Completed text 13548\n", + "Completed text 13549\n", + "Completed text 13550\n", + "Completed text 13551\n", + "Completed text 13552\n", + "Completed text 13553\n", + "Completed text 13554\n", + "Completed text 13555\n", + "Completed text 13556\n", + "Completed text 13557\n", + "Completed text 13558\n", + "Completed text 13559\n", + "Completed text 13560\n", + "Completed text 13561\n", + "Completed text 13562\n", + "Completed text 13563\n", + "Completed text 13564\n", + "Completed text 13565\n", + "Completed text 13566\n", + "Completed text 13567\n", + "Completed text 13568\n", + "Completed text 13569\n", + "Completed text 13570\n", + "Completed text 13571\n", + "Completed text 13572\n", + "Completed text 13573\n", + "Completed text 13574\n", + "Completed text 13575\n", + "Completed text 13576\n", + "Completed text 13577\n", + "Completed text 13578\n", + "Completed text 13579\n", + "Completed text 13580\n", + "Completed text 13581\n", + "Completed text 13582\n", + "Completed text 13583\n", + "Completed text 13584\n", + "Completed text 13585\n", + "Completed text 13586\n", + "Completed text 13587\n", + "Completed text 13588\n", + "Completed text 13589\n", + "Completed text 13590\n", + "Completed text 13591\n", + "Completed text 13592\n", + "Completed text 13593\n", + "Completed text 13594\n", + "Completed text 13595\n", + "Completed text 13596\n", + "Completed text 13597\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 13598\n", + "Completed text 13599\n", + "Completed text 13600\n", + "Completed text 13601\n", + "Completed text 13602\n", + "Completed text 13603\n", + "Completed text 13604\n", + "Completed text 13605\n", + "Completed text 13606\n", + "Completed text 13607\n", + "Completed text 13608\n", + "Completed text 13609\n", + "Completed text 13610\n", + "Completed text 13611\n", + "Completed text 13612\n", + "Completed text 13613\n", + "Completed text 13614\n", + "Completed text 13615\n", + "Completed text 13616\n", + "Completed text 13617\n", + "Completed text 13618\n", + "Completed text 13619\n", + "Completed text 13620\n", + "Completed text 13621\n", + "Completed text 13622\n", + "Completed text 13623\n", + "Completed text 13624\n", + "Completed text 13625\n", + "Completed text 13626\n", + "Completed text 13627\n", + "Completed text 13628\n", + "Completed text 13629\n", + "Completed text 13630\n", + "Completed text 13631\n", + "Completed text 13632\n", + "Completed text 13633\n", + "Completed text 13634\n", + "Completed text 13635\n", + "Completed text 13636\n", + "Completed text 13637\n", + "Completed text 13638\n", + "Completed text 13639\n", + "Completed text 13640\n", + "Completed text 13641\n", + "Completed text 13642\n", + "Completed text 13643\n", + "Completed text 13644\n", + "Completed text 13645\n", + "Completed text 13646\n", + "Completed text 13647\n", + "Completed text 13648\n", + "Completed text 13649\n", + "Completed text 13650\n", + "Completed text 13651\n", + "Completed text 13652\n", + "Completed text 13653\n", + "Completed text 13654\n", + "Completed text 13655\n", + "Completed text 13656\n", + "Completed text 13657\n", + "Completed text 13658\n", + "Completed text 13659\n", + "Completed text 13660\n", + "Completed text 13661\n", + "Completed text 13662\n", + "Completed text 13663\n", + "Completed text 13664\n", + "Completed text 13665\n", + "Completed text 13666\n", + "Completed text 13667\n", + "Completed text 13668\n", + "Completed text 13669\n", + "Completed text 13670\n", + "Completed text 13671\n", + "Completed text 13672\n", + "Completed text 13673\n", + "Completed text 13674\n", + "Completed text 13675\n", + "Completed text 13676\n", + "Completed text 13677\n", + "Completed text 13678\n", + "Completed text 13679\n", + "Completed text 13680\n", + "Completed text 13681\n", + "Completed text 13682\n", + "Completed text 13683\n", + "Completed text 13684\n", + "Completed text 13685\n", + "Completed text 13686\n", + "Completed text 13687\n", + "Completed text 13688\n", + "Completed text 13689\n", + "Completed text 13690\n", + "Completed text 13691\n", + "Completed text 13692\n", + "Completed text 13693\n", + "Completed text 13694\n", + "Completed text 13695\n", + "Completed text 13696\n", + "Completed text 13697\n", + "Completed text 13698\n", + "Completed text 13699\n", + "Completed text 13700\n", + "Completed text 13701\n", + "Completed text 13702\n", + "Completed text 13703\n", + "Completed text 13704\n", + "Completed text 13705\n", + "Completed text 13706\n", + "Completed text 13707\n", + "Completed text 13708\n", + "Completed text 13709\n", + "Completed text 13710\n", + "Completed text 13711\n", + "Completed text 13712\n", + "Completed text 13713\n", + "Completed text 13714\n", + "Completed text 13715\n", + "Completed text 13716\n", + "Completed text 13717\n", + "Completed text 13718\n", + "Completed text 13719\n", + "Completed text 13720\n", + "Completed text 13721\n", + "Completed text 13722\n", + "Completed text 13723\n", + "Completed text 13724\n", + "Completed text 13725\n", + "Completed text 13726\n", + "Completed text 13727\n", + "Completed text 13728\n", + "Completed text 13729\n", + "Completed text 13730\n", + "Completed text 13731\n", + "Completed text 13732\n", + "Completed text 13733\n", + "Completed text 13734\n", + "Completed text 13735\n", + "Completed text 13736\n", + "Completed text 13737\n", + "Completed text 13738\n", + "Completed text 13739\n", + "Completed text 13740\n", + "Completed text 13741\n", + "Completed text 13742\n", + "Completed text 13743\n", + "Completed text 13744\n", + "Completed text 13745\n", + "Completed text 13746\n", + "Completed text 13747\n", + "Completed text 13748\n", + "Completed text 13749\n", + "Completed text 13750\n", + "Completed text 13751\n", + "Completed text 13752\n", + "Completed text 13753\n", + "Completed text 13754\n", + "Completed text 13755\n", + "Completed text 13756\n", + "Completed text 13757\n", + "Completed text 13758\n", + "Completed text 13759\n", + "Completed text 13760\n", + "Completed text 13761\n", + "Completed text 13762\n", + "Completed text 13763\n", + "Completed text 13764\n", + "Completed text 13765\n", + "Completed text 13766\n", + "Completed text 13767\n", + "Completed text 13768\n", + "Completed text 13769\n", + "Completed text 13770\n", + "Completed text 13771\n", + "Completed text 13772\n", + "Completed text 13773\n", + "Completed text 13774\n", + "Completed text 13775\n", + "Completed text 13776\n", + "Completed text 13777\n", + "Completed text 13778\n", + "Completed text 13779\n", + "Completed text 13780\n", + "Completed text 13781\n", + "Completed text 13782\n", + "Completed text 13783\n", + "Completed text 13784\n", + "Completed text 13785\n", + "Completed text 13786\n", + "Completed text 13787\n", + "Completed text 13788\n", + "Completed text 13789\n", + "Completed text 13790\n", + "Completed text 13791\n", + "Completed text 13792\n", + "Completed text 13793\n", + "Completed text 13794\n", + "Completed text 13795\n", + "Completed text 13796\n", + "Completed text 13797\n", + "Completed text 13798\n", + "Completed text 13799\n", + "Completed text 13800\n", + "Completed text 13801\n", + "Completed text 13802\n", + "Completed text 13803\n", + "Completed text 13804\n", + "Completed text 13805\n", + "Completed text 13806\n", + "Completed text 13807\n", + "Completed text 13808\n", + "Completed text 13809\n", + "Completed text 13810\n", + "Completed text 13811\n", + "Completed text 13812\n", + "Completed text 13813\n", + "Completed text 13814\n", + "Completed text 13815\n", + "Completed text 13816\n", + "Completed text 13817\n", + "Completed text 13818\n", + "Completed text 13819\n", + "Completed text 13820\n", + "Completed text 13821\n", + "Completed text 13822\n", + "Completed text 13823\n", + "Completed text 13824\n", + "Completed text 13825\n", + "Completed text 13826\n", + "Completed text 13827\n", + "Completed text 13828\n", + "Completed text 13829\n", + "Completed text 13830\n", + "Completed text 13831\n", + "Completed text 13832\n", + "Completed text 13833\n", + "Completed text 13834\n", + "Completed text 13835\n", + "Completed text 13836\n", + "Completed text 13837\n", + "Completed text 13838\n", + "Completed text 13839\n", + "Completed text 13840\n", + "Completed text 13841\n", + "Completed text 13842\n", + "Completed text 13843\n", + "Completed text 13844\n", + "Completed text 13845\n", + "Completed text 13846\n", + "Completed text 13847\n", + "Completed text 13848\n", + "Completed text 13849\n", + "Completed text 13850\n", + "Completed text 13851\n", + "Completed text 13852\n", + "Completed text 13853\n", + "Completed text 13854\n", + "Completed text 13855\n", + "Completed text 13856\n", + "Completed text 13857\n", + "Completed text 13858\n", + "Completed text 13859\n", + "Completed text 13860\n", + "Completed text 13861\n", + "Completed text 13862\n", + "Completed text 13863\n", + "Completed text 13864\n", + "Completed text 13865\n", + "Completed text 13866\n", + "Completed text 13867\n", + "Completed text 13868\n", + "Completed text 13869\n", + "Completed text 13870\n", + "Completed text 13871\n", + "Completed text 13872\n", + "Completed text 13873\n", + "Completed text 13874\n", + "Completed text 13875\n", + "Completed text 13876\n", + "Completed text 13877\n", + "Completed text 13878\n", + "Completed text 13879\n", + "Completed text 13880\n", + "Completed text 13881\n", + "Completed text 13882\n", + "Completed text 13883\n", + "Completed text 13884\n", + "Completed text 13885\n", + "Completed text 13886\n", + "Completed text 13887\n", + "Completed text 13888\n", + "Completed text 13889\n", + "Completed text 13890\n", + "Completed text 13891\n", + "Completed text 13892\n", + "Completed text 13893\n", + "Completed text 13894\n", + "Completed text 13895\n", + "Completed text 13896\n", + "Completed text 13897\n", + "Completed text 13898\n", + "Completed text 13899\n", + "Completed text 13900\n", + "Completed text 13901\n", + "Completed text 13902\n", + "Completed text 13903\n", + "Completed text 13904\n", + "Completed text 13905\n", + "Completed text 13906\n", + "Completed text 13907\n", + "Completed text 13908\n", + "Completed text 13909\n", + "Completed text 13910\n", + "Completed text 13911\n", + "Completed text 13912\n", + "Completed text 13913\n", + "Completed text 13914\n", + "Completed text 13915\n", + "Completed text 13916\n", + "Completed text 13917\n", + "Completed text 13918\n", + "Completed text 13919\n", + "Completed text 13920\n", + "Completed text 13921\n", + "Completed text 13922\n", + "Completed text 13923\n", + "Completed text 13924\n", + "Completed text 13925\n", + "Completed text 13926\n", + "Completed text 13927\n", + "Completed text 13928\n", + "Completed text 13929\n", + "Completed text 13930\n", + "Completed text 13931\n", + "Completed text 13932\n", + "Completed text 13933\n", + "Completed text 13934\n", + "Completed text 13935\n", + "Completed text 13936\n", + "Completed text 13937\n", + "Completed text 13938\n", + "Completed text 13939\n", + "Completed text 13940\n", + "Completed text 13941\n", + "Completed text 13942\n", + "Completed text 13943\n", + "Completed text 13944\n", + "Completed text 13945\n", + "Completed text 13946\n", + "Completed text 13947\n", + "Completed text 13948\n", + "Completed text 13949\n", + "Completed text 13950\n", + "Completed text 13951\n", + "Completed text 13952\n", + "Completed text 13953\n", + "Completed text 13954\n", + "Completed text 13955\n", + "Completed text 13956\n", + "Completed text 13957\n", + "Completed text 13958\n", + "Completed text 13959\n", + "Completed text 13960\n", + "Completed text 13961\n", + "Completed text 13962\n", + "Completed text 13963\n", + "Completed text 13964\n", + "Completed text 13965\n", + "Completed text 13966\n", + "Completed text 13967\n", + "Completed text 13968\n", + "Completed text 13969\n", + "Completed text 13970\n", + "Completed text 13971\n", + "Completed text 13972\n", + "Completed text 13973\n", + "Completed text 13974\n", + "Completed text 13975\n", + "Completed text 13976\n", + "Completed text 13977\n", + "Completed text 13978\n", + "Completed text 13979\n", + "Completed text 13980\n", + "Completed text 13981\n", + "Completed text 13982\n", + "Completed text 13983\n", + "Completed text 13984\n", + "Completed text 13985\n", + "Completed text 13986\n", + "Completed text 13987\n", + "Completed text 13988\n", + "Completed text 13989\n", + "Completed text 13990\n", + "Completed text 13991\n", + "Completed text 13992\n", + "Completed text 13993\n", + "Completed text 13994\n", + "Completed text 13995\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 13996\n", + "Completed text 13997\n", + "Completed text 13998\n", + "Completed text 13999\n", + "Completed text 14000\n", + "Completed text 14001\n", + "Completed text 14002\n", + "Completed text 14003\n", + "Completed text 14004\n", + "Completed text 14005\n", + "Completed text 14006\n", + "Completed text 14007\n", + "Completed text 14008\n", + "Completed text 14009\n", + "Completed text 14010\n", + "Completed text 14011\n", + "Completed text 14012\n", + "Completed text 14013\n", + "Completed text 14014\n", + "Completed text 14015\n", + "Completed text 14016\n", + "Completed text 14017\n", + "Completed text 14018\n", + "Completed text 14019\n", + "Completed text 14020\n", + "Completed text 14021\n", + "Completed text 14022\n", + "Completed text 14023\n", + "Completed text 14024\n", + "Completed text 14025\n", + "Completed text 14026\n", + "Completed text 14027\n", + "Completed text 14028\n", + "Completed text 14029\n", + "Completed text 14030\n", + "Completed text 14031\n", + "Completed text 14032\n", + "Completed text 14033\n", + "Completed text 14034\n", + "Completed text 14035\n", + "Completed text 14036\n", + "Completed text 14037\n", + "Completed text 14038\n", + "Completed text 14039\n", + "Completed text 14040\n", + "Completed text 14041\n", + "Completed text 14042\n", + "Completed text 14043\n", + "Completed text 14044\n", + "Completed text 14045\n", + "Completed text 14046\n", + "Completed text 14047\n", + "Completed text 14048\n", + "Completed text 14049\n", + "Completed text 14050\n", + "Completed text 14051\n", + "Completed text 14052\n", + "Completed text 14053\n", + "Completed text 14054\n", + "Completed text 14055\n", + "Completed text 14056\n", + "Completed text 14057\n", + "Completed text 14058\n", + "Completed text 14059\n", + "Completed text 14060\n", + "Completed text 14061\n", + "Completed text 14062\n", + "Completed text 14063\n", + "Completed text 14064\n", + "Completed text 14065\n", + "Completed text 14066\n", + "Completed text 14067\n", + "Completed text 14068\n", + "Completed text 14069\n", + "Completed text 14070\n", + "Completed text 14071\n", + "Completed text 14072\n", + "Completed text 14073\n", + "Completed text 14074\n", + "Completed text 14075\n", + "Completed text 14076\n", + "Completed text 14077\n", + "Completed text 14078\n", + "Completed text 14079\n", + "Completed text 14080\n", + "Completed text 14081\n", + "Completed text 14082\n", + "Completed text 14083\n", + "Completed text 14084\n", + "Completed text 14085\n", + "Completed text 14086\n", + "Completed text 14087\n", + "Completed text 14088\n", + "Completed text 14089\n", + "Completed text 14090\n", + "Completed text 14091\n", + "Completed text 14092\n", + "Completed text 14093\n", + "Completed text 14094\n", + "Completed text 14095\n", + "Completed text 14096\n", + "Completed text 14097\n", + "Completed text 14098\n", + "Completed text 14099\n", + "Completed text 14100\n", + "Completed text 14101\n", + "Completed text 14102\n", + "Completed text 14103\n", + "Completed text 14104\n", + "Completed text 14105\n", + "Completed text 14106\n", + "Completed text 14107\n", + "Completed text 14108\n", + "Completed text 14109\n", + "Completed text 14110\n", + "Completed text 14111\n", + "Completed text 14112\n", + "Completed text 14113\n", + "Completed text 14114\n", + "Completed text 14115\n", + "Completed text 14116\n", + "Completed text 14117\n", + "Completed text 14118\n", + "Completed text 14119\n", + "Completed text 14120\n", + "Completed text 14121\n", + "Completed text 14122\n", + "Completed text 14123\n", + "Completed text 14124\n", + "Completed text 14125\n", + "Completed text 14126\n", + "Completed text 14127\n", + "Completed text 14128\n", + "Completed text 14129\n", + "Completed text 14130\n", + "Completed text 14131\n", + "Completed text 14132\n", + "Completed text 14133\n", + "Completed text 14134\n", + "Completed text 14135\n", + "Completed text 14136\n", + "Completed text 14137\n", + "Completed text 14138\n", + "Completed text 14139\n", + "Completed text 14140\n", + "Completed text 14141\n", + "Completed text 14142\n", + "Completed text 14143\n", + "Completed text 14144\n", + "Completed text 14145\n", + "Completed text 14146\n", + "Completed text 14147\n", + "Completed text 14148\n", + "Completed text 14149\n", + "Completed text 14150\n", + "Completed text 14151\n", + "Completed text 14152\n", + "Completed text 14153\n", + "Completed text 14154\n", + "Completed text 14155\n", + "Completed text 14156\n", + "Completed text 14157\n", + "Completed text 14158\n", + "Completed text 14159\n", + "Completed text 14160\n", + "Completed text 14161\n", + "Completed text 14162\n", + "Completed text 14163\n", + "Completed text 14164\n", + "Completed text 14165\n", + "Completed text 14166\n", + "Completed text 14167\n", + "Completed text 14168\n", + "Completed text 14169\n", + "Completed text 14170\n", + "Completed text 14171\n", + "Completed text 14172\n", + "Completed text 14173\n", + "Completed text 14174\n", + "Completed text 14175\n", + "Completed text 14176\n", + "Completed text 14177\n", + "Completed text 14178\n", + "Completed text 14179\n", + "Completed text 14180\n", + "Completed text 14181\n", + "Completed text 14182\n", + "Completed text 14183\n", + "Completed text 14184\n", + "Completed text 14185\n", + "Completed text 14186\n", + "Completed text 14187\n", + "Completed text 14188\n", + "Completed text 14189\n", + "Completed text 14190\n", + "Completed text 14191\n", + "Completed text 14192\n", + "Completed text 14193\n", + "Completed text 14194\n", + "Completed text 14195\n", + "Completed text 14196\n", + "Completed text 14197\n", + "Completed text 14198\n", + "Completed text 14199\n", + "Completed text 14200\n", + "Completed text 14201\n", + "Completed text 14202\n", + "Completed text 14203\n", + "Completed text 14204\n", + "Completed text 14205\n", + "Completed text 14206\n", + "Completed text 14207\n", + "Completed text 14208\n", + "Completed text 14209\n", + "Completed text 14210\n", + "Completed text 14211\n", + "Completed text 14212\n", + "Completed text 14213\n", + "Completed text 14214\n", + "Completed text 14215\n", + "Completed text 14216\n", + "Completed text 14217\n", + "Completed text 14218\n", + "Completed text 14219\n", + "Completed text 14220\n", + "Completed text 14221\n", + "Completed text 14222\n", + "Completed text 14223\n", + "Completed text 14224\n", + "Completed text 14225\n", + "Completed text 14226\n", + "Completed text 14227\n", + "Completed text 14228\n", + "Completed text 14229\n", + "Completed text 14230\n", + "Completed text 14231\n", + "Completed text 14232\n", + "Completed text 14233\n", + "Completed text 14234\n", + "Completed text 14235\n", + "Completed text 14236\n", + "Completed text 14237\n", + "Completed text 14238\n", + "Completed text 14239\n", + "Completed text 14240\n", + "Completed text 14241\n", + "Completed text 14242\n", + "Completed text 14243\n", + "Completed text 14244\n", + "Completed text 14245\n", + "Completed text 14246\n", + "Completed text 14247\n", + "Completed text 14248\n", + "Completed text 14249\n", + "Completed text 14250\n", + "Completed text 14251\n", + "Completed text 14252\n", + "Completed text 14253\n", + "Completed text 14254\n", + "Completed text 14255\n", + "Completed text 14256\n", + "Completed text 14257\n", + "Completed text 14258\n", + "Completed text 14259\n", + "Completed text 14260\n", + "Completed text 14261\n", + "Completed text 14262\n", + "Completed text 14263\n", + "Completed text 14264\n", + "Completed text 14265\n", + "Completed text 14266\n", + "Completed text 14267\n", + "Completed text 14268\n", + "Completed text 14269\n", + "Completed text 14270\n", + "Completed text 14271\n", + "Completed text 14272\n", + "Completed text 14273\n", + "Completed text 14274\n", + "Completed text 14275\n", + "Completed text 14276\n", + "Completed text 14277\n", + "Completed text 14278\n", + "Completed text 14279\n", + "Completed text 14280\n", + "Completed text 14281\n", + "Completed text 14282\n", + "Completed text 14283\n", + "Completed text 14284\n", + "Completed text 14285\n", + "Completed text 14286\n", + "Completed text 14287\n", + "Completed text 14288\n", + "Completed text 14289\n", + "Completed text 14290\n", + "Completed text 14291\n", + "Completed text 14292\n", + "Completed text 14293\n", + "Completed text 14294\n", + "Completed text 14295\n", + "Completed text 14296\n", + "Completed text 14297\n", + "Completed text 14298\n", + "Completed text 14299\n", + "Completed text 14300\n", + "Completed text 14301\n", + "Completed text 14302\n", + "Completed text 14303\n", + "Completed text 14304\n", + "Completed text 14305\n", + "Completed text 14306\n", + "Completed text 14307\n", + "Completed text 14308\n", + "Completed text 14309\n", + "Completed text 14310\n", + "Completed text 14311\n", + "Completed text 14312\n", + "Completed text 14313\n", + "Completed text 14314\n", + "Completed text 14315\n", + "Completed text 14316\n", + "Completed text 14317\n", + "Completed text 14318\n", + "Completed text 14319\n", + "Completed text 14320\n", + "Completed text 14321\n", + "Completed text 14322\n", + "Completed text 14323\n", + "Completed text 14324\n", + "Completed text 14325\n", + "Completed text 14326\n", + "Completed text 14327\n", + "Completed text 14328\n", + "Completed text 14329\n", + "Completed text 14330\n", + "Completed text 14331\n", + "Completed text 14332\n", + "Completed text 14333\n", + "Completed text 14334\n", + "Completed text 14335\n", + "Completed text 14336\n", + "Completed text 14337\n", + "Completed text 14338\n", + "Completed text 14339\n", + "Completed text 14340\n", + "Completed text 14341\n", + "Completed text 14342\n", + "Completed text 14343\n", + "Completed text 14344\n", + "Completed text 14345\n", + "Completed text 14346\n", + "Completed text 14347\n", + "Completed text 14348\n", + "Completed text 14349\n", + "Completed text 14350\n", + "Completed text 14351\n", + "Completed text 14352\n", + "Completed text 14353\n", + "Completed text 14354\n", + "Completed text 14355\n", + "Completed text 14356\n", + "Completed text 14357\n", + "Completed text 14358\n", + "Completed text 14359\n", + "Completed text 14360\n", + "Completed text 14361\n", + "Completed text 14362\n", + "Completed text 14363\n", + "Completed text 14364\n", + "Completed text 14365\n", + "Completed text 14366\n", + "Completed text 14367\n", + "Completed text 14368\n", + "Completed text 14369\n", + "Completed text 14370\n", + "Completed text 14371\n", + "Completed text 14372\n", + "Completed text 14373\n", + "Completed text 14374\n", + "Completed text 14375\n", + "Completed text 14376\n", + "Completed text 14377\n", + "Completed text 14378\n", + "Completed text 14379\n", + "Completed text 14380\n", + "Completed text 14381\n", + "Completed text 14382\n", + "Completed text 14383\n", + "Completed text 14384\n", + "Completed text 14385\n", + "Completed text 14386\n", + "Completed text 14387\n", + "Completed text 14388\n", + "Completed text 14389\n", + "Completed text 14390\n", + "Completed text 14391\n", + "Completed text 14392\n", + "Completed text 14393\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 14394\n", + "Completed text 14395\n", + "Completed text 14396\n", + "Completed text 14397\n", + "Completed text 14398\n", + "Completed text 14399\n", + "Completed text 14400\n", + "Completed text 14401\n", + "Completed text 14402\n", + "Completed text 14403\n", + "Completed text 14404\n", + "Completed text 14405\n", + "Completed text 14406\n", + "Completed text 14407\n", + "Completed text 14408\n", + "Completed text 14409\n", + "Completed text 14410\n", + "Completed text 14411\n", + "Completed text 14412\n", + "Completed text 14413\n", + "Completed text 14414\n", + "Completed text 14415\n", + "Completed text 14416\n", + "Completed text 14417\n", + "Completed text 14418\n", + "Completed text 14419\n", + "Completed text 14420\n", + "Completed text 14421\n", + "Completed text 14422\n", + "Completed text 14423\n", + "Completed text 14424\n", + "Completed text 14425\n", + "Completed text 14426\n", + "Completed text 14427\n", + "Completed text 14428\n", + "Completed text 14429\n", + "Completed text 14430\n", + "Completed text 14431\n", + "Completed text 14432\n", + "Completed text 14433\n", + "Completed text 14434\n", + "Completed text 14435\n", + "Completed text 14436\n", + "Completed text 14437\n", + "Completed text 14438\n", + "Completed text 14439\n", + "Completed text 14440\n", + "Completed text 14441\n", + "Completed text 14442\n", + "Completed text 14443\n", + "Completed text 14444\n", + "Completed text 14445\n", + "Completed text 14446\n", + "Completed text 14447\n", + "Completed text 14448\n", + "Completed text 14449\n", + "Completed text 14450\n", + "Completed text 14451\n", + "Completed text 14452\n", + "Completed text 14453\n", + "Completed text 14454\n", + "Completed text 14455\n", + "Completed text 14456\n", + "Completed text 14457\n", + "Completed text 14458\n", + "Completed text 14459\n", + "Completed text 14460\n", + "Completed text 14461\n", + "Completed text 14462\n", + "Completed text 14463\n", + "Completed text 14464\n", + "Completed text 14465\n", + "Completed text 14466\n", + "Completed text 14467\n", + "Completed text 14468\n", + "Completed text 14469\n", + "Completed text 14470\n", + "Completed text 14471\n", + "Completed text 14472\n", + "Completed text 14473\n", + "Completed text 14474\n", + "Completed text 14475\n", + "Completed text 14476\n", + "Completed text 14477\n", + "Completed text 14478\n", + "Completed text 14479\n", + "Completed text 14480\n", + "Completed text 14481\n", + "Completed text 14482\n", + "Completed text 14483\n", + "Completed text 14484\n", + "Completed text 14485\n", + "Completed text 14486\n", + "Completed text 14487\n", + "Completed text 14488\n", + "Completed text 14489\n", + "Completed text 14490\n", + "Completed text 14491\n", + "Completed text 14492\n", + "Completed text 14493\n", + "Completed text 14494\n", + "Completed text 14495\n", + "Completed text 14496\n", + "Completed text 14497\n", + "Completed text 14498\n", + "Completed text 14499\n", + "Completed text 14500\n", + "Completed text 14501\n", + "Completed text 14502\n", + "Completed text 14503\n", + "Completed text 14504\n", + "Completed text 14505\n", + "Completed text 14506\n", + "Completed text 14507\n", + "Completed text 14508\n", + "Completed text 14509\n", + "Completed text 14510\n", + "Completed text 14511\n", + "Completed text 14512\n", + "Completed text 14513\n", + "Completed text 14514\n", + "Completed text 14515\n", + "Completed text 14516\n", + "Completed text 14517\n", + "Completed text 14518\n", + "Completed text 14519\n", + "Completed text 14520\n", + "Completed text 14521\n", + "Completed text 14522\n", + "Completed text 14523\n", + "Completed text 14524\n", + "Completed text 14525\n", + "Completed text 14526\n", + "Completed text 14527\n", + "Completed text 14528\n", + "Completed text 14529\n", + "Completed text 14530\n", + "Completed text 14531\n", + "Completed text 14532\n", + "Completed text 14533\n", + "Completed text 14534\n", + "Completed text 14535\n", + "Completed text 14536\n", + "Completed text 14537\n", + "Completed text 14538\n", + "Completed text 14539\n", + "Completed text 14540\n", + "Completed text 14541\n", + "Completed text 14542\n", + "Completed text 14543\n", + "Completed text 14544\n", + "Completed text 14545\n", + "Completed text 14546\n", + "Completed text 14547\n", + "Completed text 14548\n", + "Completed text 14549\n", + "Completed text 14550\n", + "Completed text 14551\n", + "Completed text 14552\n", + "Completed text 14553\n", + "Completed text 14554\n", + "Completed text 14555\n", + "Completed text 14556\n", + "Completed text 14557\n", + "Completed text 14558\n", + "Completed text 14559\n", + "Completed text 14560\n", + "Completed text 14561\n", + "Completed text 14562\n", + "Completed text 14563\n", + "Completed text 14564\n", + "Completed text 14565\n", + "Completed text 14566\n", + "Completed text 14567\n", + "Completed text 14568\n", + "Completed text 14569\n", + "Completed text 14570\n", + "Completed text 14571\n", + "Completed text 14572\n", + "Completed text 14573\n", + "Completed text 14574\n", + "Completed text 14575\n", + "Completed text 14576\n", + "Completed text 14577\n", + "Completed text 14578\n", + "Completed text 14579\n", + "Completed text 14580\n", + "Completed text 14581\n", + "Completed text 14582\n", + "Completed text 14583\n", + "Completed text 14584\n", + "Completed text 14585\n", + "Completed text 14586\n", + "Completed text 14587\n", + "Completed text 14588\n", + "Completed text 14589\n", + "Completed text 14590\n", + "Completed text 14591\n", + "Completed text 14592\n", + "Completed text 14593\n", + "Completed text 14594\n", + "Completed text 14595\n", + "Completed text 14596\n", + "Completed text 14597\n", + "Completed text 14598\n", + "Completed text 14599\n", + "Completed text 14600\n", + "Completed text 14601\n", + "Completed text 14602\n", + "Completed text 14603\n", + "Completed text 14604\n", + "Completed text 14605\n", + "Completed text 14606\n", + "Completed text 14607\n", + "Completed text 14608\n", + "Completed text 14609\n", + "Completed text 14610\n", + "Completed text 14611\n", + "Completed text 14612\n", + "Completed text 14613\n", + "Completed text 14614\n", + "Completed text 14615\n", + "Completed text 14616\n", + "Completed text 14617\n", + "Completed text 14618\n", + "Completed text 14619\n", + "Completed text 14620\n", + "Completed text 14621\n", + "Completed text 14622\n", + "Completed text 14623\n", + "Completed text 14624\n", + "Completed text 14625\n", + "Completed text 14626\n", + "Completed text 14627\n", + "Completed text 14628\n", + "Completed text 14629\n", + "Completed text 14630\n", + "Completed text 14631\n", + "Completed text 14632\n", + "Completed text 14633\n", + "Completed text 14634\n", + "Completed text 14635\n", + "Completed text 14636\n", + "Completed text 14637\n", + "Completed text 14638\n", + "Completed text 14639\n", + "Completed text 14640\n", + "Completed text 14641\n", + "Completed text 14642\n", + "Completed text 14643\n", + "Completed text 14644\n", + "Completed text 14645\n", + "Completed text 14646\n", + "Completed text 14647\n", + "Completed text 14648\n", + "Completed text 14649\n", + "Completed text 14650\n", + "Completed text 14651\n", + "Completed text 14652\n", + "Completed text 14653\n", + "Completed text 14654\n", + "Completed text 14655\n", + "Completed text 14656\n", + "Completed text 14657\n", + "Completed text 14658\n", + "Completed text 14659\n", + "Completed text 14660\n", + "Completed text 14661\n", + "Completed text 14662\n", + "Completed text 14663\n", + "Completed text 14664\n", + "Completed text 14665\n", + "Completed text 14666\n", + "Completed text 14667\n", + "Completed text 14668\n", + "Completed text 14669\n", + "Completed text 14670\n", + "Completed text 14671\n", + "Completed text 14672\n", + "Completed text 14673\n", + "Completed text 14674\n", + "Completed text 14675\n", + "Completed text 14676\n", + "Completed text 14677\n", + "Completed text 14678\n", + "Completed text 14679\n", + "Completed text 14680\n", + "Completed text 14681\n", + "Completed text 14682\n", + "Completed text 14683\n", + "Completed text 14684\n", + "Completed text 14685\n", + "Completed text 14686\n", + "Completed text 14687\n", + "Completed text 14688\n", + "Completed text 14689\n", + "Completed text 14690\n", + "Completed text 14691\n", + "Completed text 14692\n", + "Completed text 14693\n", + "Completed text 14694\n", + "Completed text 14695\n", + "Completed text 14696\n", + "Completed text 14697\n", + "Completed text 14698\n", + "Completed text 14699\n", + "Completed text 14700\n", + "Completed text 14701\n", + "Completed text 14702\n", + "Completed text 14703\n", + "Completed text 14704\n", + "Completed text 14705\n", + "Completed text 14706\n", + "Completed text 14707\n", + "Completed text 14708\n", + "Completed text 14709\n", + "Completed text 14710\n", + "Completed text 14711\n", + "Completed text 14712\n", + "Completed text 14713\n", + "Completed text 14714\n", + "Completed text 14715\n", + "Completed text 14716\n", + "Completed text 14717\n", + "Completed text 14718\n", + "Completed text 14719\n", + "Completed text 14720\n", + "Completed text 14721\n", + "Completed text 14722\n", + "Completed text 14723\n", + "Completed text 14724\n", + "Completed text 14725\n", + "Completed text 14726\n", + "Completed text 14727\n", + "Completed text 14728\n", + "Completed text 14729\n", + "Completed text 14730\n", + "Completed text 14731\n", + "Completed text 14732\n", + "Completed text 14733\n", + "Completed text 14734\n", + "Completed text 14735\n", + "Completed text 14736\n", + "Completed text 14737\n", + "Completed text 14738\n", + "Completed text 14739\n", + "Completed text 14740\n", + "Completed text 14741\n", + "Completed text 14742\n", + "Completed text 14743\n", + "Completed text 14744\n", + "Completed text 14745\n", + "Completed text 14746\n", + "Completed text 14747\n", + "Completed text 14748\n", + "Completed text 14749\n", + "Completed text 14750\n", + "Completed text 14751\n", + "Completed text 14752\n", + "Completed text 14753\n", + "Completed text 14754\n", + "Completed text 14755\n", + "Completed text 14756\n", + "Completed text 14757\n", + "Completed text 14758\n", + "Completed text 14759\n", + "Completed text 14760\n", + "Completed text 14761\n", + "Completed text 14762\n", + "Completed text 14763\n", + "Completed text 14764\n", + "Completed text 14765\n", + "Completed text 14766\n", + "Completed text 14767\n", + "Completed text 14768\n", + "Completed text 14769\n", + "Completed text 14770\n", + "Completed text 14771\n", + "Completed text 14772\n", + "Completed text 14773\n", + "Completed text 14774\n", + "Completed text 14775\n", + "Completed text 14776\n", + "Completed text 14777\n", + "Completed text 14778\n", + "Completed text 14779\n", + "Completed text 14780\n", + "Completed text 14781\n", + "Completed text 14782\n", + "Completed text 14783\n", + "Completed text 14784\n", + "Completed text 14785\n", + "Completed text 14786\n", + "Completed text 14787\n", + "Completed text 14788\n", + "Completed text 14789\n", + "Completed text 14790\n", + "Completed text 14791\n", + "Completed text 14792\n", + "Completed text 14793\n", + "Completed text 14794\n", + "Completed text 14795\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 14796\n", + "Completed text 14797\n", + "Completed text 14798\n", + "Completed text 14799\n", + "Completed text 14800\n", + "Completed text 14801\n", + "Completed text 14802\n", + "Completed text 14803\n", + "Completed text 14804\n", + "Completed text 14805\n", + "Completed text 14806\n", + "Completed text 14807\n", + "Completed text 14808\n", + "Completed text 14809\n", + "Completed text 14810\n", + "Completed text 14811\n", + "Completed text 14812\n", + "Completed text 14813\n", + "Completed text 14814\n", + "Completed text 14815\n", + "Completed text 14816\n", + "Completed text 14817\n", + "Completed text 14818\n", + "Completed text 14819\n", + "Completed text 14820\n", + "Completed text 14821\n", + "Completed text 14822\n", + "Completed text 14823\n", + "Completed text 14824\n", + "Completed text 14825\n", + "Completed text 14826\n", + "Completed text 14827\n", + "Completed text 14828\n", + "Completed text 14829\n", + "Completed text 14830\n", + "Completed text 14831\n", + "Completed text 14832\n", + "Completed text 14833\n", + "Completed text 14834\n", + "Completed text 14835\n", + "Completed text 14836\n", + "Completed text 14837\n", + "Completed text 14838\n", + "Completed text 14839\n", + "Completed text 14840\n", + "Completed text 14841\n", + "Completed text 14842\n", + "Completed text 14843\n", + "Completed text 14844\n", + "Completed text 14845\n", + "Completed text 14846\n", + "Completed text 14847\n", + "Completed text 14848\n", + "Completed text 14849\n", + "Completed text 14850\n", + "Completed text 14851\n", + "Completed text 14852\n", + "Completed text 14853\n", + "Completed text 14854\n", + "Completed text 14855\n", + "Completed text 14856\n", + "Completed text 14857\n", + "Completed text 14858\n", + "Completed text 14859\n", + "Completed text 14860\n", + "Completed text 14861\n", + "Completed text 14862\n", + "Completed text 14863\n", + "Completed text 14864\n", + "Completed text 14865\n", + "Completed text 14866\n", + "Completed text 14867\n", + "Completed text 14868\n", + "Completed text 14869\n", + "Completed text 14870\n", + "Completed text 14871\n", + "Completed text 14872\n", + "Completed text 14873\n", + "Completed text 14874\n", + "Completed text 14875\n", + "Completed text 14876\n", + "Completed text 14877\n", + "Completed text 14878\n", + "Completed text 14879\n", + "Completed text 14880\n", + "Completed text 14881\n", + "Completed text 14882\n", + "Completed text 14883\n", + "Completed text 14884\n", + "Completed text 14885\n", + "Completed text 14886\n", + "Completed text 14887\n", + "Completed text 14888\n", + "Completed text 14889\n", + "Completed text 14890\n", + "Completed text 14891\n", + "Completed text 14892\n", + "Completed text 14893\n", + "Completed text 14894\n", + "Completed text 14895\n", + "Completed text 14896\n", + "Completed text 14897\n", + "Completed text 14898\n", + "Completed text 14899\n", + "Completed text 14900\n", + "Completed text 14901\n", + "Completed text 14902\n", + "Completed text 14903\n", + "Completed text 14904\n", + "Completed text 14905\n", + "Completed text 14906\n", + "Completed text 14907\n", + "Completed text 14908\n", + "Completed text 14909\n", + "Completed text 14910\n", + "Completed text 14911\n", + "Completed text 14912\n", + "Completed text 14913\n", + "Completed text 14914\n", + "Completed text 14915\n", + "Completed text 14916\n", + "Completed text 14917\n", + "Completed text 14918\n", + "Completed text 14919\n", + "Completed text 14920\n", + "Completed text 14921\n", + "Completed text 14922\n", + "Completed text 14923\n", + "Completed text 14924\n", + "Completed text 14925\n", + "Completed text 14926\n", + "Completed text 14927\n", + "Completed text 14928\n", + "Completed text 14929\n", + "Completed text 14930\n", + "Completed text 14931\n", + "Completed text 14932\n", + "Completed text 14933\n", + "Completed text 14934\n", + "Completed text 14935\n", + "Completed text 14936\n", + "Completed text 14937\n", + "Completed text 14938\n", + "Completed text 14939\n", + "Completed text 14940\n", + "Completed text 14941\n", + "Completed text 14942\n", + "Completed text 14943\n", + "Completed text 14944\n", + "Completed text 14945\n", + "Completed text 14946\n", + "Completed text 14947\n", + "Completed text 14948\n", + "Completed text 14949\n", + "Completed text 14950\n", + "Completed text 14951\n", + "Completed text 14952\n", + "Completed text 14953\n", + "Completed text 14954\n", + "Completed text 14955\n", + "Completed text 14956\n", + "Completed text 14957\n", + "Completed text 14958\n", + "Completed text 14959\n", + "Completed text 14960\n", + "Completed text 14961\n", + "Completed text 14962\n", + "Completed text 14963\n", + "Completed text 14964\n", + "Completed text 14965\n", + "Completed text 14966\n", + "Completed text 14967\n", + "Completed text 14968\n", + "Completed text 14969\n", + "Completed text 14970\n", + "Completed text 14971\n", + "Completed text 14972\n", + "Completed text 14973\n", + "Completed text 14974\n", + "Completed text 14975\n", + "Completed text 14976\n", + "Completed text 14977\n", + "Completed text 14978\n", + "Completed text 14979\n", + "Completed text 14980\n", + "Completed text 14981\n", + "Completed text 14982\n", + "Completed text 14983\n", + "Completed text 14984\n", + "Completed text 14985\n", + "Completed text 14986\n", + "Completed text 14987\n", + "Completed text 14988\n", + "Completed text 14989\n", + "Completed text 14990\n", + "Completed text 14991\n", + "Completed text 14992\n", + "Completed text 14993\n", + "Completed text 14994\n", + "Completed text 14995\n", + "Completed text 14996\n", + "Completed text 14997\n", + "Completed text 14998\n", + "Completed text 14999\n", + "Completed text 15000\n", + "Completed text 15001\n", + "Completed text 15002\n", + "Completed text 15003\n", + "Completed text 15004\n", + "Completed text 15005\n", + "Completed text 15006\n", + "Completed text 15007\n", + "Completed text 15008\n", + "Completed text 15009\n", + "Completed text 15010\n", + "Completed text 15011\n", + "Completed text 15012\n", + "Completed text 15013\n", + "Completed text 15014\n", + "Completed text 15015\n", + "Completed text 15016\n", + "Completed text 15017\n", + "Completed text 15018\n", + "Completed text 15019\n", + "Completed text 15020\n", + "Completed text 15021\n", + "Completed text 15022\n", + "Completed text 15023\n", + "Completed text 15024\n", + "Completed text 15025\n", + "Completed text 15026\n", + "Completed text 15027\n", + "Completed text 15028\n", + "Completed text 15029\n", + "Completed text 15030\n", + "Completed text 15031\n", + "Completed text 15032\n", + "Completed text 15033\n", + "Completed text 15034\n", + "Completed text 15035\n", + "Completed text 15036\n", + "Completed text 15037\n", + "Completed text 15038\n", + "Completed text 15039\n", + "Completed text 15040\n", + "Completed text 15041\n", + "Completed text 15042\n", + "Completed text 15043\n", + "Completed text 15044\n", + "Completed text 15045\n", + "Completed text 15046\n", + "Completed text 15047\n", + "Completed text 15048\n", + "Completed text 15049\n", + "Completed text 15050\n", + "Completed text 15051\n", + "Completed text 15052\n", + "Completed text 15053\n", + "Completed text 15054\n", + "Completed text 15055\n", + "Completed text 15056\n", + "Completed text 15057\n", + "Completed text 15058\n", + "Completed text 15059\n", + "Completed text 15060\n", + "Completed text 15061\n", + "Completed text 15062\n", + "Completed text 15063\n", + "Completed text 15064\n", + "Completed text 15065\n", + "Completed text 15066\n", + "Completed text 15067\n", + "Completed text 15068\n", + "Completed text 15069\n", + "Completed text 15070\n", + "Completed text 15071\n", + "Completed text 15072\n", + "Completed text 15073\n", + "Completed text 15074\n", + "Completed text 15075\n", + "Completed text 15076\n", + "Completed text 15077\n", + "Completed text 15078\n", + "Completed text 15079\n", + "Completed text 15080\n", + "Completed text 15081\n", + "Completed text 15082\n", + "Completed text 15083\n", + "Completed text 15084\n", + "Completed text 15085\n", + "Completed text 15086\n", + "Completed text 15087\n", + "Completed text 15088\n", + "Completed text 15089\n", + "Completed text 15090\n", + "Completed text 15091\n", + "Completed text 15092\n", + "Completed text 15093\n", + "Completed text 15094\n", + "Completed text 15095\n", + "Completed text 15096\n", + "Completed text 15097\n", + "Completed text 15098\n", + "Completed text 15099\n", + "Completed text 15100\n", + "Completed text 15101\n", + "Completed text 15102\n", + "Completed text 15103\n", + "Completed text 15104\n", + "Completed text 15105\n", + "Completed text 15106\n", + "Completed text 15107\n", + "Completed text 15108\n", + "Completed text 15109\n", + "Completed text 15110\n", + "Completed text 15111\n", + "Completed text 15112\n", + "Completed text 15113\n", + "Completed text 15114\n", + "Completed text 15115\n", + "Completed text 15116\n", + "Completed text 15117\n", + "Completed text 15118\n", + "Completed text 15119\n", + "Completed text 15120\n", + "Completed text 15121\n", + "Completed text 15122\n", + "Completed text 15123\n", + "Completed text 15124\n", + "Completed text 15125\n", + "Completed text 15126\n", + "Completed text 15127\n", + "Completed text 15128\n", + "Completed text 15129\n", + "Completed text 15130\n", + "Completed text 15131\n", + "Completed text 15132\n", + "Completed text 15133\n", + "Completed text 15134\n", + "Completed text 15135\n", + "Completed text 15136\n", + "Completed text 15137\n", + "Completed text 15138\n", + "Completed text 15139\n", + "Completed text 15140\n", + "Completed text 15141\n", + "Completed text 15142\n", + "Completed text 15143\n", + "Completed text 15144\n", + "Completed text 15145\n", + "Completed text 15146\n", + "Completed text 15147\n", + "Completed text 15148\n", + "Completed text 15149\n", + "Completed text 15150\n", + "Completed text 15151\n", + "Completed text 15152\n", + "Completed text 15153\n", + "Completed text 15154\n", + "Completed text 15155\n", + "Completed text 15156\n", + "Completed text 15157\n", + "Completed text 15158\n", + "Completed text 15159\n", + "Completed text 15160\n", + "Completed text 15161\n", + "Completed text 15162\n", + "Completed text 15163\n", + "Completed text 15164\n", + "Completed text 15165\n", + "Completed text 15166\n", + "Completed text 15167\n", + "Completed text 15168\n", + "Completed text 15169\n", + "Completed text 15170\n", + "Completed text 15171\n", + "Completed text 15172\n", + "Completed text 15173\n", + "Completed text 15174\n", + "Completed text 15175\n", + "Completed text 15176\n", + "Completed text 15177\n", + "Completed text 15178\n", + "Completed text 15179\n", + "Completed text 15180\n", + "Completed text 15181\n", + "Completed text 15182\n", + "Completed text 15183\n", + "Completed text 15184\n", + "Completed text 15185\n", + "Completed text 15186\n", + "Completed text 15187\n", + "Completed text 15188\n", + "Completed text 15189\n", + "Completed text 15190\n", + "Completed text 15191\n", + "Completed text 15192\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 15193\n", + "Completed text 15194\n", + "Completed text 15195\n", + "Completed text 15196\n", + "Completed text 15197\n", + "Completed text 15198\n", + "Completed text 15199\n", + "Completed text 15200\n", + "Completed text 15201\n", + "Completed text 15202\n", + "Completed text 15203\n", + "Completed text 15204\n", + "Completed text 15205\n", + "Completed text 15206\n", + "Completed text 15207\n", + "Completed text 15208\n", + "Completed text 15209\n", + "Completed text 15210\n", + "Completed text 15211\n", + "Completed text 15212\n", + "Completed text 15213\n", + "Completed text 15214\n", + "Completed text 15215\n", + "Completed text 15216\n", + "Completed text 15217\n", + "Completed text 15218\n", + "Completed text 15219\n", + "Completed text 15220\n", + "Completed text 15221\n", + "Completed text 15222\n", + "Completed text 15223\n", + "Completed text 15224\n", + "Completed text 15225\n", + "Completed text 15226\n", + "Completed text 15227\n", + "Completed text 15228\n", + "Completed text 15229\n", + "Completed text 15230\n", + "Completed text 15231\n", + "Completed text 15232\n", + "Completed text 15233\n", + "Completed text 15234\n", + "Completed text 15235\n", + "Completed text 15236\n", + "Completed text 15237\n", + "Completed text 15238\n", + "Completed text 15239\n", + "Completed text 15240\n", + "Completed text 15241\n", + "Completed text 15242\n", + "Completed text 15243\n", + "Completed text 15244\n", + "Completed text 15245\n", + "Completed text 15246\n", + "Completed text 15247\n", + "Completed text 15248\n", + "Completed text 15249\n", + "Completed text 15250\n", + "Completed text 15251\n", + "Completed text 15252\n", + "Completed text 15253\n", + "Completed text 15254\n", + "Completed text 15255\n", + "Completed text 15256\n", + "Completed text 15257\n", + "Completed text 15258\n", + "Completed text 15259\n", + "Completed text 15260\n", + "Completed text 15261\n", + "Completed text 15262\n", + "Completed text 15263\n", + "Completed text 15264\n", + "Completed text 15265\n", + "Completed text 15266\n", + "Completed text 15267\n", + "Completed text 15268\n", + "Completed text 15269\n", + "Completed text 15270\n", + "Completed text 15271\n", + "Completed text 15272\n", + "Completed text 15273\n", + "Completed text 15274\n", + "Completed text 15275\n", + "Completed text 15276\n", + "Completed text 15277\n", + "Completed text 15278\n", + "Completed text 15279\n", + "Completed text 15280\n", + "Completed text 15281\n", + "Completed text 15282\n", + "Completed text 15283\n", + "Completed text 15284\n", + "Completed text 15285\n", + "Completed text 15286\n", + "Completed text 15287\n", + "Completed text 15288\n", + "Completed text 15289\n", + "Completed text 15290\n", + "Completed text 15291\n", + "Completed text 15292\n", + "Completed text 15293\n", + "Completed text 15294\n", + "Completed text 15295\n", + "Completed text 15296\n", + "Completed text 15297\n", + "Completed text 15298\n", + "Completed text 15299\n", + "Completed text 15300\n", + "Completed text 15301\n", + "Completed text 15302\n", + "Completed text 15303\n", + "Completed text 15304\n", + "Completed text 15305\n", + "Completed text 15306\n", + "Completed text 15307\n", + "Completed text 15308\n", + "Completed text 15309\n", + "Completed text 15310\n", + "Completed text 15311\n", + "Completed text 15312\n", + "Completed text 15313\n", + "Completed text 15314\n", + "Completed text 15315\n", + "Completed text 15316\n", + "Completed text 15317\n", + "Completed text 15318\n", + "Completed text 15319\n", + "Completed text 15320\n", + "Completed text 15321\n", + "Completed text 15322\n", + "Completed text 15323\n", + "Completed text 15324\n", + "Completed text 15325\n", + "Completed text 15326\n", + "Completed text 15327\n", + "Completed text 15328\n", + "Completed text 15329\n", + "Completed text 15330\n", + "Completed text 15331\n", + "Completed text 15332\n", + "Completed text 15333\n", + "Completed text 15334\n", + "Completed text 15335\n", + "Completed text 15336\n", + "Completed text 15337\n", + "Completed text 15338\n", + "Completed text 15339\n", + "Completed text 15340\n", + "Completed text 15341\n", + "Completed text 15342\n", + "Completed text 15343\n", + "Completed text 15344\n", + "Completed text 15345\n", + "Completed text 15346\n", + "Completed text 15347\n", + "Completed text 15348\n", + "Completed text 15349\n", + "Completed text 15350\n", + "Completed text 15351\n", + "Completed text 15352\n", + "Completed text 15353\n", + "Completed text 15354\n", + "Completed text 15355\n", + "Completed text 15356\n", + "Completed text 15357\n", + "Completed text 15358\n", + "Completed text 15359\n", + "Completed text 15360\n", + "Completed text 15361\n", + "Completed text 15362\n", + "Completed text 15363\n", + "Completed text 15364\n", + "Completed text 15365\n", + "Completed text 15366\n", + "Completed text 15367\n", + "Completed text 15368\n", + "Completed text 15369\n", + "Completed text 15370\n", + "Completed text 15371\n", + "Completed text 15372\n", + "Completed text 15373\n", + "Completed text 15374\n", + "Completed text 15375\n", + "Completed text 15376\n", + "Completed text 15377\n", + "Completed text 15378\n", + "Completed text 15379\n", + "Completed text 15380\n", + "Completed text 15381\n", + "Completed text 15382\n", + "Completed text 15383\n", + "Completed text 15384\n", + "Completed text 15385\n", + "Completed text 15386\n", + "Completed text 15387\n", + "Completed text 15388\n", + "Completed text 15389\n", + "Completed text 15390\n", + "Completed text 15391\n", + "Completed text 15392\n", + "Completed text 15393\n", + "Completed text 15394\n", + "Completed text 15395\n", + "Completed text 15396\n", + "Completed text 15397\n", + "Completed text 15398\n", + "Completed text 15399\n", + "Completed text 15400\n", + "Completed text 15401\n", + "Completed text 15402\n", + "Completed text 15403\n", + "Completed text 15404\n", + "Completed text 15405\n", + "Completed text 15406\n", + "Completed text 15407\n", + "Completed text 15408\n", + "Completed text 15409\n", + "Completed text 15410\n", + "Completed text 15411\n", + "Completed text 15412\n", + "Completed text 15413\n", + "Completed text 15414\n", + "Completed text 15415\n", + "Completed text 15416\n", + "Completed text 15417\n", + "Completed text 15418\n", + "Completed text 15419\n", + "Completed text 15420\n", + "Completed text 15421\n", + "Completed text 15422\n", + "Completed text 15423\n", + "Completed text 15424\n", + "Completed text 15425\n", + "Completed text 15426\n", + "Completed text 15427\n", + "Completed text 15428\n", + "Completed text 15429\n", + "Completed text 15430\n", + "Completed text 15431\n", + "Completed text 15432\n", + "Completed text 15433\n", + "Completed text 15434\n", + "Completed text 15435\n", + "Completed text 15436\n", + "Completed text 15437\n", + "Completed text 15438\n", + "Completed text 15439\n", + "Completed text 15440\n", + "Completed text 15441\n", + "Completed text 15442\n", + "Completed text 15443\n", + "Completed text 15444\n", + "Completed text 15445\n", + "Completed text 15446\n", + "Completed text 15447\n", + "Completed text 15448\n", + "Completed text 15449\n", + "Completed text 15450\n", + "Completed text 15451\n", + "Completed text 15452\n", + "Completed text 15453\n", + "Completed text 15454\n", + "Completed text 15455\n", + "Completed text 15456\n", + "Completed text 15457\n", + "Completed text 15458\n", + "Completed text 15459\n", + "Completed text 15460\n", + "Completed text 15461\n", + "Completed text 15462\n", + "Completed text 15463\n", + "Completed text 15464\n", + "Completed text 15465\n", + "Completed text 15466\n", + "Completed text 15467\n", + "Completed text 15468\n", + "Completed text 15469\n", + "Completed text 15470\n", + "Completed text 15471\n", + "Completed text 15472\n", + "Completed text 15473\n", + "Completed text 15474\n", + "Completed text 15475\n", + "Completed text 15476\n", + "Completed text 15477\n", + "Completed text 15478\n", + "Completed text 15479\n", + "Completed text 15480\n", + "Completed text 15481\n", + "Completed text 15482\n", + "Completed text 15483\n", + "Completed text 15484\n", + "Completed text 15485\n", + "Completed text 15486\n", + "Completed text 15487\n", + "Completed text 15488\n", + "Completed text 15489\n", + "Completed text 15490\n", + "Completed text 15491\n", + "Completed text 15492\n", + "Completed text 15493\n", + "Completed text 15494\n", + "Completed text 15495\n", + "Completed text 15496\n", + "Completed text 15497\n", + "Completed text 15498\n", + "Completed text 15499\n", + "Completed text 15500\n", + "Completed text 15501\n", + "Completed text 15502\n", + "Completed text 15503\n", + "Completed text 15504\n", + "Completed text 15505\n", + "Completed text 15506\n", + "Completed text 15507\n", + "Completed text 15508\n", + "Completed text 15509\n", + "Completed text 15510\n", + "Completed text 15511\n", + "Completed text 15512\n", + "Completed text 15513\n", + "Completed text 15514\n", + "Completed text 15515\n", + "Completed text 15516\n", + "Completed text 15517\n", + "Completed text 15518\n", + "Completed text 15519\n", + "Completed text 15520\n", + "Completed text 15521\n", + "Completed text 15522\n", + "Completed text 15523\n", + "Completed text 15524\n", + "Completed text 15525\n", + "Completed text 15526\n", + "Completed text 15527\n", + "Completed text 15528\n", + "Completed text 15529\n", + "Completed text 15530\n", + "Completed text 15531\n", + "Completed text 15532\n", + "Completed text 15533\n", + "Completed text 15534\n", + "Completed text 15535\n", + "Completed text 15536\n", + "Completed text 15537\n", + "Completed text 15538\n", + "Completed text 15539\n", + "Completed text 15540\n", + "Completed text 15541\n", + "Completed text 15542\n", + "Completed text 15543\n", + "Completed text 15544\n", + "Completed text 15545\n", + "Completed text 15546\n", + "Completed text 15547\n", + "Completed text 15548\n", + "Completed text 15549\n", + "Completed text 15550\n", + "Completed text 15551\n", + "Completed text 15552\n", + "Completed text 15553\n", + "Completed text 15554\n", + "Completed text 15555\n", + "Completed text 15556\n", + "Completed text 15557\n", + "Completed text 15558\n", + "Completed text 15559\n", + "Completed text 15560\n", + "Completed text 15561\n", + "Completed text 15562\n", + "Completed text 15563\n", + "Completed text 15564\n", + "Completed text 15565\n", + "Completed text 15566\n", + "Completed text 15567\n", + "Completed text 15568\n", + "Completed text 15569\n", + "Completed text 15570\n", + "Completed text 15571\n", + "Completed text 15572\n", + "Completed text 15573\n", + "Completed text 15574\n", + "Completed text 15575\n", + "Completed text 15576\n", + "Completed text 15577\n", + "Completed text 15578\n", + "Completed text 15579\n", + "Completed text 15580\n", + "Completed text 15581\n", + "Completed text 15582\n", + "Completed text 15583\n", + "Completed text 15584\n", + "Completed text 15585\n", + "Completed text 15586\n", + "Completed text 15587\n", + "Completed text 15588\n", + "Completed text 15589\n", + "Completed text 15590\n", + "Completed text 15591\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 15592\n", + "Completed text 15593\n", + "Completed text 15594\n", + "Completed text 15595\n", + "Completed text 15596\n", + "Completed text 15597\n", + "Completed text 15598\n", + "Completed text 15599\n", + "Completed text 15600\n", + "Completed text 15601\n", + "Completed text 15602\n", + "Completed text 15603\n", + "Completed text 15604\n", + "Completed text 15605\n", + "Completed text 15606\n", + "Completed text 15607\n", + "Completed text 15608\n", + "Completed text 15609\n", + "Completed text 15610\n", + "Completed text 15611\n", + "Completed text 15612\n", + "Completed text 15613\n", + "Completed text 15614\n", + "Completed text 15615\n", + "Completed text 15616\n", + "Completed text 15617\n", + "Completed text 15618\n", + "Completed text 15619\n", + "Completed text 15620\n", + "Completed text 15621\n", + "Completed text 15622\n", + "Completed text 15623\n", + "Completed text 15624\n", + "Completed text 15625\n", + "Completed text 15626\n", + "Completed text 15627\n", + "Completed text 15628\n", + "Completed text 15629\n", + "Completed text 15630\n", + "Completed text 15631\n", + "Completed text 15632\n", + "Completed text 15633\n", + "Completed text 15634\n", + "Completed text 15635\n", + "Completed text 15636\n", + "Completed text 15637\n", + "Completed text 15638\n", + "Completed text 15639\n", + "Completed text 15640\n", + "Completed text 15641\n", + "Completed text 15642\n", + "Completed text 15643\n", + "Completed text 15644\n", + "Completed text 15645\n", + "Completed text 15646\n", + "Completed text 15647\n", + "Completed text 15648\n", + "Completed text 15649\n", + "Completed text 15650\n", + "Completed text 15651\n", + "Completed text 15652\n", + "Completed text 15653\n", + "Completed text 15654\n", + "Completed text 15655\n", + "Completed text 15656\n", + "Completed text 15657\n", + "Completed text 15658\n", + "Completed text 15659\n", + "Completed text 15660\n", + "Completed text 15661\n", + "Completed text 15662\n", + "Completed text 15663\n", + "Completed text 15664\n", + "Completed text 15665\n", + "Completed text 15666\n", + "Completed text 15667\n", + "Completed text 15668\n", + "Completed text 15669\n", + "Completed text 15670\n", + "Completed text 15671\n", + "Completed text 15672\n", + "Completed text 15673\n", + "Completed text 15674\n", + "Completed text 15675\n", + "Completed text 15676\n", + "Completed text 15677\n", + "Completed text 15678\n", + "Completed text 15679\n", + "Completed text 15680\n", + "Completed text 15681\n", + "Completed text 15682\n", + "Completed text 15683\n", + "Completed text 15684\n", + "Completed text 15685\n", + "Completed text 15686\n", + "Completed text 15687\n", + "Completed text 15688\n", + "Completed text 15689\n", + "Completed text 15690\n", + "Completed text 15691\n", + "Completed text 15692\n", + "Completed text 15693\n", + "Completed text 15694\n", + "Completed text 15695\n", + "Completed text 15696\n", + "Completed text 15697\n", + "Completed text 15698\n", + "Completed text 15699\n", + "Completed text 15700\n", + "Completed text 15701\n", + "Completed text 15702\n", + "Completed text 15703\n", + "Completed text 15704\n", + "Completed text 15705\n", + "Completed text 15706\n", + "Completed text 15707\n", + "Completed text 15708\n", + "Completed text 15709\n", + "Completed text 15710\n", + "Completed text 15711\n", + "Completed text 15712\n", + "Completed text 15713\n", + "Completed text 15714\n", + "Completed text 15715\n", + "Completed text 15716\n", + "Completed text 15717\n", + "Completed text 15718\n", + "Completed text 15719\n", + "Completed text 15720\n", + "Completed text 15721\n", + "Completed text 15722\n", + "Completed text 15723\n", + "Completed text 15724\n", + "Completed text 15725\n", + "Completed text 15726\n", + "Completed text 15727\n", + "Completed text 15728\n", + "Completed text 15729\n", + "Completed text 15730\n", + "Completed text 15731\n", + "Completed text 15732\n", + "Completed text 15733\n", + "Completed text 15734\n", + "Completed text 15735\n", + "Completed text 15736\n", + "Completed text 15737\n", + "Completed text 15738\n", + "Completed text 15739\n", + "Completed text 15740\n", + "Completed text 15741\n", + "Completed text 15742\n", + "Completed text 15743\n", + "Completed text 15744\n", + "Completed text 15745\n", + "Completed text 15746\n", + "Completed text 15747\n", + "Completed text 15748\n", + "Completed text 15749\n", + "Completed text 15750\n", + "Completed text 15751\n", + "Completed text 15752\n", + "Completed text 15753\n", + "Completed text 15754\n", + "Completed text 15755\n", + "Completed text 15756\n", + "Completed text 15757\n", + "Completed text 15758\n", + "Completed text 15759\n", + "Completed text 15760\n", + "Completed text 15761\n", + "Completed text 15762\n", + "Completed text 15763\n", + "Completed text 15764\n", + "Completed text 15765\n", + "Completed text 15766\n", + "Completed text 15767\n", + "Completed text 15768\n", + "Completed text 15769\n", + "Completed text 15770\n", + "Completed text 15771\n", + "Completed text 15772\n", + "Completed text 15773\n", + "Completed text 15774\n", + "Completed text 15775\n", + "Completed text 15776\n", + "Completed text 15777\n", + "Completed text 15778\n", + "Completed text 15779\n", + "Completed text 15780\n", + "Completed text 15781\n", + "Completed text 15782\n", + "Completed text 15783\n", + "Completed text 15784\n", + "Completed text 15785\n", + "Completed text 15786\n", + "Completed text 15787\n", + "Completed text 15788\n", + "Completed text 15789\n", + "Completed text 15790\n", + "Completed text 15791\n", + "Completed text 15792\n", + "Completed text 15793\n", + "Completed text 15794\n", + "Completed text 15795\n", + "Completed text 15796\n", + "Completed text 15797\n", + "Completed text 15798\n", + "Completed text 15799\n", + "Completed text 15800\n", + "Completed text 15801\n", + "Completed text 15802\n", + "Completed text 15803\n", + "Completed text 15804\n", + "Completed text 15805\n", + "Completed text 15806\n", + "Completed text 15807\n", + "Completed text 15808\n", + "Completed text 15809\n", + "Completed text 15810\n", + "Completed text 15811\n", + "Completed text 15812\n", + "Completed text 15813\n", + "Completed text 15814\n", + "Completed text 15815\n", + "Completed text 15816\n", + "Completed text 15817\n", + "Completed text 15818\n", + "Completed text 15819\n", + "Completed text 15820\n", + "Completed text 15821\n", + "Completed text 15822\n", + "Completed text 15823\n", + "Completed text 15824\n", + "Completed text 15825\n", + "Completed text 15826\n", + "Completed text 15827\n", + "Completed text 15828\n", + "Completed text 15829\n", + "Completed text 15830\n", + "Completed text 15831\n", + "Completed text 15832\n", + "Completed text 15833\n", + "Completed text 15834\n", + "Completed text 15835\n", + "Completed text 15836\n", + "Completed text 15837\n", + "Completed text 15838\n", + "Completed text 15839\n", + "Completed text 15840\n", + "Completed text 15841\n", + "Completed text 15842\n", + "Completed text 15843\n", + "Completed text 15844\n", + "Completed text 15845\n", + "Completed text 15846\n", + "Completed text 15847\n", + "Completed text 15848\n", + "Completed text 15849\n", + "Completed text 15850\n", + "Completed text 15851\n", + "Completed text 15852\n", + "Completed text 15853\n", + "Completed text 15854\n", + "Completed text 15855\n", + "Completed text 15856\n", + "Completed text 15857\n", + "Completed text 15858\n", + "Completed text 15859\n", + "Completed text 15860\n", + "Completed text 15861\n", + "Completed text 15862\n", + "Completed text 15863\n", + "Completed text 15864\n", + "Completed text 15865\n", + "Completed text 15866\n", + "Completed text 15867\n", + "Completed text 15868\n", + "Completed text 15869\n", + "Completed text 15870\n", + "Completed text 15871\n", + "Completed text 15872\n", + "Completed text 15873\n", + "Completed text 15874\n", + "Completed text 15875\n", + "Completed text 15876\n", + "Completed text 15877\n", + "Completed text 15878\n", + "Completed text 15879\n", + "Completed text 15880\n", + "Completed text 15881\n", + "Completed text 15882\n", + "Completed text 15883\n", + "Completed text 15884\n", + "Completed text 15885\n", + "Completed text 15886\n", + "Completed text 15887\n", + "Completed text 15888\n", + "Completed text 15889\n", + "Completed text 15890\n", + "Completed text 15891\n", + "Completed text 15892\n", + "Completed text 15893\n", + "Completed text 15894\n", + "Completed text 15895\n", + "Completed text 15896\n", + "Completed text 15897\n", + "Completed text 15898\n", + "Completed text 15899\n", + "Completed text 15900\n", + "Completed text 15901\n", + "Completed text 15902\n", + "Completed text 15903\n", + "Completed text 15904\n", + "Completed text 15905\n", + "Completed text 15906\n", + "Completed text 15907\n", + "Completed text 15908\n", + "Completed text 15909\n", + "Completed text 15910\n", + "Completed text 15911\n", + "Completed text 15912\n", + "Completed text 15913\n", + "Completed text 15914\n", + "Completed text 15915\n", + "Completed text 15916\n", + "Completed text 15917\n", + "Completed text 15918\n", + "Completed text 15919\n", + "Completed text 15920\n", + "Completed text 15921\n", + "Completed text 15922\n", + "Completed text 15923\n", + "Completed text 15924\n", + "Completed text 15925\n", + "Completed text 15926\n", + "Completed text 15927\n", + "Completed text 15928\n", + "Completed text 15929\n", + "Completed text 15930\n", + "Completed text 15931\n", + "Completed text 15932\n", + "Completed text 15933\n", + "Completed text 15934\n", + "Completed text 15935\n", + "Completed text 15936\n", + "Completed text 15937\n", + "Completed text 15938\n", + "Completed text 15939\n", + "Completed text 15940\n", + "Completed text 15941\n", + "Completed text 15942\n", + "Completed text 15943\n", + "Completed text 15944\n", + "Completed text 15945\n", + "Completed text 15946\n", + "Completed text 15947\n", + "Completed text 15948\n", + "Completed text 15949\n", + "Completed text 15950\n", + "Completed text 15951\n", + "Completed text 15952\n", + "Completed text 15953\n", + "Completed text 15954\n", + "Completed text 15955\n", + "Completed text 15956\n", + "Completed text 15957\n", + "Completed text 15958\n", + "Completed text 15959\n", + "Completed text 15960\n", + "Completed text 15961\n", + "Completed text 15962\n", + "Completed text 15963\n", + "Completed text 15964\n", + "Completed text 15965\n", + "Completed text 15966\n", + "Completed text 15967\n", + "Completed text 15968\n", + "Completed text 15969\n", + "Completed text 15970\n", + "Completed text 15971\n", + "Completed text 15972\n", + "Completed text 15973\n", + "Completed text 15974\n", + "Completed text 15975\n", + "Completed text 15976\n", + "Completed text 15977\n", + "Completed text 15978\n", + "Completed text 15979\n", + "Completed text 15980\n", + "Completed text 15981\n", + "Completed text 15982\n", + "Completed text 15983\n", + "Completed text 15984\n", + "Completed text 15985\n", + "Completed text 15986\n", + "Completed text 15987\n", + "Completed text 15988\n", + "Completed text 15989\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 15990\n", + "Completed text 15991\n", + "Completed text 15992\n", + "Completed text 15993\n", + "Completed text 15994\n", + "Completed text 15995\n", + "Completed text 15996\n", + "Completed text 15997\n", + "Completed text 15998\n", + "Completed text 15999\n", + "Completed text 16000\n", + "Completed text 16001\n", + "Completed text 16002\n", + "Completed text 16003\n", + "Completed text 16004\n", + "Completed text 16005\n", + "Completed text 16006\n", + "Completed text 16007\n", + "Completed text 16008\n", + "Completed text 16009\n", + "Completed text 16010\n", + "Completed text 16011\n", + "Completed text 16012\n", + "Completed text 16013\n", + "Completed text 16014\n", + "Completed text 16015\n", + "Completed text 16016\n", + "Completed text 16017\n", + "Completed text 16018\n", + "Completed text 16019\n", + "Completed text 16020\n", + "Completed text 16021\n", + "Completed text 16022\n", + "Completed text 16023\n", + "Completed text 16024\n", + "Completed text 16025\n", + "Completed text 16026\n", + "Completed text 16027\n", + "Completed text 16028\n", + "Completed text 16029\n", + "Completed text 16030\n", + "Completed text 16031\n", + "Completed text 16032\n", + "Completed text 16033\n", + "Completed text 16034\n", + "Completed text 16035\n", + "Completed text 16036\n", + "Completed text 16037\n", + "Completed text 16038\n", + "Completed text 16039\n", + "Completed text 16040\n", + "Completed text 16041\n", + "Completed text 16042\n", + "Completed text 16043\n", + "Completed text 16044\n", + "Completed text 16045\n", + "Completed text 16046\n", + "Completed text 16047\n", + "Completed text 16048\n", + "Completed text 16049\n", + "Completed text 16050\n", + "Completed text 16051\n", + "Completed text 16052\n", + "Completed text 16053\n", + "Completed text 16054\n", + "Completed text 16055\n", + "Completed text 16056\n", + "Completed text 16057\n", + "Completed text 16058\n", + "Completed text 16059\n", + "Completed text 16060\n", + "Completed text 16061\n", + "Completed text 16062\n", + "Completed text 16063\n", + "Completed text 16064\n", + "Completed text 16065\n", + "Completed text 16066\n", + "Completed text 16067\n", + "Completed text 16068\n", + "Completed text 16069\n", + "Completed text 16070\n", + "Completed text 16071\n", + "Completed text 16072\n", + "Completed text 16073\n", + "Completed text 16074\n", + "Completed text 16075\n", + "Completed text 16076\n", + "Completed text 16077\n", + "Completed text 16078\n", + "Completed text 16079\n", + "Completed text 16080\n", + "Completed text 16081\n", + "Completed text 16082\n", + "Completed text 16083\n", + "Completed text 16084\n", + "Completed text 16085\n", + "Completed text 16086\n", + "Completed text 16087\n", + "Completed text 16088\n", + "Completed text 16089\n", + "Completed text 16090\n", + "Completed text 16091\n", + "Completed text 16092\n", + "Completed text 16093\n", + "Completed text 16094\n", + "Completed text 16095\n", + "Completed text 16096\n", + "Completed text 16097\n", + "Completed text 16098\n", + "Completed text 16099\n", + "Completed text 16100\n", + "Completed text 16101\n", + "Completed text 16102\n", + "Completed text 16103\n", + "Completed text 16104\n", + "Completed text 16105\n", + "Completed text 16106\n", + "Completed text 16107\n", + "Completed text 16108\n", + "Completed text 16109\n", + "Completed text 16110\n", + "Completed text 16111\n", + "Completed text 16112\n", + "Completed text 16113\n", + "Completed text 16114\n", + "Completed text 16115\n", + "Completed text 16116\n", + "Completed text 16117\n", + "Completed text 16118\n", + "Completed text 16119\n", + "Completed text 16120\n", + "Completed text 16121\n", + "Completed text 16122\n", + "Completed text 16123\n", + "Completed text 16124\n", + "Completed text 16125\n", + "Completed text 16126\n", + "Completed text 16127\n", + "Completed text 16128\n", + "Completed text 16129\n", + "Completed text 16130\n", + "Completed text 16131\n", + "Completed text 16132\n", + "Completed text 16133\n", + "Completed text 16134\n", + "Completed text 16135\n", + "Completed text 16136\n", + "Completed text 16137\n", + "Completed text 16138\n", + "Completed text 16139\n", + "Completed text 16140\n", + "Completed text 16141\n", + "Completed text 16142\n", + "Completed text 16143\n", + "Completed text 16144\n", + "Completed text 16145\n", + "Completed text 16146\n", + "Completed text 16147\n", + "Completed text 16148\n", + "Completed text 16149\n", + "Completed text 16150\n", + "Completed text 16151\n", + "Completed text 16152\n", + "Completed text 16153\n", + "Completed text 16154\n", + "Completed text 16155\n", + "Completed text 16156\n", + "Completed text 16157\n", + "Completed text 16158\n", + "Completed text 16159\n", + "Completed text 16160\n", + "Completed text 16161\n", + "Completed text 16162\n", + "Completed text 16163\n", + "Completed text 16164\n", + "Completed text 16165\n", + "Completed text 16166\n", + "Completed text 16167\n", + "Completed text 16168\n", + "Completed text 16169\n", + "Completed text 16170\n", + "Completed text 16171\n", + "Completed text 16172\n", + "Completed text 16173\n", + "Completed text 16174\n", + "Completed text 16175\n", + "Completed text 16176\n", + "Completed text 16177\n", + "Completed text 16178\n", + "Completed text 16179\n", + "Completed text 16180\n", + "Completed text 16181\n", + "Completed text 16182\n", + "Completed text 16183\n", + "Completed text 16184\n", + "Completed text 16185\n", + "Completed text 16186\n", + "Completed text 16187\n", + "Completed text 16188\n", + "Completed text 16189\n", + "Completed text 16190\n", + "Completed text 16191\n", + "Completed text 16192\n", + "Completed text 16193\n", + "Completed text 16194\n", + "Completed text 16195\n", + "Completed text 16196\n", + "Completed text 16197\n", + "Completed text 16198\n", + "Completed text 16199\n", + "Completed text 16200\n", + "Completed text 16201\n", + "Completed text 16202\n", + "Completed text 16203\n", + "Completed text 16204\n", + "Completed text 16205\n", + "Completed text 16206\n", + "Completed text 16207\n", + "Completed text 16208\n", + "Completed text 16209\n", + "Completed text 16210\n", + "Completed text 16211\n", + "Completed text 16212\n", + "Completed text 16213\n", + "Completed text 16214\n", + "Completed text 16215\n", + "Completed text 16216\n", + "Completed text 16217\n", + "Completed text 16218\n", + "Completed text 16219\n", + "Completed text 16220\n", + "Completed text 16221\n", + "Completed text 16222\n", + "Completed text 16223\n", + "Completed text 16224\n", + "Completed text 16225\n", + "Completed text 16226\n", + "Completed text 16227\n", + "Completed text 16228\n", + "Completed text 16229\n", + "Completed text 16230\n", + "Completed text 16231\n", + "Completed text 16232\n", + "Completed text 16233\n", + "Completed text 16234\n", + "Completed text 16235\n", + "Completed text 16236\n", + "Completed text 16237\n", + "Completed text 16238\n", + "Completed text 16239\n", + "Completed text 16240\n", + "Completed text 16241\n", + "Completed text 16242\n", + "Completed text 16243\n", + "Completed text 16244\n", + "Completed text 16245\n", + "Completed text 16246\n", + "Completed text 16247\n", + "Completed text 16248\n", + "Completed text 16249\n", + "Completed text 16250\n", + "Completed text 16251\n", + "Completed text 16252\n", + "Completed text 16253\n", + "Completed text 16254\n", + "Completed text 16255\n", + "Completed text 16256\n", + "Completed text 16257\n", + "Completed text 16258\n", + "Completed text 16259\n", + "Completed text 16260\n", + "Completed text 16261\n", + "Completed text 16262\n", + "Completed text 16263\n", + "Completed text 16264\n", + "Completed text 16265\n", + "Completed text 16266\n", + "Completed text 16267\n", + "Completed text 16268\n", + "Completed text 16269\n", + "Completed text 16270\n", + "Completed text 16271\n", + "Completed text 16272\n", + "Completed text 16273\n", + "Completed text 16274\n", + "Completed text 16275\n", + "Completed text 16276\n", + "Completed text 16277\n", + "Completed text 16278\n", + "Completed text 16279\n", + "Completed text 16280\n", + "Completed text 16281\n", + "Completed text 16282\n", + "Completed text 16283\n", + "Completed text 16284\n", + "Completed text 16285\n", + "Completed text 16286\n", + "Completed text 16287\n", + "Completed text 16288\n", + "Completed text 16289\n", + "Completed text 16290\n", + "Completed text 16291\n", + "Completed text 16292\n", + "Completed text 16293\n", + "Completed text 16294\n", + "Completed text 16295\n", + "Completed text 16296\n", + "Completed text 16297\n", + "Completed text 16298\n", + "Completed text 16299\n", + "Completed text 16300\n", + "Completed text 16301\n", + "Completed text 16302\n", + "Completed text 16303\n", + "Completed text 16304\n", + "Completed text 16305\n", + "Completed text 16306\n", + "Completed text 16307\n", + "Completed text 16308\n", + "Completed text 16309\n", + "Completed text 16310\n", + "Completed text 16311\n", + "Completed text 16312\n", + "Completed text 16313\n", + "Completed text 16314\n", + "Completed text 16315\n", + "Completed text 16316\n", + "Completed text 16317\n", + "Completed text 16318\n", + "Completed text 16319\n", + "Completed text 16320\n", + "Completed text 16321\n", + "Completed text 16322\n", + "Completed text 16323\n", + "Completed text 16324\n", + "Completed text 16325\n", + "Completed text 16326\n", + "Completed text 16327\n", + "Completed text 16328\n", + "Completed text 16329\n", + "Completed text 16330\n", + "Completed text 16331\n", + "Completed text 16332\n", + "Completed text 16333\n", + "Completed text 16334\n", + "Completed text 16335\n", + "Completed text 16336\n", + "Completed text 16337\n", + "Completed text 16338\n", + "Completed text 16339\n", + "Completed text 16340\n", + "Completed text 16341\n", + "Completed text 16342\n", + "Completed text 16343\n", + "Completed text 16344\n", + "Completed text 16345\n", + "Completed text 16346\n", + "Completed text 16347\n", + "Completed text 16348\n", + "Completed text 16349\n", + "Completed text 16350\n", + "Completed text 16351\n", + "Completed text 16352\n", + "Completed text 16353\n", + "Completed text 16354\n", + "Completed text 16355\n", + "Completed text 16356\n", + "Completed text 16357\n", + "Completed text 16358\n", + "Completed text 16359\n", + "Completed text 16360\n", + "Completed text 16361\n", + "Completed text 16362\n", + "Completed text 16363\n", + "Completed text 16364\n", + "Completed text 16365\n", + "Completed text 16366\n", + "Completed text 16367\n", + "Completed text 16368\n", + "Completed text 16369\n", + "Completed text 16370\n", + "Completed text 16371\n", + "Completed text 16372\n", + "Completed text 16373\n", + "Completed text 16374\n", + "Completed text 16375\n", + "Completed text 16376\n", + "Completed text 16377\n", + "Completed text 16378\n", + "Completed text 16379\n", + "Completed text 16380\n", + "Completed text 16381\n", + "Completed text 16382\n", + "Completed text 16383\n", + "Completed text 16384\n", + "Completed text 16385\n", + "Completed text 16386\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 16387\n", + "Completed text 16388\n", + "Completed text 16389\n", + "Completed text 16390\n", + "Completed text 16391\n", + "Completed text 16392\n", + "Completed text 16393\n", + "Completed text 16394\n", + "Completed text 16395\n", + "Completed text 16396\n", + "Completed text 16397\n", + "Completed text 16398\n", + "Completed text 16399\n", + "Completed text 16400\n", + "Completed text 16401\n", + "Completed text 16402\n", + "Completed text 16403\n", + "Completed text 16404\n", + "Completed text 16405\n", + "Completed text 16406\n", + "Completed text 16407\n", + "Completed text 16408\n", + "Completed text 16409\n", + "Completed text 16410\n", + "Completed text 16411\n", + "Completed text 16412\n", + "Completed text 16413\n", + "Completed text 16414\n", + "Completed text 16415\n", + "Completed text 16416\n", + "Completed text 16417\n", + "Completed text 16418\n", + "Completed text 16419\n", + "Completed text 16420\n", + "Completed text 16421\n", + "Completed text 16422\n", + "Completed text 16423\n", + "Completed text 16424\n", + "Completed text 16425\n", + "Completed text 16426\n", + "Completed text 16427\n", + "Completed text 16428\n", + "Completed text 16429\n", + "Completed text 16430\n", + "Completed text 16431\n", + "Completed text 16432\n", + "Completed text 16433\n", + "Completed text 16434\n", + "Completed text 16435\n", + "Completed text 16436\n", + "Completed text 16437\n", + "Completed text 16438\n", + "Completed text 16439\n", + "Completed text 16440\n", + "Completed text 16441\n", + "Completed text 16442\n", + "Completed text 16443\n", + "Completed text 16444\n", + "Completed text 16445\n", + "Completed text 16446\n", + "Completed text 16447\n", + "Completed text 16448\n", + "Completed text 16449\n", + "Completed text 16450\n", + "Completed text 16451\n", + "Completed text 16452\n", + "Completed text 16453\n", + "Completed text 16454\n", + "Completed text 16455\n", + "Completed text 16456\n", + "Completed text 16457\n", + "Completed text 16458\n", + "Completed text 16459\n", + "Completed text 16460\n", + "Completed text 16461\n", + "Completed text 16462\n", + "Completed text 16463\n", + "Completed text 16464\n", + "Completed text 16465\n", + "Completed text 16466\n", + "Completed text 16467\n", + "Completed text 16468\n", + "Completed text 16469\n", + "Completed text 16470\n", + "Completed text 16471\n", + "Completed text 16472\n", + "Completed text 16473\n", + "Completed text 16474\n", + "Completed text 16475\n", + "Completed text 16476\n", + "Completed text 16477\n", + "Completed text 16478\n", + "Completed text 16479\n", + "Completed text 16480\n", + "Completed text 16481\n", + "Completed text 16482\n", + "Completed text 16483\n", + "Completed text 16484\n", + "Completed text 16485\n", + "Completed text 16486\n", + "Completed text 16487\n", + "Completed text 16488\n", + "Completed text 16489\n", + "Completed text 16490\n", + "Completed text 16491\n", + "Completed text 16492\n", + "Completed text 16493\n", + "Completed text 16494\n", + "Completed text 16495\n", + "Completed text 16496\n", + "Completed text 16497\n", + "Completed text 16498\n", + "Completed text 16499\n", + "Completed text 16500\n", + "Completed text 16501\n", + "Completed text 16502\n", + "Completed text 16503\n", + "Completed text 16504\n", + "Completed text 16505\n", + "Completed text 16506\n", + "Completed text 16507\n", + "Completed text 16508\n", + "Completed text 16509\n", + "Completed text 16510\n", + "Completed text 16511\n", + "Completed text 16512\n", + "Completed text 16513\n", + "Completed text 16514\n", + "Completed text 16515\n", + "Completed text 16516\n", + "Completed text 16517\n", + "Completed text 16518\n", + "Completed text 16519\n", + "Completed text 16520\n", + "Completed text 16521\n", + "Completed text 16522\n", + "Completed text 16523\n", + "Completed text 16524\n", + "Completed text 16525\n", + "Completed text 16526\n", + "Completed text 16527\n", + "Completed text 16528\n", + "Completed text 16529\n", + "Completed text 16530\n", + "Completed text 16531\n", + "Completed text 16532\n", + "Completed text 16533\n", + "Completed text 16534\n", + "Completed text 16535\n", + "Completed text 16536\n", + "Completed text 16537\n", + "Completed text 16538\n", + "Completed text 16539\n", + "Completed text 16540\n", + "Completed text 16541\n", + "Completed text 16542\n", + "Completed text 16543\n", + "Completed text 16544\n", + "Completed text 16545\n", + "Completed text 16546\n", + "Completed text 16547\n", + "Completed text 16548\n", + "Completed text 16549\n", + "Completed text 16550\n", + "Completed text 16551\n", + "Completed text 16552\n", + "Completed text 16553\n", + "Completed text 16554\n", + "Completed text 16555\n", + "Completed text 16556\n", + "Completed text 16557\n", + "Completed text 16558\n", + "Completed text 16559\n", + "Completed text 16560\n", + "Completed text 16561\n", + "Completed text 16562\n", + "Completed text 16563\n", + "Completed text 16564\n", + "Completed text 16565\n", + "Completed text 16566\n", + "Completed text 16567\n", + "Completed text 16568\n", + "Completed text 16569\n", + "Completed text 16570\n", + "Completed text 16571\n", + "Completed text 16572\n", + "Completed text 16573\n", + "Completed text 16574\n", + "Completed text 16575\n", + "Completed text 16576\n", + "Completed text 16577\n", + "Completed text 16578\n", + "Completed text 16579\n", + "Completed text 16580\n", + "Completed text 16581\n", + "Completed text 16582\n", + "Completed text 16583\n", + "Completed text 16584\n", + "Completed text 16585\n", + "Completed text 16586\n", + "Completed text 16587\n", + "Completed text 16588\n", + "Completed text 16589\n", + "Completed text 16590\n", + "Completed text 16591\n", + "Completed text 16592\n", + "Completed text 16593\n", + "Completed text 16594\n", + "Completed text 16595\n", + "Completed text 16596\n", + "Completed text 16597\n", + "Completed text 16598\n", + "Completed text 16599\n", + "Completed text 16600\n", + "Completed text 16601\n", + "Completed text 16602\n", + "Completed text 16603\n", + "Completed text 16604\n", + "Completed text 16605\n", + "Completed text 16606\n", + "Completed text 16607\n", + "Completed text 16608\n", + "Completed text 16609\n", + "Completed text 16610\n", + "Completed text 16611\n", + "Completed text 16612\n", + "Completed text 16613\n", + "Completed text 16614\n", + "Completed text 16615\n", + "Completed text 16616\n", + "Completed text 16617\n", + "Completed text 16618\n", + "Completed text 16619\n", + "Completed text 16620\n", + "Completed text 16621\n", + "Completed text 16622\n", + "Completed text 16623\n", + "Completed text 16624\n", + "Completed text 16625\n", + "Completed text 16626\n", + "Completed text 16627\n", + "Completed text 16628\n", + "Completed text 16629\n", + "Completed text 16630\n", + "Completed text 16631\n", + "Completed text 16632\n", + "Completed text 16633\n", + "Completed text 16634\n", + "Completed text 16635\n", + "Completed text 16636\n", + "Completed text 16637\n", + "Completed text 16638\n", + "Completed text 16639\n", + "Completed text 16640\n", + "Completed text 16641\n", + "Completed text 16642\n", + "Completed text 16643\n", + "Completed text 16644\n", + "Completed text 16645\n", + "Completed text 16646\n", + "Completed text 16647\n", + "Completed text 16648\n", + "Completed text 16649\n", + "Completed text 16650\n", + "Completed text 16651\n", + "Completed text 16652\n", + "Completed text 16653\n", + "Completed text 16654\n", + "Completed text 16655\n", + "Completed text 16656\n", + "Completed text 16657\n", + "Completed text 16658\n", + "Completed text 16659\n", + "Completed text 16660\n", + "Completed text 16661\n", + "Completed text 16662\n", + "Completed text 16663\n", + "Completed text 16664\n", + "Completed text 16665\n", + "Completed text 16666\n", + "Completed text 16667\n", + "Completed text 16668\n", + "Completed text 16669\n", + "Completed text 16670\n", + "Completed text 16671\n", + "Completed text 16672\n", + "Completed text 16673\n", + "Completed text 16674\n", + "Completed text 16675\n", + "Completed text 16676\n", + "Completed text 16677\n", + "Completed text 16678\n", + "Completed text 16679\n", + "Completed text 16680\n", + "Completed text 16681\n", + "Completed text 16682\n", + "Completed text 16683\n", + "Completed text 16684\n", + "Completed text 16685\n", + "Completed text 16686\n", + "Completed text 16687\n", + "Completed text 16688\n", + "Completed text 16689\n", + "Completed text 16690\n", + "Completed text 16691\n", + "Completed text 16692\n", + "Completed text 16693\n", + "Completed text 16694\n", + "Completed text 16695\n", + "Completed text 16696\n", + "Completed text 16697\n", + "Completed text 16698\n", + "Completed text 16699\n", + "Completed text 16700\n", + "Completed text 16701\n", + "Completed text 16702\n", + "Completed text 16703\n", + "Completed text 16704\n", + "Completed text 16705\n", + "Completed text 16706\n", + "Completed text 16707\n", + "Completed text 16708\n", + "Completed text 16709\n", + "Completed text 16710\n", + "Completed text 16711\n", + "Completed text 16712\n", + "Completed text 16713\n", + "Completed text 16714\n", + "Completed text 16715\n", + "Completed text 16716\n", + "Completed text 16717\n", + "Completed text 16718\n", + "Completed text 16719\n", + "Completed text 16720\n", + "Completed text 16721\n", + "Completed text 16722\n", + "Completed text 16723\n", + "Completed text 16724\n", + "Completed text 16725\n", + "Completed text 16726\n", + "Completed text 16727\n", + "Completed text 16728\n", + "Completed text 16729\n", + "Completed text 16730\n", + "Completed text 16731\n", + "Completed text 16732\n", + "Completed text 16733\n", + "Completed text 16734\n", + "Completed text 16735\n", + "Completed text 16736\n", + "Completed text 16737\n", + "Completed text 16738\n", + "Completed text 16739\n", + "Completed text 16740\n", + "Completed text 16741\n", + "Completed text 16742\n", + "Completed text 16743\n", + "Completed text 16744\n", + "Completed text 16745\n", + "Completed text 16746\n", + "Completed text 16747\n", + "Completed text 16748\n", + "Completed text 16749\n", + "Completed text 16750\n", + "Completed text 16751\n", + "Completed text 16752\n", + "Completed text 16753\n", + "Completed text 16754\n", + "Completed text 16755\n", + "Completed text 16756\n", + "Completed text 16757\n", + "Completed text 16758\n", + "Completed text 16759\n", + "Completed text 16760\n", + "Completed text 16761\n", + "Completed text 16762\n", + "Completed text 16763\n", + "Completed text 16764\n", + "Completed text 16765\n", + "Completed text 16766\n", + "Completed text 16767\n", + "Completed text 16768\n", + "Completed text 16769\n", + "Completed text 16770\n", + "Completed text 16771\n", + "Completed text 16772\n", + "Completed text 16773\n", + "Completed text 16774\n", + "Completed text 16775\n", + "Completed text 16776\n", + "Completed text 16777\n", + "Completed text 16778\n", + "Completed text 16779\n", + "Completed text 16780\n", + "Completed text 16781\n", + "Completed text 16782\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 16783\n", + "Completed text 16784\n", + "Completed text 16785\n", + "Completed text 16786\n", + "Completed text 16787\n", + "Completed text 16788\n", + "Completed text 16789\n", + "Completed text 16790\n", + "Completed text 16791\n", + "Completed text 16792\n", + "Completed text 16793\n", + "Completed text 16794\n", + "Completed text 16795\n", + "Completed text 16796\n", + "Completed text 16797\n", + "Completed text 16798\n", + "Completed text 16799\n", + "Completed text 16800\n", + "Completed text 16801\n", + "Completed text 16802\n", + "Completed text 16803\n", + "Completed text 16804\n", + "Completed text 16805\n", + "Completed text 16806\n", + "Completed text 16807\n", + "Completed text 16808\n", + "Completed text 16809\n", + "Completed text 16810\n", + "Completed text 16811\n", + "Completed text 16812\n", + "Completed text 16813\n", + "Completed text 16814\n", + "Completed text 16815\n", + "Completed text 16816\n", + "Completed text 16817\n", + "Completed text 16818\n", + "Completed text 16819\n", + "Completed text 16820\n", + "Completed text 16821\n", + "Completed text 16822\n", + "Completed text 16823\n", + "Completed text 16824\n", + "Completed text 16825\n", + "Completed text 16826\n", + "Completed text 16827\n", + "Completed text 16828\n", + "Completed text 16829\n", + "Completed text 16830\n", + "Completed text 16831\n", + "Completed text 16832\n", + "Completed text 16833\n", + "Completed text 16834\n", + "Completed text 16835\n", + "Completed text 16836\n", + "Completed text 16837\n", + "Completed text 16838\n", + "Completed text 16839\n", + "Completed text 16840\n", + "Completed text 16841\n", + "Completed text 16842\n", + "Completed text 16843\n", + "Completed text 16844\n", + "Completed text 16845\n", + "Completed text 16846\n", + "Completed text 16847\n", + "Completed text 16848\n", + "Completed text 16849\n", + "Completed text 16850\n", + "Completed text 16851\n", + "Completed text 16852\n", + "Completed text 16853\n", + "Completed text 16854\n", + "Completed text 16855\n", + "Completed text 16856\n", + "Completed text 16857\n", + "Completed text 16858\n", + "Completed text 16859\n", + "Completed text 16860\n", + "Completed text 16861\n", + "Completed text 16862\n", + "Completed text 16863\n", + "Completed text 16864\n", + "Completed text 16865\n", + "Completed text 16866\n", + "Completed text 16867\n", + "Completed text 16868\n", + "Completed text 16869\n", + "Completed text 16870\n", + "Completed text 16871\n", + "Completed text 16872\n", + "Completed text 16873\n", + "Completed text 16874\n", + "Completed text 16875\n", + "Completed text 16876\n", + "Completed text 16877\n", + "Completed text 16878\n", + "Completed text 16879\n", + "Completed text 16880\n", + "Completed text 16881\n", + "Completed text 16882\n", + "Completed text 16883\n", + "Completed text 16884\n", + "Completed text 16885\n", + "Completed text 16886\n", + "Completed text 16887\n", + "Completed text 16888\n", + "Completed text 16889\n", + "Completed text 16890\n", + "Completed text 16891\n", + "Completed text 16892\n", + "Completed text 16893\n", + "Completed text 16894\n", + "Completed text 16895\n", + "Completed text 16896\n", + "Completed text 16897\n", + "Completed text 16898\n", + "Completed text 16899\n", + "Completed text 16900\n", + "Completed text 16901\n", + "Completed text 16902\n", + "Completed text 16903\n", + "Completed text 16904\n", + "Completed text 16905\n", + "Completed text 16906\n", + "Completed text 16907\n", + "Completed text 16908\n", + "Completed text 16909\n", + "Completed text 16910\n", + "Completed text 16911\n", + "Completed text 16912\n", + "Completed text 16913\n", + "Completed text 16914\n", + "Completed text 16915\n", + "Completed text 16916\n", + "Completed text 16917\n", + "Completed text 16918\n", + "Completed text 16919\n", + "Completed text 16920\n", + "Completed text 16921\n", + "Completed text 16922\n", + "Completed text 16923\n", + "Completed text 16924\n", + "Completed text 16925\n", + "Completed text 16926\n", + "Completed text 16927\n", + "Completed text 16928\n", + "Completed text 16929\n", + "Completed text 16930\n", + "Completed text 16931\n", + "Completed text 16932\n", + "Completed text 16933\n", + "Completed text 16934\n", + "Completed text 16935\n", + "Completed text 16936\n", + "Completed text 16937\n", + "Completed text 16938\n", + "Completed text 16939\n", + "Completed text 16940\n", + "Completed text 16941\n", + "Completed text 16942\n", + "Completed text 16943\n", + "Completed text 16944\n", + "Completed text 16945\n", + "Completed text 16946\n", + "Completed text 16947\n", + "Completed text 16948\n", + "Completed text 16949\n", + "Completed text 16950\n", + "Completed text 16951\n", + "Completed text 16952\n", + "Completed text 16953\n", + "Completed text 16954\n", + "Completed text 16955\n", + "Completed text 16956\n", + "Completed text 16957\n", + "Completed text 16958\n", + "Completed text 16959\n", + "Completed text 16960\n", + "Completed text 16961\n", + "Completed text 16962\n", + "Completed text 16963\n", + "Completed text 16964\n", + "Completed text 16965\n", + "Completed text 16966\n", + "Completed text 16967\n", + "Completed text 16968\n", + "Completed text 16969\n", + "Completed text 16970\n", + "Completed text 16971\n", + "Completed text 16972\n", + "Completed text 16973\n", + "Completed text 16974\n", + "Completed text 16975\n", + "Completed text 16976\n", + "Completed text 16977\n", + "Completed text 16978\n", + "Completed text 16979\n", + "Completed text 16980\n", + "Completed text 16981\n", + "Completed text 16982\n", + "Completed text 16983\n", + "Completed text 16984\n", + "Completed text 16985\n", + "Completed text 16986\n", + "Completed text 16987\n", + "Completed text 16988\n", + "Completed text 16989\n", + "Completed text 16990\n", + "Completed text 16991\n", + "Completed text 16992\n", + "Completed text 16993\n", + "Completed text 16994\n", + "Completed text 16995\n", + "Completed text 16996\n", + "Completed text 16997\n", + "Completed text 16998\n", + "Completed text 16999\n", + "Completed text 17000\n", + "Completed text 17001\n", + "Completed text 17002\n", + "Completed text 17003\n", + "Completed text 17004\n", + "Completed text 17005\n", + "Completed text 17006\n", + "Completed text 17007\n", + "Completed text 17008\n", + "Completed text 17009\n", + "Completed text 17010\n", + "Completed text 17011\n", + "Completed text 17012\n", + "Completed text 17013\n", + "Completed text 17014\n", + "Completed text 17015\n", + "Completed text 17016\n", + "Completed text 17017\n", + "Completed text 17018\n", + "Completed text 17019\n", + "Completed text 17020\n", + "Completed text 17021\n", + "Completed text 17022\n", + "Completed text 17023\n", + "Completed text 17024\n", + "Completed text 17025\n", + "Completed text 17026\n", + "Completed text 17027\n", + "Completed text 17028\n", + "Completed text 17029\n", + "Completed text 17030\n", + "Completed text 17031\n", + "Completed text 17032\n", + "Completed text 17033\n", + "Completed text 17034\n", + "Completed text 17035\n", + "Completed text 17036\n", + "Completed text 17037\n", + "Completed text 17038\n", + "Completed text 17039\n", + "Completed text 17040\n", + "Completed text 17041\n", + "Completed text 17042\n", + "Completed text 17043\n", + "Completed text 17044\n", + "Completed text 17045\n", + "Completed text 17046\n", + "Completed text 17047\n", + "Completed text 17048\n", + "Completed text 17049\n", + "Completed text 17050\n", + "Completed text 17051\n", + "Completed text 17052\n", + "Completed text 17053\n", + "Completed text 17054\n", + "Completed text 17055\n", + "Completed text 17056\n", + "Completed text 17057\n", + "Completed text 17058\n", + "Completed text 17059\n", + "Completed text 17060\n", + "Completed text 17061\n", + "Completed text 17062\n", + "Completed text 17063\n", + "Completed text 17064\n", + "Completed text 17065\n", + "Completed text 17066\n", + "Completed text 17067\n", + "Completed text 17068\n", + "Completed text 17069\n", + "Completed text 17070\n", + "Completed text 17071\n", + "Completed text 17072\n", + "Completed text 17073\n", + "Completed text 17074\n", + "Completed text 17075\n", + "Completed text 17076\n", + "Completed text 17077\n", + "Completed text 17078\n", + "Completed text 17079\n", + "Completed text 17080\n", + "Completed text 17081\n", + "Completed text 17082\n", + "Completed text 17083\n", + "Completed text 17084\n", + "Completed text 17085\n", + "Completed text 17086\n", + "Completed text 17087\n", + "Completed text 17088\n", + "Completed text 17089\n", + "Completed text 17090\n", + "Completed text 17091\n", + "Completed text 17092\n", + "Completed text 17093\n", + "Completed text 17094\n", + "Completed text 17095\n", + "Completed text 17096\n", + "Completed text 17097\n", + "Completed text 17098\n", + "Completed text 17099\n", + "Completed text 17100\n", + "Completed text 17101\n", + "Completed text 17102\n", + "Completed text 17103\n", + "Completed text 17104\n", + "Completed text 17105\n", + "Completed text 17106\n", + "Completed text 17107\n", + "Completed text 17108\n", + "Completed text 17109\n", + "Completed text 17110\n", + "Completed text 17111\n", + "Completed text 17112\n", + "Completed text 17113\n", + "Completed text 17114\n", + "Completed text 17115\n", + "Completed text 17116\n", + "Completed text 17117\n", + "Completed text 17118\n", + "Completed text 17119\n", + "Completed text 17120\n", + "Completed text 17121\n", + "Completed text 17122\n", + "Completed text 17123\n", + "Completed text 17124\n", + "Completed text 17125\n", + "Completed text 17126\n", + "Completed text 17127\n", + "Completed text 17128\n", + "Completed text 17129\n", + "Completed text 17130\n", + "Completed text 17131\n", + "Completed text 17132\n", + "Completed text 17133\n", + "Completed text 17134\n", + "Completed text 17135\n", + "Completed text 17136\n", + "Completed text 17137\n", + "Completed text 17138\n", + "Completed text 17139\n", + "Completed text 17140\n", + "Completed text 17141\n", + "Completed text 17142\n", + "Completed text 17143\n", + "Completed text 17144\n", + "Completed text 17145\n", + "Completed text 17146\n", + "Completed text 17147\n", + "Completed text 17148\n", + "Completed text 17149\n", + "Completed text 17150\n", + "Completed text 17151\n", + "Completed text 17152\n", + "Completed text 17153\n", + "Completed text 17154\n", + "Completed text 17155\n", + "Completed text 17156\n", + "Completed text 17157\n", + "Completed text 17158\n", + "Completed text 17159\n", + "Completed text 17160\n", + "Completed text 17161\n", + "Completed text 17162\n", + "Completed text 17163\n", + "Completed text 17164\n", + "Completed text 17165\n", + "Completed text 17166\n", + "Completed text 17167\n", + "Completed text 17168\n", + "Completed text 17169\n", + "Completed text 17170\n", + "Completed text 17171\n", + "Completed text 17172\n", + "Completed text 17173\n", + "Completed text 17174\n", + "Completed text 17175\n", + "Completed text 17176\n", + "Completed text 17177\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 17178\n", + "Completed text 17179\n", + "Completed text 17180\n", + "Completed text 17181\n", + "Completed text 17182\n", + "Completed text 17183\n", + "Completed text 17184\n", + "Completed text 17185\n", + "Completed text 17186\n", + "Completed text 17187\n", + "Completed text 17188\n", + "Completed text 17189\n", + "Completed text 17190\n", + "Completed text 17191\n", + "Completed text 17192\n", + "Completed text 17193\n", + "Completed text 17194\n", + "Completed text 17195\n", + "Completed text 17196\n", + "Completed text 17197\n", + "Completed text 17198\n", + "Completed text 17199\n", + "Completed text 17200\n", + "Completed text 17201\n", + "Completed text 17202\n", + "Completed text 17203\n", + "Completed text 17204\n", + "Completed text 17205\n", + "Completed text 17206\n", + "Completed text 17207\n", + "Completed text 17208\n", + "Completed text 17209\n", + "Completed text 17210\n", + "Completed text 17211\n", + "Completed text 17212\n", + "Completed text 17213\n", + "Completed text 17214\n", + "Completed text 17215\n", + "Completed text 17216\n", + "Completed text 17217\n", + "Completed text 17218\n", + "Completed text 17219\n", + "Completed text 17220\n", + "Completed text 17221\n", + "Completed text 17222\n", + "Completed text 17223\n", + "Completed text 17224\n", + "Completed text 17225\n", + "Completed text 17226\n", + "Completed text 17227\n", + "Completed text 17228\n", + "Completed text 17229\n", + "Completed text 17230\n", + "Completed text 17231\n", + "Completed text 17232\n", + "Completed text 17233\n", + "Completed text 17234\n", + "Completed text 17235\n", + "Completed text 17236\n", + "Completed text 17237\n", + "Completed text 17238\n", + "Completed text 17239\n", + "Completed text 17240\n", + "Completed text 17241\n", + "Completed text 17242\n", + "Completed text 17243\n", + "Completed text 17244\n", + "Completed text 17245\n", + "Completed text 17246\n", + "Completed text 17247\n", + "Completed text 17248\n", + "Completed text 17249\n", + "Completed text 17250\n", + "Completed text 17251\n", + "Completed text 17252\n", + "Completed text 17253\n", + "Completed text 17254\n", + "Completed text 17255\n", + "Completed text 17256\n", + "Completed text 17257\n", + "Completed text 17258\n", + "Completed text 17259\n", + "Completed text 17260\n", + "Completed text 17261\n", + "Completed text 17262\n", + "Completed text 17263\n", + "Completed text 17264\n", + "Completed text 17265\n", + "Completed text 17266\n", + "Completed text 17267\n", + "Completed text 17268\n", + "Completed text 17269\n", + "Completed text 17270\n", + "Completed text 17271\n", + "Completed text 17272\n", + "Completed text 17273\n", + "Completed text 17274\n", + "Completed text 17275\n", + "Completed text 17276\n", + "Completed text 17277\n", + "Completed text 17278\n", + "Completed text 17279\n", + "Completed text 17280\n", + "Completed text 17281\n", + "Completed text 17282\n", + "Completed text 17283\n", + "Completed text 17284\n", + "Completed text 17285\n", + "Completed text 17286\n", + "Completed text 17287\n", + "Completed text 17288\n", + "Completed text 17289\n", + "Completed text 17290\n", + "Completed text 17291\n", + "Completed text 17292\n", + "Completed text 17293\n", + "Completed text 17294\n", + "Completed text 17295\n", + "Completed text 17296\n", + "Completed text 17297\n", + "Completed text 17298\n", + "Completed text 17299\n", + "Completed text 17300\n", + "Completed text 17301\n", + "Completed text 17302\n", + "Completed text 17303\n", + "Completed text 17304\n", + "Completed text 17305\n", + "Completed text 17306\n", + "Completed text 17307\n", + "Completed text 17308\n", + "Completed text 17309\n", + "Completed text 17310\n", + "Completed text 17311\n", + "Completed text 17312\n", + "Completed text 17313\n", + "Completed text 17314\n", + "Completed text 17315\n", + "Completed text 17316\n", + "Completed text 17317\n", + "Completed text 17318\n", + "Completed text 17319\n", + "Completed text 17320\n", + "Completed text 17321\n", + "Completed text 17322\n", + "Completed text 17323\n", + "Completed text 17324\n", + "Completed text 17325\n", + "Completed text 17326\n", + "Completed text 17327\n", + "Completed text 17328\n", + "Completed text 17329\n", + "Completed text 17330\n", + "Completed text 17331\n", + "Completed text 17332\n", + "Completed text 17333\n", + "Completed text 17334\n", + "Completed text 17335\n", + "Completed text 17336\n", + "Completed text 17337\n", + "Completed text 17338\n", + "Completed text 17339\n", + "Completed text 17340\n", + "Completed text 17341\n", + "Completed text 17342\n", + "Completed text 17343\n", + "Completed text 17344\n", + "Completed text 17345\n", + "Completed text 17346\n", + "Completed text 17347\n", + "Completed text 17348\n", + "Completed text 17349\n", + "Completed text 17350\n", + "Completed text 17351\n", + "Completed text 17352\n", + "Completed text 17353\n", + "Completed text 17354\n", + "Completed text 17355\n", + "Completed text 17356\n", + "Completed text 17357\n", + "Completed text 17358\n", + "Completed text 17359\n", + "Completed text 17360\n", + "Completed text 17361\n", + "Completed text 17362\n", + "Completed text 17363\n", + "Completed text 17364\n", + "Completed text 17365\n", + "Completed text 17366\n", + "Completed text 17367\n", + "Completed text 17368\n", + "Completed text 17369\n", + "Completed text 17370\n", + "Completed text 17371\n", + "Completed text 17372\n", + "Completed text 17373\n", + "Completed text 17374\n", + "Completed text 17375\n", + "Completed text 17376\n", + "Completed text 17377\n", + "Completed text 17378\n", + "Completed text 17379\n", + "Completed text 17380\n", + "Completed text 17381\n", + "Completed text 17382\n", + "Completed text 17383\n", + "Completed text 17384\n", + "Completed text 17385\n", + "Completed text 17386\n", + "Completed text 17387\n", + "Completed text 17388\n", + "Completed text 17389\n", + "Completed text 17390\n", + "Completed text 17391\n", + "Completed text 17392\n", + "Completed text 17393\n", + "Completed text 17394\n", + "Completed text 17395\n", + "Completed text 17396\n", + "Completed text 17397\n", + "Completed text 17398\n", + "Completed text 17399\n", + "Completed text 17400\n", + "Completed text 17401\n", + "Completed text 17402\n", + "Completed text 17403\n", + "Completed text 17404\n", + "Completed text 17405\n", + "Completed text 17406\n", + "Completed text 17407\n", + "Completed text 17408\n", + "Completed text 17409\n", + "Completed text 17410\n", + "Completed text 17411\n", + "Completed text 17412\n", + "Completed text 17413\n", + "Completed text 17414\n", + "Completed text 17415\n", + "Completed text 17416\n", + "Completed text 17417\n", + "Completed text 17418\n", + "Completed text 17419\n", + "Completed text 17420\n", + "Completed text 17421\n", + "Completed text 17422\n", + "Completed text 17423\n", + "Completed text 17424\n", + "Completed text 17425\n", + "Completed text 17426\n", + "Completed text 17427\n", + "Completed text 17428\n", + "Completed text 17429\n", + "Completed text 17430\n", + "Completed text 17431\n", + "Completed text 17432\n", + "Completed text 17433\n", + "Completed text 17434\n", + "Completed text 17435\n", + "Completed text 17436\n", + "Completed text 17437\n", + "Completed text 17438\n", + "Completed text 17439\n", + "Completed text 17440\n", + "Completed text 17441\n", + "Completed text 17442\n", + "Completed text 17443\n", + "Completed text 17444\n", + "Completed text 17445\n", + "Completed text 17446\n", + "Completed text 17447\n", + "Completed text 17448\n", + "Completed text 17449\n", + "Completed text 17450\n", + "Completed text 17451\n", + "Completed text 17452\n", + "Completed text 17453\n", + "Completed text 17454\n", + "Completed text 17455\n", + "Completed text 17456\n", + "Completed text 17457\n", + "Completed text 17458\n", + "Completed text 17459\n", + "Completed text 17460\n", + "Completed text 17461\n", + "Completed text 17462\n", + "Completed text 17463\n", + "Completed text 17464\n", + "Completed text 17465\n", + "Completed text 17466\n", + "Completed text 17467\n", + "Completed text 17468\n", + "Completed text 17469\n", + "Completed text 17470\n", + "Completed text 17471\n", + "Completed text 17472\n", + "Completed text 17473\n", + "Completed text 17474\n", + "Completed text 17475\n", + "Completed text 17476\n", + "Completed text 17477\n", + "Completed text 17478\n", + "Completed text 17479\n", + "Completed text 17480\n", + "Completed text 17481\n", + "Completed text 17482\n", + "Completed text 17483\n", + "Completed text 17484\n", + "Completed text 17485\n", + "Completed text 17486\n", + "Completed text 17487\n", + "Completed text 17488\n", + "Completed text 17489\n", + "Completed text 17490\n", + "Completed text 17491\n", + "Completed text 17492\n", + "Completed text 17493\n", + "Completed text 17494\n", + "Completed text 17495\n", + "Completed text 17496\n", + "Completed text 17497\n", + "Completed text 17498\n", + "Completed text 17499\n", + "Completed text 17500\n", + "Completed text 17501\n", + "Completed text 17502\n", + "Completed text 17503\n", + "Completed text 17504\n", + "Completed text 17505\n", + "Completed text 17506\n", + "Completed text 17507\n", + "Completed text 17508\n", + "Completed text 17509\n", + "Completed text 17510\n", + "Completed text 17511\n", + "Completed text 17512\n", + "Completed text 17513\n", + "Completed text 17514\n", + "Completed text 17515\n", + "Completed text 17516\n", + "Completed text 17517\n", + "Completed text 17518\n", + "Completed text 17519\n", + "Completed text 17520\n", + "Completed text 17521\n", + "Completed text 17522\n", + "Completed text 17523\n", + "Completed text 17524\n", + "Completed text 17525\n", + "Completed text 17526\n", + "Completed text 17527\n", + "Completed text 17528\n", + "Completed text 17529\n", + "Completed text 17530\n", + "Completed text 17531\n", + "Completed text 17532\n", + "Completed text 17533\n", + "Completed text 17534\n", + "Completed text 17535\n", + "Completed text 17536\n", + "Completed text 17537\n", + "Completed text 17538\n", + "Completed text 17539\n", + "Completed text 17540\n", + "Completed text 17541\n", + "Completed text 17542\n", + "Completed text 17543\n", + "Completed text 17544\n", + "Completed text 17545\n", + "Completed text 17546\n", + "Completed text 17547\n", + "Completed text 17548\n", + "Completed text 17549\n", + "Completed text 17550\n", + "Completed text 17551\n", + "Completed text 17552\n", + "Completed text 17553\n", + "Completed text 17554\n", + "Completed text 17555\n", + "Completed text 17556\n", + "Completed text 17557\n", + "Completed text 17558\n", + "Completed text 17559\n", + "Completed text 17560\n", + "Completed text 17561\n", + "Completed text 17562\n", + "Completed text 17563\n", + "Completed text 17564\n", + "Completed text 17565\n", + "Completed text 17566\n", + "Completed text 17567\n", + "Completed text 17568\n", + "Completed text 17569\n", + "Completed text 17570\n", + "Completed text 17571\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 17572\n", + "Completed text 17573\n", + "Completed text 17574\n", + "Completed text 17575\n", + "Completed text 17576\n", + "Completed text 17577\n", + "Completed text 17578\n", + "Completed text 17579\n", + "Completed text 17580\n", + "Completed text 17581\n", + "Completed text 17582\n", + "Completed text 17583\n", + "Completed text 17584\n", + "Completed text 17585\n", + "Completed text 17586\n", + "Completed text 17587\n", + "Completed text 17588\n", + "Completed text 17589\n", + "Completed text 17590\n", + "Completed text 17591\n", + "Completed text 17592\n", + "Completed text 17593\n", + "Completed text 17594\n", + "Completed text 17595\n", + "Completed text 17596\n", + "Completed text 17597\n", + "Completed text 17598\n", + "Completed text 17599\n", + "Completed text 17600\n", + "Completed text 17601\n", + "Completed text 17602\n", + "Completed text 17603\n", + "Completed text 17604\n", + "Completed text 17605\n", + "Completed text 17606\n", + "Completed text 17607\n", + "Completed text 17608\n", + "Completed text 17609\n", + "Completed text 17610\n", + "Completed text 17611\n", + "Completed text 17612\n", + "Completed text 17613\n", + "Completed text 17614\n", + "Completed text 17615\n", + "Completed text 17616\n", + "Completed text 17617\n", + "Completed text 17618\n", + "Completed text 17619\n", + "Completed text 17620\n", + "Completed text 17621\n", + "Completed text 17622\n", + "Completed text 17623\n", + "Completed text 17624\n", + "Completed text 17625\n", + "Completed text 17626\n", + "Completed text 17627\n", + "Completed text 17628\n", + "Completed text 17629\n", + "Completed text 17630\n", + "Completed text 17631\n", + "Completed text 17632\n", + "Completed text 17633\n", + "Completed text 17634\n", + "Completed text 17635\n", + "Completed text 17636\n", + "Completed text 17637\n", + "Completed text 17638\n", + "Completed text 17639\n", + "Completed text 17640\n", + "Completed text 17641\n", + "Completed text 17642\n", + "Completed text 17643\n", + "Completed text 17644\n", + "Completed text 17645\n", + "Completed text 17646\n", + "Completed text 17647\n", + "Completed text 17648\n", + "Completed text 17649\n", + "Completed text 17650\n", + "Completed text 17651\n", + "Completed text 17652\n", + "Completed text 17653\n", + "Completed text 17654\n", + "Completed text 17655\n", + "Completed text 17656\n", + "Completed text 17657\n", + "Completed text 17658\n", + "Completed text 17659\n", + "Completed text 17660\n", + "Completed text 17661\n", + "Completed text 17662\n", + "Completed text 17663\n", + "Completed text 17664\n", + "Completed text 17665\n", + "Completed text 17666\n", + "Completed text 17667\n", + "Completed text 17668\n", + "Completed text 17669\n", + "Completed text 17670\n", + "Completed text 17671\n", + "Completed text 17672\n", + "Completed text 17673\n", + "Completed text 17674\n", + "Completed text 17675\n", + "Completed text 17676\n", + "Completed text 17677\n", + "Completed text 17678\n", + "Completed text 17679\n", + "Completed text 17680\n", + "Completed text 17681\n", + "Completed text 17682\n", + "Completed text 17683\n", + "Completed text 17684\n", + "Completed text 17685\n", + "Completed text 17686\n", + "Completed text 17687\n", + "Completed text 17688\n", + "Completed text 17689\n", + "Completed text 17690\n", + "Completed text 17691\n", + "Completed text 17692\n", + "Completed text 17693\n", + "Completed text 17694\n", + "Completed text 17695\n", + "Completed text 17696\n", + "Completed text 17697\n", + "Completed text 17698\n", + "Completed text 17699\n", + "Completed text 17700\n", + "Completed text 17701\n", + "Completed text 17702\n", + "Completed text 17703\n", + "Completed text 17704\n", + "Completed text 17705\n", + "Completed text 17706\n", + "Completed text 17707\n", + "Completed text 17708\n", + "Completed text 17709\n", + "Completed text 17710\n", + "Completed text 17711\n", + "Completed text 17712\n", + "Completed text 17713\n", + "Completed text 17714\n", + "Completed text 17715\n", + "Completed text 17716\n", + "Completed text 17717\n", + "Completed text 17718\n", + "Completed text 17719\n", + "Completed text 17720\n", + "Completed text 17721\n", + "Completed text 17722\n", + "Completed text 17723\n", + "Completed text 17724\n", + "Completed text 17725\n", + "Completed text 17726\n", + "Completed text 17727\n", + "Completed text 17728\n", + "Completed text 17729\n", + "Completed text 17730\n", + "Completed text 17731\n", + "Completed text 17732\n", + "Completed text 17733\n", + "Completed text 17734\n", + "Completed text 17735\n", + "Completed text 17736\n", + "Completed text 17737\n", + "Completed text 17738\n", + "Completed text 17739\n", + "Completed text 17740\n", + "Completed text 17741\n", + "Completed text 17742\n", + "Completed text 17743\n", + "Completed text 17744\n", + "Completed text 17745\n", + "Completed text 17746\n", + "Completed text 17747\n", + "Completed text 17748\n", + "Completed text 17749\n", + "Completed text 17750\n", + "Completed text 17751\n", + "Completed text 17752\n", + "Completed text 17753\n", + "Completed text 17754\n", + "Completed text 17755\n", + "Completed text 17756\n", + "Completed text 17757\n", + "Completed text 17758\n", + "Completed text 17759\n", + "Completed text 17760\n", + "Completed text 17761\n", + "Completed text 17762\n", + "Completed text 17763\n", + "Completed text 17764\n", + "Completed text 17765\n", + "Completed text 17766\n", + "Completed text 17767\n", + "Completed text 17768\n", + "Completed text 17769\n", + "Completed text 17770\n", + "Completed text 17771\n", + "Completed text 17772\n", + "Completed text 17773\n", + "Completed text 17774\n", + "Completed text 17775\n", + "Completed text 17776\n", + "Completed text 17777\n", + "Completed text 17778\n", + "Completed text 17779\n", + "Completed text 17780\n", + "Completed text 17781\n", + "Completed text 17782\n", + "Completed text 17783\n", + "Completed text 17784\n", + "Completed text 17785\n", + "Completed text 17786\n", + "Completed text 17787\n", + "Completed text 17788\n", + "Completed text 17789\n", + "Completed text 17790\n", + "Completed text 17791\n", + "Completed text 17792\n", + "Completed text 17793\n", + "Completed text 17794\n", + "Completed text 17795\n", + "Completed text 17796\n", + "Completed text 17797\n", + "Completed text 17798\n", + "Completed text 17799\n", + "Completed text 17800\n", + "Completed text 17801\n", + "Completed text 17802\n", + "Completed text 17803\n", + "Completed text 17804\n", + "Completed text 17805\n", + "Completed text 17806\n", + "Completed text 17807\n", + "Completed text 17808\n", + "Completed text 17809\n", + "Completed text 17810\n", + "Completed text 17811\n", + "Completed text 17812\n", + "Completed text 17813\n", + "Completed text 17814\n", + "Completed text 17815\n", + "Completed text 17816\n", + "Completed text 17817\n", + "Completed text 17818\n", + "Completed text 17819\n", + "Completed text 17820\n", + "Completed text 17821\n", + "Completed text 17822\n", + "Completed text 17823\n", + "Completed text 17824\n", + "Completed text 17825\n", + "Completed text 17826\n", + "Completed text 17827\n", + "Completed text 17828\n", + "Completed text 17829\n", + "Completed text 17830\n", + "Completed text 17831\n", + "Completed text 17832\n", + "Completed text 17833\n", + "Completed text 17834\n", + "Completed text 17835\n", + "Completed text 17836\n", + "Completed text 17837\n", + "Completed text 17838\n", + "Completed text 17839\n", + "Completed text 17840\n", + "Completed text 17841\n", + "Completed text 17842\n", + "Completed text 17843\n", + "Completed text 17844\n", + "Completed text 17845\n", + "Completed text 17846\n", + "Completed text 17847\n", + "Completed text 17848\n", + "Completed text 17849\n", + "Completed text 17850\n", + "Completed text 17851\n", + "Completed text 17852\n", + "Completed text 17853\n", + "Completed text 17854\n", + "Completed text 17855\n", + "Completed text 17856\n", + "Completed text 17857\n", + "Completed text 17858\n", + "Completed text 17859\n", + "Completed text 17860\n", + "Completed text 17861\n", + "Completed text 17862\n", + "Completed text 17863\n", + "Completed text 17864\n", + "Completed text 17865\n", + "Completed text 17866\n", + "Completed text 17867\n", + "Completed text 17868\n", + "Completed text 17869\n", + "Completed text 17870\n", + "Completed text 17871\n", + "Completed text 17872\n", + "Completed text 17873\n", + "Completed text 17874\n", + "Completed text 17875\n", + "Completed text 17876\n", + "Completed text 17877\n", + "Completed text 17878\n", + "Completed text 17879\n", + "Completed text 17880\n", + "Completed text 17881\n", + "Completed text 17882\n", + "Completed text 17883\n", + "Completed text 17884\n", + "Completed text 17885\n", + "Completed text 17886\n", + "Completed text 17887\n", + "Completed text 17888\n", + "Completed text 17889\n", + "Completed text 17890\n", + "Completed text 17891\n", + "Completed text 17892\n", + "Completed text 17893\n", + "Completed text 17894\n", + "Completed text 17895\n", + "Completed text 17896\n", + "Completed text 17897\n", + "Completed text 17898\n", + "Completed text 17899\n", + "Completed text 17900\n", + "Completed text 17901\n", + "Completed text 17902\n", + "Completed text 17903\n", + "Completed text 17904\n", + "Completed text 17905\n", + "Completed text 17906\n", + "Completed text 17907\n", + "Completed text 17908\n", + "Completed text 17909\n", + "Completed text 17910\n", + "Completed text 17911\n", + "Completed text 17912\n", + "Completed text 17913\n", + "Completed text 17914\n", + "Completed text 17915\n", + "Completed text 17916\n", + "Completed text 17917\n", + "Completed text 17918\n", + "Completed text 17919\n", + "Completed text 17920\n", + "Completed text 17921\n", + "Completed text 17922\n", + "Completed text 17923\n", + "Completed text 17924\n", + "Completed text 17925\n", + "Completed text 17926\n", + "Completed text 17927\n", + "Completed text 17928\n", + "Completed text 17929\n", + "Completed text 17930\n", + "Completed text 17931\n", + "Completed text 17932\n", + "Completed text 17933\n", + "Completed text 17934\n", + "Completed text 17935\n", + "Completed text 17936\n", + "Completed text 17937\n", + "Completed text 17938\n", + "Completed text 17939\n", + "Completed text 17940\n", + "Completed text 17941\n", + "Completed text 17942\n", + "Completed text 17943\n", + "Completed text 17944\n", + "Completed text 17945\n", + "Completed text 17946\n", + "Completed text 17947\n", + "Completed text 17948\n", + "Completed text 17949\n", + "Completed text 17950\n", + "Completed text 17951\n", + "Completed text 17952\n", + "Completed text 17953\n", + "Completed text 17954\n", + "Completed text 17955\n", + "Completed text 17956\n", + "Completed text 17957\n", + "Completed text 17958\n", + "Completed text 17959\n", + "Completed text 17960\n", + "Completed text 17961\n", + "Completed text 17962\n", + "Completed text 17963\n", + "Completed text 17964\n", + "Completed text 17965\n", + "Completed text 17966\n", + "Completed text 17967\n", + "Completed text 17968\n", + "Completed text 17969\n", + "Completed text 17970\n", + "Completed text 17971\n", + "Completed text 17972\n", + "Completed text 17973\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 17974\n", + "Completed text 17975\n", + "Completed text 17976\n", + "Completed text 17977\n", + "Completed text 17978\n", + "Completed text 17979\n", + "Completed text 17980\n", + "Completed text 17981\n", + "Completed text 17982\n", + "Completed text 17983\n", + "Completed text 17984\n", + "Completed text 17985\n", + "Completed text 17986\n", + "Completed text 17987\n", + "Completed text 17988\n", + "Completed text 17989\n", + "Completed text 17990\n", + "Completed text 17991\n", + "Completed text 17992\n", + "Completed text 17993\n", + "Completed text 17994\n", + "Completed text 17995\n", + "Completed text 17996\n", + "Completed text 17997\n", + "Completed text 17998\n", + "Completed text 17999\n", + "Completed text 18000\n", + "Completed text 18001\n", + "Completed text 18002\n", + "Completed text 18003\n", + "Completed text 18004\n", + "Completed text 18005\n", + "Completed text 18006\n", + "Completed text 18007\n", + "Completed text 18008\n", + "Completed text 18009\n", + "Completed text 18010\n", + "Completed text 18011\n", + "Completed text 18012\n", + "Completed text 18013\n", + "Completed text 18014\n", + "Completed text 18015\n", + "Completed text 18016\n", + "Completed text 18017\n", + "Completed text 18018\n", + "Completed text 18019\n", + "Completed text 18020\n", + "Completed text 18021\n", + "Completed text 18022\n", + "Completed text 18023\n", + "Completed text 18024\n", + "Completed text 18025\n", + "Completed text 18026\n", + "Completed text 18027\n", + "Completed text 18028\n", + "Completed text 18029\n", + "Completed text 18030\n", + "Completed text 18031\n", + "Completed text 18032\n", + "Completed text 18033\n", + "Completed text 18034\n", + "Completed text 18035\n", + "Completed text 18036\n", + "Completed text 18037\n", + "Completed text 18038\n", + "Completed text 18039\n", + "Completed text 18040\n", + "Completed text 18041\n", + "Completed text 18042\n", + "Completed text 18043\n", + "Completed text 18044\n", + "Completed text 18045\n", + "Completed text 18046\n", + "Completed text 18047\n", + "Completed text 18048\n", + "Completed text 18049\n", + "Completed text 18050\n", + "Completed text 18051\n", + "Completed text 18052\n", + "Completed text 18053\n", + "Completed text 18054\n", + "Completed text 18055\n", + "Completed text 18056\n", + "Completed text 18057\n", + "Completed text 18058\n", + "Completed text 18059\n", + "Completed text 18060\n", + "Completed text 18061\n", + "Completed text 18062\n", + "Completed text 18063\n", + "Completed text 18064\n", + "Completed text 18065\n", + "Completed text 18066\n", + "Completed text 18067\n", + "Completed text 18068\n", + "Completed text 18069\n", + "Completed text 18070\n", + "Completed text 18071\n", + "Completed text 18072\n", + "Completed text 18073\n", + "Completed text 18074\n", + "Completed text 18075\n", + "Completed text 18076\n", + "Completed text 18077\n", + "Completed text 18078\n", + "Completed text 18079\n", + "Completed text 18080\n", + "Completed text 18081\n", + "Completed text 18082\n", + "Completed text 18083\n", + "Completed text 18084\n", + "Completed text 18085\n", + "Completed text 18086\n", + "Completed text 18087\n", + "Completed text 18088\n", + "Completed text 18089\n", + "Completed text 18090\n", + "Completed text 18091\n", + "Completed text 18092\n", + "Completed text 18093\n", + "Completed text 18094\n", + "Completed text 18095\n", + "Completed text 18096\n", + "Completed text 18097\n", + "Completed text 18098\n", + "Completed text 18099\n", + "Completed text 18100\n", + "Completed text 18101\n", + "Completed text 18102\n", + "Completed text 18103\n", + "Completed text 18104\n", + "Completed text 18105\n", + "Completed text 18106\n", + "Completed text 18107\n", + "Completed text 18108\n", + "Completed text 18109\n", + "Completed text 18110\n", + "Completed text 18111\n", + "Completed text 18112\n", + "Completed text 18113\n", + "Completed text 18114\n", + "Completed text 18115\n", + "Completed text 18116\n", + "Completed text 18117\n", + "Completed text 18118\n", + "Completed text 18119\n", + "Completed text 18120\n", + "Completed text 18121\n", + "Completed text 18122\n", + "Completed text 18123\n", + "Completed text 18124\n", + "Completed text 18125\n", + "Completed text 18126\n", + "Completed text 18127\n", + "Completed text 18128\n", + "Completed text 18129\n", + "Completed text 18130\n", + "Completed text 18131\n", + "Completed text 18132\n", + "Completed text 18133\n", + "Completed text 18134\n", + "Completed text 18135\n", + "Completed text 18136\n", + "Completed text 18137\n", + "Completed text 18138\n", + "Completed text 18139\n", + "Completed text 18140\n", + "Completed text 18141\n", + "Completed text 18142\n", + "Completed text 18143\n", + "Completed text 18144\n", + "Completed text 18145\n", + "Completed text 18146\n", + "Completed text 18147\n", + "Completed text 18148\n", + "Completed text 18149\n", + "Completed text 18150\n", + "Completed text 18151\n", + "Completed text 18152\n", + "Completed text 18153\n", + "Completed text 18154\n", + "Completed text 18155\n", + "Completed text 18156\n", + "Completed text 18157\n", + "Completed text 18158\n", + "Completed text 18159\n", + "Completed text 18160\n", + "Completed text 18161\n", + "Completed text 18162\n", + "Completed text 18163\n", + "Completed text 18164\n", + "Completed text 18165\n", + "Completed text 18166\n", + "Completed text 18167\n", + "Completed text 18168\n", + "Completed text 18169\n", + "Completed text 18170\n", + "Completed text 18171\n", + "Completed text 18172\n", + "Completed text 18173\n", + "Completed text 18174\n", + "Completed text 18175\n", + "Completed text 18176\n", + "Completed text 18177\n", + "Completed text 18178\n", + "Completed text 18179\n", + "Completed text 18180\n", + "Completed text 18181\n", + "Completed text 18182\n", + "Completed text 18183\n", + "Completed text 18184\n", + "Completed text 18185\n", + "Completed text 18186\n", + "Completed text 18187\n", + "Completed text 18188\n", + "Completed text 18189\n", + "Completed text 18190\n", + "Completed text 18191\n", + "Completed text 18192\n", + "Completed text 18193\n", + "Completed text 18194\n", + "Completed text 18195\n", + "Completed text 18196\n", + "Completed text 18197\n", + "Completed text 18198\n", + "Completed text 18199\n", + "Completed text 18200\n", + "Completed text 18201\n", + "Completed text 18202\n", + "Completed text 18203\n", + "Completed text 18204\n", + "Completed text 18205\n", + "Completed text 18206\n", + "Completed text 18207\n", + "Completed text 18208\n", + "Completed text 18209\n", + "Completed text 18210\n", + "Completed text 18211\n", + "Completed text 18212\n", + "Completed text 18213\n", + "Completed text 18214\n", + "Completed text 18215\n", + "Completed text 18216\n", + "Completed text 18217\n", + "Completed text 18218\n", + "Completed text 18219\n", + "Completed text 18220\n", + "Completed text 18221\n", + "Completed text 18222\n", + "Completed text 18223\n", + "Completed text 18224\n", + "Completed text 18225\n", + "Completed text 18226\n", + "Completed text 18227\n", + "Completed text 18228\n", + "Completed text 18229\n", + "Completed text 18230\n", + "Completed text 18231\n", + "Completed text 18232\n", + "Completed text 18233\n", + "Completed text 18234\n", + "Completed text 18235\n", + "Completed text 18236\n", + "Completed text 18237\n", + "Completed text 18238\n", + "Completed text 18239\n", + "Completed text 18240\n", + "Completed text 18241\n", + "Completed text 18242\n", + "Completed text 18243\n", + "Completed text 18244\n", + "Completed text 18245\n", + "Completed text 18246\n", + "Completed text 18247\n", + "Completed text 18248\n", + "Completed text 18249\n", + "Completed text 18250\n", + "Completed text 18251\n", + "Completed text 18252\n", + "Completed text 18253\n", + "Completed text 18254\n", + "Completed text 18255\n", + "Completed text 18256\n", + "Completed text 18257\n", + "Completed text 18258\n", + "Completed text 18259\n", + "Completed text 18260\n", + "Completed text 18261\n", + "Completed text 18262\n", + "Completed text 18263\n", + "Completed text 18264\n", + "Completed text 18265\n", + "Completed text 18266\n", + "Completed text 18267\n", + "Completed text 18268\n", + "Completed text 18269\n", + "Completed text 18270\n", + "Completed text 18271\n", + "Completed text 18272\n", + "Completed text 18273\n", + "Completed text 18274\n", + "Completed text 18275\n", + "Completed text 18276\n", + "Completed text 18277\n", + "Completed text 18278\n", + "Completed text 18279\n", + "Completed text 18280\n", + "Completed text 18281\n", + "Completed text 18282\n", + "Completed text 18283\n", + "Completed text 18284\n", + "Completed text 18285\n", + "Completed text 18286\n", + "Completed text 18287\n", + "Completed text 18288\n", + "Completed text 18289\n", + "Completed text 18290\n", + "Completed text 18291\n", + "Completed text 18292\n", + "Completed text 18293\n", + "Completed text 18294\n", + "Completed text 18295\n", + "Completed text 18296\n", + "Completed text 18297\n", + "Completed text 18298\n", + "Completed text 18299\n", + "Completed text 18300\n", + "Completed text 18301\n", + "Completed text 18302\n", + "Completed text 18303\n", + "Completed text 18304\n", + "Completed text 18305\n", + "Completed text 18306\n", + "Completed text 18307\n", + "Completed text 18308\n", + "Completed text 18309\n", + "Completed text 18310\n", + "Completed text 18311\n", + "Completed text 18312\n", + "Completed text 18313\n", + "Completed text 18314\n", + "Completed text 18315\n", + "Completed text 18316\n", + "Completed text 18317\n", + "Completed text 18318\n", + "Completed text 18319\n", + "Completed text 18320\n", + "Completed text 18321\n", + "Completed text 18322\n", + "Completed text 18323\n", + "Completed text 18324\n", + "Completed text 18325\n", + "Completed text 18326\n", + "Completed text 18327\n", + "Completed text 18328\n", + "Completed text 18329\n", + "Completed text 18330\n", + "Completed text 18331\n", + "Completed text 18332\n", + "Completed text 18333\n", + "Completed text 18334\n", + "Completed text 18335\n", + "Completed text 18336\n", + "Completed text 18337\n", + "Completed text 18338\n", + "Completed text 18339\n", + "Completed text 18340\n", + "Completed text 18341\n", + "Completed text 18342\n", + "Completed text 18343\n", + "Completed text 18344\n", + "Completed text 18345\n", + "Completed text 18346\n", + "Completed text 18347\n", + "Completed text 18348\n", + "Completed text 18349\n", + "Completed text 18350\n", + "Completed text 18351\n", + "Completed text 18352\n", + "Completed text 18353\n", + "Completed text 18354\n", + "Completed text 18355\n", + "Completed text 18356\n", + "Completed text 18357\n", + "Completed text 18358\n", + "Completed text 18359\n", + "Completed text 18360\n", + "Completed text 18361\n", + "Completed text 18362\n", + "Completed text 18363\n", + "Completed text 18364\n", + "Completed text 18365\n", + "Completed text 18366\n", + "Completed text 18367\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 18368\n", + "Completed text 18369\n", + "Completed text 18370\n", + "Completed text 18371\n", + "Completed text 18372\n", + "Completed text 18373\n", + "Completed text 18374\n", + "Completed text 18375\n", + "Completed text 18376\n", + "Completed text 18377\n", + "Completed text 18378\n", + "Completed text 18379\n", + "Completed text 18380\n", + "Completed text 18381\n", + "Completed text 18382\n", + "Completed text 18383\n", + "Completed text 18384\n", + "Completed text 18385\n", + "Completed text 18386\n", + "Completed text 18387\n", + "Completed text 18388\n", + "Completed text 18389\n", + "Completed text 18390\n", + "Completed text 18391\n", + "Completed text 18392\n", + "Completed text 18393\n", + "Completed text 18394\n", + "Completed text 18395\n", + "Completed text 18396\n", + "Completed text 18397\n", + "Completed text 18398\n", + "Completed text 18399\n", + "Completed text 18400\n", + "Completed text 18401\n", + "Completed text 18402\n", + "Completed text 18403\n", + "Completed text 18404\n", + "Completed text 18405\n", + "Completed text 18406\n", + "Completed text 18407\n", + "Completed text 18408\n", + "Completed text 18409\n", + "Completed text 18410\n", + "Completed text 18411\n", + "Completed text 18412\n", + "Completed text 18413\n", + "Completed text 18414\n", + "Completed text 18415\n", + "Completed text 18416\n", + "Completed text 18417\n", + "Completed text 18418\n", + "Completed text 18419\n", + "Completed text 18420\n", + "Completed text 18421\n", + "Completed text 18422\n", + "Completed text 18423\n", + "Completed text 18424\n", + "Completed text 18425\n", + "Completed text 18426\n", + "Completed text 18427\n", + "Completed text 18428\n", + "Completed text 18429\n", + "Completed text 18430\n", + "Completed text 18431\n", + "Completed text 18432\n", + "Completed text 18433\n", + "Completed text 18434\n", + "Completed text 18435\n", + "Completed text 18436\n", + "Completed text 18437\n", + "Completed text 18438\n", + "Completed text 18439\n", + "Completed text 18440\n", + "Completed text 18441\n", + "Completed text 18442\n", + "Completed text 18443\n", + "Completed text 18444\n", + "Completed text 18445\n", + "Completed text 18446\n", + "Completed text 18447\n", + "Completed text 18448\n", + "Completed text 18449\n", + "Completed text 18450\n", + "Completed text 18451\n", + "Completed text 18452\n", + "Completed text 18453\n", + "Completed text 18454\n", + "Completed text 18455\n", + "Completed text 18456\n", + "Completed text 18457\n", + "Completed text 18458\n", + "Completed text 18459\n", + "Completed text 18460\n", + "Completed text 18461\n", + "Completed text 18462\n", + "Completed text 18463\n", + "Completed text 18464\n", + "Completed text 18465\n", + "Completed text 18466\n", + "Completed text 18467\n", + "Completed text 18468\n", + "Completed text 18469\n", + "Completed text 18470\n", + "Completed text 18471\n", + "Completed text 18472\n", + "Completed text 18473\n", + "Completed text 18474\n", + "Completed text 18475\n", + "Completed text 18476\n", + "Completed text 18477\n", + "Completed text 18478\n", + "Completed text 18479\n", + "Completed text 18480\n", + "Completed text 18481\n", + "Completed text 18482\n", + "Completed text 18483\n", + "Completed text 18484\n", + "Completed text 18485\n", + "Completed text 18486\n", + "Completed text 18487\n", + "Completed text 18488\n", + "Completed text 18489\n", + "Completed text 18490\n", + "Completed text 18491\n", + "Completed text 18492\n", + "Completed text 18493\n", + "Completed text 18494\n", + "Completed text 18495\n", + "Completed text 18496\n", + "Completed text 18497\n", + "Completed text 18498\n", + "Completed text 18499\n", + "Completed text 18500\n", + "Completed text 18501\n", + "Completed text 18502\n", + "Completed text 18503\n", + "Completed text 18504\n", + "Completed text 18505\n", + "Completed text 18506\n", + "Completed text 18507\n", + "Completed text 18508\n", + "Completed text 18509\n", + "Completed text 18510\n", + "Completed text 18511\n", + "Completed text 18512\n", + "Completed text 18513\n", + "Completed text 18514\n", + "Completed text 18515\n", + "Completed text 18516\n", + "Completed text 18517\n", + "Completed text 18518\n", + "Completed text 18519\n", + "Completed text 18520\n", + "Completed text 18521\n", + "Completed text 18522\n", + "Completed text 18523\n", + "Completed text 18524\n", + "Completed text 18525\n", + "Completed text 18526\n", + "Completed text 18527\n", + "Completed text 18528\n", + "Completed text 18529\n", + "Completed text 18530\n", + "Completed text 18531\n", + "Completed text 18532\n", + "Completed text 18533\n", + "Completed text 18534\n", + "Completed text 18535\n", + "Completed text 18536\n", + "Completed text 18537\n", + "Completed text 18538\n", + "Completed text 18539\n", + "Completed text 18540\n", + "Completed text 18541\n", + "Completed text 18542\n", + "Completed text 18543\n", + "Completed text 18544\n", + "Completed text 18545\n", + "Completed text 18546\n", + "Completed text 18547\n", + "Completed text 18548\n", + "Completed text 18549\n", + "Completed text 18550\n", + "Completed text 18551\n", + "Completed text 18552\n", + "Completed text 18553\n", + "Completed text 18554\n", + "Completed text 18555\n", + "Completed text 18556\n", + "Completed text 18557\n", + "Completed text 18558\n", + "Completed text 18559\n", + "Completed text 18560\n", + "Completed text 18561\n", + "Completed text 18562\n", + "Completed text 18563\n", + "Completed text 18564\n", + "Completed text 18565\n", + "Completed text 18566\n", + "Completed text 18567\n", + "Completed text 18568\n", + "Completed text 18569\n", + "Completed text 18570\n", + "Completed text 18571\n", + "Completed text 18572\n", + "Completed text 18573\n", + "Completed text 18574\n", + "Completed text 18575\n", + "Completed text 18576\n", + "Completed text 18577\n", + "Completed text 18578\n", + "Completed text 18579\n", + "Completed text 18580\n", + "Completed text 18581\n", + "Completed text 18582\n", + "Completed text 18583\n", + "Completed text 18584\n", + "Completed text 18585\n", + "Completed text 18586\n", + "Completed text 18587\n", + "Completed text 18588\n", + "Completed text 18589\n", + "Completed text 18590\n", + "Completed text 18591\n", + "Completed text 18592\n", + "Completed text 18593\n", + "Completed text 18594\n", + "Completed text 18595\n", + "Completed text 18596\n", + "Completed text 18597\n", + "Completed text 18598\n", + "Completed text 18599\n", + "Completed text 18600\n", + "Completed text 18601\n", + "Completed text 18602\n", + "Completed text 18603\n", + "Completed text 18604\n", + "Completed text 18605\n", + "Completed text 18606\n", + "Completed text 18607\n", + "Completed text 18608\n", + "Completed text 18609\n", + "Completed text 18610\n", + "Completed text 18611\n", + "Completed text 18612\n", + "Completed text 18613\n", + "Completed text 18614\n", + "Completed text 18615\n", + "Completed text 18616\n", + "Completed text 18617\n", + "Completed text 18618\n", + "Completed text 18619\n", + "Completed text 18620\n", + "Completed text 18621\n", + "Completed text 18622\n", + "Completed text 18623\n", + "Completed text 18624\n", + "Completed text 18625\n", + "Completed text 18626\n", + "Completed text 18627\n", + "Completed text 18628\n", + "Completed text 18629\n", + "Completed text 18630\n", + "Completed text 18631\n", + "Completed text 18632\n", + "Completed text 18633\n", + "Completed text 18634\n", + "Completed text 18635\n", + "Completed text 18636\n", + "Completed text 18637\n", + "Completed text 18638\n", + "Completed text 18639\n", + "Completed text 18640\n", + "Completed text 18641\n", + "Completed text 18642\n", + "Completed text 18643\n", + "Completed text 18644\n", + "Completed text 18645\n", + "Completed text 18646\n", + "Completed text 18647\n", + "Completed text 18648\n", + "Completed text 18649\n", + "Completed text 18650\n", + "Completed text 18651\n", + "Completed text 18652\n", + "Completed text 18653\n", + "Completed text 18654\n", + "Completed text 18655\n", + "Completed text 18656\n", + "Completed text 18657\n", + "Completed text 18658\n", + "Completed text 18659\n", + "Completed text 18660\n", + "Completed text 18661\n", + "Completed text 18662\n", + "Completed text 18663\n", + "Completed text 18664\n", + "Completed text 18665\n", + "Completed text 18666\n", + "Completed text 18667\n", + "Completed text 18668\n", + "Completed text 18669\n", + "Completed text 18670\n", + "Completed text 18671\n", + "Completed text 18672\n", + "Completed text 18673\n", + "Completed text 18674\n", + "Completed text 18675\n", + "Completed text 18676\n", + "Completed text 18677\n", + "Completed text 18678\n", + "Completed text 18679\n", + "Completed text 18680\n", + "Completed text 18681\n", + "Completed text 18682\n", + "Completed text 18683\n", + "Completed text 18684\n", + "Completed text 18685\n", + "Completed text 18686\n", + "Completed text 18687\n", + "Completed text 18688\n", + "Completed text 18689\n", + "Completed text 18690\n", + "Completed text 18691\n", + "Completed text 18692\n", + "Completed text 18693\n", + "Completed text 18694\n", + "Completed text 18695\n", + "Completed text 18696\n", + "Completed text 18697\n", + "Completed text 18698\n", + "Completed text 18699\n", + "Completed text 18700\n", + "Completed text 18701\n", + "Completed text 18702\n", + "Completed text 18703\n", + "Completed text 18704\n", + "Completed text 18705\n", + "Completed text 18706\n", + "Completed text 18707\n", + "Completed text 18708\n", + "Completed text 18709\n", + "Completed text 18710\n", + "Completed text 18711\n", + "Completed text 18712\n", + "Completed text 18713\n", + "Completed text 18714\n", + "Completed text 18715\n", + "Completed text 18716\n", + "Completed text 18717\n", + "Completed text 18718\n", + "Completed text 18719\n", + "Completed text 18720\n", + "Completed text 18721\n", + "Completed text 18722\n", + "Completed text 18723\n", + "Completed text 18724\n", + "Completed text 18725\n", + "Completed text 18726\n", + "Completed text 18727\n", + "Completed text 18728\n", + "Completed text 18729\n", + "Completed text 18730\n", + "Completed text 18731\n", + "Completed text 18732\n", + "Completed text 18733\n", + "Completed text 18734\n", + "Completed text 18735\n", + "Completed text 18736\n", + "Completed text 18737\n", + "Completed text 18738\n", + "Completed text 18739\n", + "Completed text 18740\n", + "Completed text 18741\n", + "Completed text 18742\n", + "Completed text 18743\n", + "Completed text 18744\n", + "Completed text 18745\n", + "Completed text 18746\n", + "Completed text 18747\n", + "Completed text 18748\n", + "Completed text 18749\n", + "Completed text 18750\n", + "Completed text 18751\n", + "Completed text 18752\n", + "Completed text 18753\n", + "Completed text 18754\n", + "Completed text 18755\n", + "Completed text 18756\n", + "Completed text 18757\n", + "Completed text 18758\n", + "Completed text 18759\n", + "Completed text 18760\n", + "Completed text 18761\n", + "Completed text 18762\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 18763\n", + "Completed text 18764\n", + "Completed text 18765\n", + "Completed text 18766\n", + "Completed text 18767\n", + "Completed text 18768\n", + "Completed text 18769\n", + "Completed text 18770\n", + "Completed text 18771\n", + "Completed text 18772\n", + "Completed text 18773\n", + "Completed text 18774\n", + "Completed text 18775\n", + "Completed text 18776\n", + "Completed text 18777\n", + "Completed text 18778\n", + "Completed text 18779\n", + "Completed text 18780\n", + "Completed text 18781\n", + "Completed text 18782\n", + "Completed text 18783\n", + "Completed text 18784\n", + "Completed text 18785\n", + "Completed text 18786\n", + "Completed text 18787\n", + "Completed text 18788\n", + "Completed text 18789\n", + "Completed text 18790\n", + "Completed text 18791\n", + "Completed text 18792\n", + "Completed text 18793\n", + "Completed text 18794\n", + "Completed text 18795\n", + "Completed text 18796\n", + "Completed text 18797\n", + "Completed text 18798\n", + "Completed text 18799\n", + "Completed text 18800\n", + "Completed text 18801\n", + "Completed text 18802\n", + "Completed text 18803\n", + "Completed text 18804\n", + "Completed text 18805\n", + "Completed text 18806\n", + "Completed text 18807\n", + "Completed text 18808\n", + "Completed text 18809\n", + "Completed text 18810\n", + "Completed text 18811\n", + "Completed text 18812\n", + "Completed text 18813\n", + "Completed text 18814\n", + "Completed text 18815\n", + "Completed text 18816\n", + "Completed text 18817\n", + "Completed text 18818\n", + "Completed text 18819\n", + "Completed text 18820\n", + "Completed text 18821\n", + "Completed text 18822\n", + "Completed text 18823\n", + "Completed text 18824\n", + "Completed text 18825\n", + "Completed text 18826\n", + "Completed text 18827\n", + "Completed text 18828\n", + "Completed text 18829\n", + "Completed text 18830\n", + "Completed text 18831\n", + "Completed text 18832\n", + "Completed text 18833\n", + "Completed text 18834\n", + "Completed text 18835\n", + "Completed text 18836\n", + "Completed text 18837\n", + "Completed text 18838\n", + "Completed text 18839\n", + "Completed text 18840\n", + "Completed text 18841\n", + "Completed text 18842\n", + "Completed text 18843\n", + "Completed text 18844\n", + "Completed text 18845\n", + "Completed text 18846\n", + "Completed text 18847\n", + "Completed text 18848\n", + "Completed text 18849\n", + "Completed text 18850\n", + "Completed text 18851\n", + "Completed text 18852\n", + "Completed text 18853\n", + "Completed text 18854\n", + "Completed text 18855\n", + "Completed text 18856\n", + "Completed text 18857\n", + "Completed text 18858\n", + "Completed text 18859\n", + "Completed text 18860\n", + "Completed text 18861\n", + "Completed text 18862\n", + "Completed text 18863\n", + "Completed text 18864\n", + "Completed text 18865\n", + "Completed text 18866\n", + "Completed text 18867\n", + "Completed text 18868\n", + "Completed text 18869\n", + "Completed text 18870\n", + "Completed text 18871\n", + "Completed text 18872\n", + "Completed text 18873\n", + "Completed text 18874\n", + "Completed text 18875\n", + "Completed text 18876\n", + "Completed text 18877\n", + "Completed text 18878\n", + "Completed text 18879\n", + "Completed text 18880\n", + "Completed text 18881\n", + "Completed text 18882\n", + "Completed text 18883\n", + "Completed text 18884\n", + "Completed text 18885\n", + "Completed text 18886\n", + "Completed text 18887\n", + "Completed text 18888\n", + "Completed text 18889\n", + "Completed text 18890\n", + "Completed text 18891\n", + "Completed text 18892\n", + "Completed text 18893\n", + "Completed text 18894\n", + "Completed text 18895\n", + "Completed text 18896\n", + "Completed text 18897\n", + "Completed text 18898\n", + "Completed text 18899\n", + "Completed text 18900\n", + "Completed text 18901\n", + "Completed text 18902\n", + "Completed text 18903\n", + "Completed text 18904\n", + "Completed text 18905\n", + "Completed text 18906\n", + "Completed text 18907\n", + "Completed text 18908\n", + "Completed text 18909\n", + "Completed text 18910\n", + "Completed text 18911\n", + "Completed text 18912\n", + "Completed text 18913\n", + "Completed text 18914\n", + "Completed text 18915\n", + "Completed text 18916\n", + "Completed text 18917\n", + "Completed text 18918\n", + "Completed text 18919\n", + "Completed text 18920\n", + "Completed text 18921\n", + "Completed text 18922\n", + "Completed text 18923\n", + "Completed text 18924\n", + "Completed text 18925\n", + "Completed text 18926\n", + "Completed text 18927\n", + "Completed text 18928\n", + "Completed text 18929\n", + "Completed text 18930\n", + "Completed text 18931\n", + "Completed text 18932\n", + "Completed text 18933\n", + "Completed text 18934\n", + "Completed text 18935\n", + "Completed text 18936\n", + "Completed text 18937\n", + "Completed text 18938\n", + "Completed text 18939\n", + "Completed text 18940\n", + "Completed text 18941\n", + "Completed text 18942\n", + "Completed text 18943\n", + "Completed text 18944\n", + "Completed text 18945\n", + "Completed text 18946\n", + "Completed text 18947\n", + "Completed text 18948\n", + "Completed text 18949\n", + "Completed text 18950\n", + "Completed text 18951\n", + "Completed text 18952\n", + "Completed text 18953\n", + "Completed text 18954\n", + "Completed text 18955\n", + "Completed text 18956\n", + "Completed text 18957\n", + "Completed text 18958\n", + "Completed text 18959\n", + "Completed text 18960\n", + "Completed text 18961\n", + "Completed text 18962\n", + "Completed text 18963\n", + "Completed text 18964\n", + "Completed text 18965\n", + "Completed text 18966\n", + "Completed text 18967\n", + "Completed text 18968\n", + "Completed text 18969\n", + "Completed text 18970\n", + "Completed text 18971\n", + "Completed text 18972\n", + "Completed text 18973\n", + "Completed text 18974\n", + "Completed text 18975\n", + "Completed text 18976\n", + "Completed text 18977\n", + "Completed text 18978\n", + "Completed text 18979\n", + "Completed text 18980\n", + "Completed text 18981\n", + "Completed text 18982\n", + "Completed text 18983\n", + "Completed text 18984\n", + "Completed text 18985\n", + "Completed text 18986\n", + "Completed text 18987\n", + "Completed text 18988\n", + "Completed text 18989\n", + "Completed text 18990\n", + "Completed text 18991\n", + "Completed text 18992\n", + "Completed text 18993\n", + "Completed text 18994\n", + "Completed text 18995\n", + "Completed text 18996\n", + "Completed text 18997\n", + "Completed text 18998\n", + "Completed text 18999\n", + "Completed text 19000\n", + "Completed text 19001\n", + "Completed text 19002\n", + "Completed text 19003\n", + "Completed text 19004\n", + "Completed text 19005\n", + "Completed text 19006\n", + "Completed text 19007\n", + "Completed text 19008\n", + "Completed text 19009\n", + "Completed text 19010\n", + "Completed text 19011\n", + "Completed text 19012\n", + "Completed text 19013\n", + "Completed text 19014\n", + "Completed text 19015\n", + "Completed text 19016\n", + "Completed text 19017\n", + "Completed text 19018\n", + "Completed text 19019\n", + "Completed text 19020\n", + "Completed text 19021\n", + "Completed text 19022\n", + "Completed text 19023\n", + "Completed text 19024\n", + "Completed text 19025\n", + "Completed text 19026\n", + "Completed text 19027\n", + "Completed text 19028\n", + "Completed text 19029\n", + "Completed text 19030\n", + "Completed text 19031\n", + "Completed text 19032\n", + "Completed text 19033\n", + "Completed text 19034\n", + "Completed text 19035\n", + "Completed text 19036\n", + "Completed text 19037\n", + "Completed text 19038\n", + "Completed text 19039\n", + "Completed text 19040\n", + "Completed text 19041\n", + "Completed text 19042\n", + "Completed text 19043\n", + "Completed text 19044\n", + "Completed text 19045\n", + "Completed text 19046\n", + "Completed text 19047\n", + "Completed text 19048\n", + "Completed text 19049\n", + "Completed text 19050\n", + "Completed text 19051\n", + "Completed text 19052\n", + "Completed text 19053\n", + "Completed text 19054\n", + "Completed text 19055\n", + "Completed text 19056\n", + "Completed text 19057\n", + "Completed text 19058\n", + "Completed text 19059\n", + "Completed text 19060\n", + "Completed text 19061\n", + "Completed text 19062\n", + "Completed text 19063\n", + "Completed text 19064\n", + "Completed text 19065\n", + "Completed text 19066\n", + "Completed text 19067\n", + "Completed text 19068\n", + "Completed text 19069\n", + "Completed text 19070\n", + "Completed text 19071\n", + "Completed text 19072\n", + "Completed text 19073\n", + "Completed text 19074\n", + "Completed text 19075\n", + "Completed text 19076\n", + "Completed text 19077\n", + "Completed text 19078\n", + "Completed text 19079\n", + "Completed text 19080\n", + "Completed text 19081\n", + "Completed text 19082\n", + "Completed text 19083\n", + "Completed text 19084\n", + "Completed text 19085\n", + "Completed text 19086\n", + "Completed text 19087\n", + "Completed text 19088\n", + "Completed text 19089\n", + "Completed text 19090\n", + "Completed text 19091\n", + "Completed text 19092\n", + "Completed text 19093\n", + "Completed text 19094\n", + "Completed text 19095\n", + "Completed text 19096\n", + "Completed text 19097\n", + "Completed text 19098\n", + "Completed text 19099\n", + "Completed text 19100\n", + "Completed text 19101\n", + "Completed text 19102\n", + "Completed text 19103\n", + "Completed text 19104\n", + "Completed text 19105\n", + "Completed text 19106\n", + "Completed text 19107\n", + "Completed text 19108\n", + "Completed text 19109\n", + "Completed text 19110\n", + "Completed text 19111\n", + "Completed text 19112\n", + "Completed text 19113\n", + "Completed text 19114\n", + "Completed text 19115\n", + "Completed text 19116\n", + "Completed text 19117\n", + "Completed text 19118\n", + "Completed text 19119\n", + "Completed text 19120\n", + "Completed text 19121\n", + "Completed text 19122\n", + "Completed text 19123\n", + "Completed text 19124\n", + "Completed text 19125\n", + "Completed text 19126\n", + "Completed text 19127\n", + "Completed text 19128\n", + "Completed text 19129\n", + "Completed text 19130\n", + "Completed text 19131\n", + "Completed text 19132\n", + "Completed text 19133\n", + "Completed text 19134\n", + "Completed text 19135\n", + "Completed text 19136\n", + "Completed text 19137\n", + "Completed text 19138\n", + "Completed text 19139\n", + "Completed text 19140\n", + "Completed text 19141\n", + "Completed text 19142\n", + "Completed text 19143\n", + "Completed text 19144\n", + "Completed text 19145\n", + "Completed text 19146\n", + "Completed text 19147\n", + "Completed text 19148\n", + "Completed text 19149\n", + "Completed text 19150\n", + "Completed text 19151\n", + "Completed text 19152\n", + "Completed text 19153\n", + "Completed text 19154\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 19155\n", + "Completed text 19156\n", + "Completed text 19157\n", + "Completed text 19158\n", + "Completed text 19159\n", + "Completed text 19160\n", + "Completed text 19161\n", + "Completed text 19162\n", + "Completed text 19163\n", + "Completed text 19164\n", + "Completed text 19165\n", + "Completed text 19166\n", + "Completed text 19167\n", + "Completed text 19168\n", + "Completed text 19169\n", + "Completed text 19170\n", + "Completed text 19171\n", + "Completed text 19172\n", + "Completed text 19173\n", + "Completed text 19174\n", + "Completed text 19175\n", + "Completed text 19176\n", + "Completed text 19177\n", + "Completed text 19178\n", + "Completed text 19179\n", + "Completed text 19180\n", + "Completed text 19181\n", + "Completed text 19182\n", + "Completed text 19183\n", + "Completed text 19184\n", + "Completed text 19185\n", + "Completed text 19186\n", + "Completed text 19187\n", + "Completed text 19188\n", + "Completed text 19189\n", + "Completed text 19190\n", + "Completed text 19191\n", + "Completed text 19192\n", + "Completed text 19193\n", + "Completed text 19194\n", + "Completed text 19195\n", + "Completed text 19196\n", + "Completed text 19197\n", + "Completed text 19198\n", + "Completed text 19199\n", + "Completed text 19200\n", + "Completed text 19201\n", + "Completed text 19202\n", + "Completed text 19203\n", + "Completed text 19204\n", + "Completed text 19205\n", + "Completed text 19206\n", + "Completed text 19207\n", + "Completed text 19208\n", + "Completed text 19209\n", + "Completed text 19210\n", + "Completed text 19211\n", + "Completed text 19212\n", + "Completed text 19213\n", + "Completed text 19214\n", + "Completed text 19215\n", + "Completed text 19216\n", + "Completed text 19217\n", + "Completed text 19218\n", + "Completed text 19219\n", + "Completed text 19220\n", + "Completed text 19221\n", + "Completed text 19222\n", + "Completed text 19223\n", + "Completed text 19224\n", + "Completed text 19225\n", + "Completed text 19226\n", + "Completed text 19227\n", + "Completed text 19228\n", + "Completed text 19229\n", + "Completed text 19230\n", + "Completed text 19231\n", + "Completed text 19232\n", + "Completed text 19233\n", + "Completed text 19234\n", + "Completed text 19235\n", + "Completed text 19236\n", + "Completed text 19237\n", + "Completed text 19238\n", + "Completed text 19239\n", + "Completed text 19240\n", + "Completed text 19241\n", + "Completed text 19242\n", + "Completed text 19243\n", + "Completed text 19244\n", + "Completed text 19245\n", + "Completed text 19246\n", + "Completed text 19247\n", + "Completed text 19248\n", + "Completed text 19249\n", + "Completed text 19250\n", + "Completed text 19251\n", + "Completed text 19252\n", + "Completed text 19253\n", + "Completed text 19254\n", + "Completed text 19255\n", + "Completed text 19256\n", + "Completed text 19257\n", + "Completed text 19258\n", + "Completed text 19259\n", + "Completed text 19260\n", + "Completed text 19261\n", + "Completed text 19262\n", + "Completed text 19263\n", + "Completed text 19264\n", + "Completed text 19265\n", + "Completed text 19266\n", + "Completed text 19267\n", + "Completed text 19268\n", + "Completed text 19269\n", + "Completed text 19270\n", + "Completed text 19271\n", + "Completed text 19272\n", + "Completed text 19273\n", + "Completed text 19274\n", + "Completed text 19275\n", + "Completed text 19276\n", + "Completed text 19277\n", + "Completed text 19278\n", + "Completed text 19279\n", + "Completed text 19280\n", + "Completed text 19281\n", + "Completed text 19282\n", + "Completed text 19283\n", + "Completed text 19284\n", + "Completed text 19285\n", + "Completed text 19286\n", + "Completed text 19287\n", + "Completed text 19288\n", + "Completed text 19289\n", + "Completed text 19290\n", + "Completed text 19291\n", + "Completed text 19292\n", + "Completed text 19293\n", + "Completed text 19294\n", + "Completed text 19295\n", + "Completed text 19296\n", + "Completed text 19297\n", + "Completed text 19298\n", + "Completed text 19299\n", + "Completed text 19300\n", + "Completed text 19301\n", + "Completed text 19302\n", + "Completed text 19303\n", + "Completed text 19304\n", + "Completed text 19305\n", + "Completed text 19306\n", + "Completed text 19307\n", + "Completed text 19308\n", + "Completed text 19309\n", + "Completed text 19310\n", + "Completed text 19311\n", + "Completed text 19312\n", + "Completed text 19313\n", + "Completed text 19314\n", + "Completed text 19315\n", + "Completed text 19316\n", + "Completed text 19317\n", + "Completed text 19318\n", + "Completed text 19319\n", + "Completed text 19320\n", + "Completed text 19321\n", + "Completed text 19322\n", + "Completed text 19323\n", + "Completed text 19324\n", + "Completed text 19325\n", + "Completed text 19326\n", + "Completed text 19327\n", + "Completed text 19328\n", + "Completed text 19329\n", + "Completed text 19330\n", + "Completed text 19331\n", + "Completed text 19332\n", + "Completed text 19333\n", + "Completed text 19334\n", + "Completed text 19335\n", + "Completed text 19336\n", + "Completed text 19337\n", + "Completed text 19338\n", + "Completed text 19339\n", + "Completed text 19340\n", + "Completed text 19341\n", + "Completed text 19342\n", + "Completed text 19343\n", + "Completed text 19344\n", + "Completed text 19345\n", + "Completed text 19346\n", + "Completed text 19347\n", + "Completed text 19348\n", + "Completed text 19349\n", + "Completed text 19350\n", + "Completed text 19351\n", + "Completed text 19352\n", + "Completed text 19353\n", + "Completed text 19354\n", + "Completed text 19355\n", + "Completed text 19356\n", + "Completed text 19357\n", + "Completed text 19358\n", + "Completed text 19359\n", + "Completed text 19360\n", + "Completed text 19361\n", + "Completed text 19362\n", + "Completed text 19363\n", + "Completed text 19364\n", + "Completed text 19365\n", + "Completed text 19366\n", + "Completed text 19367\n", + "Completed text 19368\n", + "Completed text 19369\n", + "Completed text 19370\n", + "Completed text 19371\n", + "Completed text 19372\n", + "Completed text 19373\n", + "Completed text 19374\n", + "Completed text 19375\n", + "Completed text 19376\n", + "Completed text 19377\n", + "Completed text 19378\n", + "Completed text 19379\n", + "Completed text 19380\n", + "Completed text 19381\n", + "Completed text 19382\n", + "Completed text 19383\n", + "Completed text 19384\n", + "Completed text 19385\n", + "Completed text 19386\n", + "Completed text 19387\n", + "Completed text 19388\n", + "Completed text 19389\n", + "Completed text 19390\n", + "Completed text 19391\n", + "Completed text 19392\n", + "Completed text 19393\n", + "Completed text 19394\n", + "Completed text 19395\n", + "Completed text 19396\n", + "Completed text 19397\n", + "Completed text 19398\n", + "Completed text 19399\n", + "Completed text 19400\n", + "Completed text 19401\n", + "Completed text 19402\n", + "Completed text 19403\n", + "Completed text 19404\n", + "Completed text 19405\n", + "Completed text 19406\n", + "Completed text 19407\n", + "Completed text 19408\n", + "Completed text 19409\n", + "Completed text 19410\n", + "Completed text 19411\n", + "Completed text 19412\n", + "Completed text 19413\n", + "Completed text 19414\n", + "Completed text 19415\n", + "Completed text 19416\n", + "Completed text 19417\n", + "Completed text 19418\n", + "Completed text 19419\n", + "Completed text 19420\n", + "Completed text 19421\n", + "Completed text 19422\n", + "Completed text 19423\n", + "Completed text 19424\n", + "Completed text 19425\n", + "Completed text 19426\n", + "Completed text 19427\n", + "Completed text 19428\n", + "Completed text 19429\n", + "Completed text 19430\n", + "Completed text 19431\n", + "Completed text 19432\n", + "Completed text 19433\n", + "Completed text 19434\n", + "Completed text 19435\n", + "Completed text 19436\n", + "Completed text 19437\n", + "Completed text 19438\n", + "Completed text 19439\n", + "Completed text 19440\n", + "Completed text 19441\n", + "Completed text 19442\n", + "Completed text 19443\n", + "Completed text 19444\n", + "Completed text 19445\n", + "Completed text 19446\n", + "Completed text 19447\n", + "Completed text 19448\n", + "Completed text 19449\n", + "Completed text 19450\n", + "Completed text 19451\n", + "Completed text 19452\n", + "Completed text 19453\n", + "Completed text 19454\n", + "Completed text 19455\n", + "Completed text 19456\n", + "Completed text 19457\n", + "Completed text 19458\n", + "Completed text 19459\n", + "Completed text 19460\n", + "Completed text 19461\n", + "Completed text 19462\n", + "Completed text 19463\n", + "Completed text 19464\n", + "Completed text 19465\n", + "Completed text 19466\n", + "Completed text 19467\n", + "Completed text 19468\n", + "Completed text 19469\n", + "Completed text 19470\n", + "Completed text 19471\n", + "Completed text 19472\n", + "Completed text 19473\n", + "Completed text 19474\n", + "Completed text 19475\n", + "Completed text 19476\n", + "Completed text 19477\n", + "Completed text 19478\n", + "Completed text 19479\n", + "Completed text 19480\n", + "Completed text 19481\n", + "Completed text 19482\n", + "Completed text 19483\n", + "Completed text 19484\n", + "Completed text 19485\n", + "Completed text 19486\n", + "Completed text 19487\n", + "Completed text 19488\n", + "Completed text 19489\n", + "Completed text 19490\n", + "Completed text 19491\n", + "Completed text 19492\n", + "Completed text 19493\n", + "Completed text 19494\n", + "Completed text 19495\n", + "Completed text 19496\n", + "Completed text 19497\n", + "Completed text 19498\n", + "Completed text 19499\n", + "Completed text 19500\n", + "Completed text 19501\n", + "Completed text 19502\n", + "Completed text 19503\n", + "Completed text 19504\n", + "Completed text 19505\n", + "Completed text 19506\n", + "Completed text 19507\n", + "Completed text 19508\n", + "Completed text 19509\n", + "Completed text 19510\n", + "Completed text 19511\n", + "Completed text 19512\n", + "Completed text 19513\n", + "Completed text 19514\n", + "Completed text 19515\n", + "Completed text 19516\n", + "Completed text 19517\n", + "Completed text 19518\n", + "Completed text 19519\n", + "Completed text 19520\n", + "Completed text 19521\n", + "Completed text 19522\n", + "Completed text 19523\n", + "Completed text 19524\n", + "Completed text 19525\n", + "Completed text 19526\n", + "Completed text 19527\n", + "Completed text 19528\n", + "Completed text 19529\n", + "Completed text 19530\n", + "Completed text 19531\n", + "Completed text 19532\n", + "Completed text 19533\n", + "Completed text 19534\n", + "Completed text 19535\n", + "Completed text 19536\n", + "Completed text 19537\n", + "Completed text 19538\n", + "Completed text 19539\n", + "Completed text 19540\n", + "Completed text 19541\n", + "Completed text 19542\n", + "Completed text 19543\n", + "Completed text 19544\n", + "Completed text 19545\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 19546\n", + "Completed text 19547\n", + "Completed text 19548\n", + "Completed text 19549\n", + "Completed text 19550\n", + "Completed text 19551\n", + "Completed text 19552\n", + "Completed text 19553\n", + "Completed text 19554\n", + "Completed text 19555\n", + "Completed text 19556\n", + "Completed text 19557\n", + "Completed text 19558\n", + "Completed text 19559\n", + "Completed text 19560\n", + "Completed text 19561\n", + "Completed text 19562\n", + "Completed text 19563\n", + "Completed text 19564\n", + "Completed text 19565\n", + "Completed text 19566\n", + "Completed text 19567\n", + "Completed text 19568\n", + "Completed text 19569\n", + "Completed text 19570\n", + "Completed text 19571\n", + "Completed text 19572\n", + "Completed text 19573\n", + "Completed text 19574\n", + "Completed text 19575\n", + "Completed text 19576\n", + "Completed text 19577\n", + "Completed text 19578\n", + "Completed text 19579\n", + "Completed text 19580\n", + "Completed text 19581\n", + "Completed text 19582\n", + "Completed text 19583\n", + "Completed text 19584\n", + "Completed text 19585\n", + "Completed text 19586\n", + "Completed text 19587\n", + "Completed text 19588\n", + "Completed text 19589\n", + "Completed text 19590\n", + "Completed text 19591\n", + "Completed text 19592\n", + "Completed text 19593\n", + "Completed text 19594\n", + "Completed text 19595\n", + "Completed text 19596\n", + "Completed text 19597\n", + "Completed text 19598\n", + "Completed text 19599\n", + "Completed text 19600\n", + "Completed text 19601\n", + "Completed text 19602\n", + "Completed text 19603\n", + "Completed text 19604\n", + "Completed text 19605\n", + "Completed text 19606\n", + "Completed text 19607\n", + "Completed text 19608\n", + "Completed text 19609\n", + "Completed text 19610\n", + "Completed text 19611\n", + "Completed text 19612\n", + "Completed text 19613\n", + "Completed text 19614\n", + "Completed text 19615\n", + "Completed text 19616\n", + "Completed text 19617\n", + "Completed text 19618\n", + "Completed text 19619\n", + "Completed text 19620\n", + "Completed text 19621\n", + "Completed text 19622\n", + "Completed text 19623\n", + "Completed text 19624\n", + "Completed text 19625\n", + "Completed text 19626\n", + "Completed text 19627\n", + "Completed text 19628\n", + "Completed text 19629\n", + "Completed text 19630\n", + "Completed text 19631\n", + "Completed text 19632\n", + "Completed text 19633\n", + "Completed text 19634\n", + "Completed text 19635\n", + "Completed text 19636\n", + "Completed text 19637\n", + "Completed text 19638\n", + "Completed text 19639\n", + "Completed text 19640\n", + "Completed text 19641\n", + "Completed text 19642\n", + "Completed text 19643\n", + "Completed text 19644\n", + "Completed text 19645\n", + "Completed text 19646\n", + "Completed text 19647\n", + "Completed text 19648\n", + "Completed text 19649\n", + "Completed text 19650\n", + "Completed text 19651\n", + "Completed text 19652\n", + "Completed text 19653\n", + "Completed text 19654\n", + "Completed text 19655\n", + "Completed text 19656\n", + "Completed text 19657\n", + "Completed text 19658\n", + "Completed text 19659\n", + "Completed text 19660\n", + "Completed text 19661\n", + "Completed text 19662\n", + "Completed text 19663\n", + "Completed text 19664\n", + "Completed text 19665\n", + "Completed text 19666\n", + "Completed text 19667\n", + "Completed text 19668\n", + "Completed text 19669\n", + "Completed text 19670\n", + "Completed text 19671\n", + "Completed text 19672\n", + "Completed text 19673\n", + "Completed text 19674\n", + "Completed text 19675\n", + "Completed text 19676\n", + "Completed text 19677\n", + "Completed text 19678\n", + "Completed text 19679\n", + "Completed text 19680\n", + "Completed text 19681\n", + "Completed text 19682\n", + "Completed text 19683\n", + "Completed text 19684\n", + "Completed text 19685\n", + "Completed text 19686\n", + "Completed text 19687\n", + "Completed text 19688\n", + "Completed text 19689\n", + "Completed text 19690\n", + "Completed text 19691\n", + "Completed text 19692\n", + "Completed text 19693\n", + "Completed text 19694\n", + "Completed text 19695\n", + "Completed text 19696\n", + "Completed text 19697\n", + "Completed text 19698\n", + "Completed text 19699\n", + "Completed text 19700\n", + "Completed text 19701\n", + "Completed text 19702\n", + "Completed text 19703\n", + "Completed text 19704\n", + "Completed text 19705\n", + "Completed text 19706\n", + "Completed text 19707\n", + "Completed text 19708\n", + "Completed text 19709\n", + "Completed text 19710\n", + "Completed text 19711\n", + "Completed text 19712\n", + "Completed text 19713\n", + "Completed text 19714\n", + "Completed text 19715\n", + "Completed text 19716\n", + "Completed text 19717\n", + "Completed text 19718\n", + "Completed text 19719\n", + "Completed text 19720\n", + "Completed text 19721\n", + "Completed text 19722\n", + "Completed text 19723\n", + "Completed text 19724\n", + "Completed text 19725\n", + "Completed text 19726\n", + "Completed text 19727\n", + "Completed text 19728\n", + "Completed text 19729\n", + "Completed text 19730\n", + "Completed text 19731\n", + "Completed text 19732\n", + "Completed text 19733\n", + "Completed text 19734\n", + "Completed text 19735\n", + "Completed text 19736\n", + "Completed text 19737\n", + "Completed text 19738\n", + "Completed text 19739\n", + "Completed text 19740\n", + "Completed text 19741\n", + "Completed text 19742\n", + "Completed text 19743\n", + "Completed text 19744\n", + "Completed text 19745\n", + "Completed text 19746\n", + "Completed text 19747\n", + "Completed text 19748\n", + "Completed text 19749\n", + "Completed text 19750\n", + "Completed text 19751\n", + "Completed text 19752\n", + "Completed text 19753\n", + "Completed text 19754\n", + "Completed text 19755\n", + "Completed text 19756\n", + "Completed text 19757\n", + "Completed text 19758\n", + "Completed text 19759\n", + "Completed text 19760\n", + "Completed text 19761\n", + "Completed text 19762\n", + "Completed text 19763\n", + "Completed text 19764\n", + "Completed text 19765\n", + "Completed text 19766\n", + "Completed text 19767\n", + "Completed text 19768\n", + "Completed text 19769\n", + "Completed text 19770\n", + "Completed text 19771\n", + "Completed text 19772\n", + "Completed text 19773\n", + "Completed text 19774\n", + "Completed text 19775\n", + "Completed text 19776\n", + "Completed text 19777\n", + "Completed text 19778\n", + "Completed text 19779\n", + "Completed text 19780\n", + "Completed text 19781\n", + "Completed text 19782\n", + "Completed text 19783\n", + "Completed text 19784\n", + "Completed text 19785\n", + "Completed text 19786\n", + "Completed text 19787\n", + "Completed text 19788\n", + "Completed text 19789\n", + "Completed text 19790\n", + "Completed text 19791\n", + "Completed text 19792\n", + "Completed text 19793\n", + "Completed text 19794\n", + "Completed text 19795\n", + "Completed text 19796\n", + "Completed text 19797\n", + "Completed text 19798\n", + "Completed text 19799\n", + "Completed text 19800\n", + "Completed text 19801\n", + "Completed text 19802\n", + "Completed text 19803\n", + "Completed text 19804\n", + "Completed text 19805\n", + "Completed text 19806\n", + "Completed text 19807\n", + "Completed text 19808\n", + "Completed text 19809\n", + "Completed text 19810\n", + "Completed text 19811\n", + "Completed text 19812\n", + "Completed text 19813\n", + "Completed text 19814\n", + "Completed text 19815\n", + "Completed text 19816\n", + "Completed text 19817\n", + "Completed text 19818\n", + "Completed text 19819\n", + "Completed text 19820\n", + "Completed text 19821\n", + "Completed text 19822\n", + "Completed text 19823\n", + "Completed text 19824\n", + "Completed text 19825\n", + "Completed text 19826\n", + "Completed text 19827\n", + "Completed text 19828\n", + "Completed text 19829\n", + "Completed text 19830\n", + "Completed text 19831\n", + "Completed text 19832\n", + "Completed text 19833\n", + "Completed text 19834\n", + "Completed text 19835\n", + "Completed text 19836\n", + "Completed text 19837\n", + "Completed text 19838\n", + "Completed text 19839\n", + "Completed text 19840\n", + "Completed text 19841\n", + "Completed text 19842\n", + "Completed text 19843\n", + "Completed text 19844\n", + "Completed text 19845\n", + "Completed text 19846\n", + "Completed text 19847\n", + "Completed text 19848\n", + "Completed text 19849\n", + "Completed text 19850\n", + "Completed text 19851\n", + "Completed text 19852\n", + "Completed text 19853\n", + "Completed text 19854\n", + "Completed text 19855\n", + "Completed text 19856\n", + "Completed text 19857\n", + "Completed text 19858\n", + "Completed text 19859\n", + "Completed text 19860\n", + "Completed text 19861\n", + "Completed text 19862\n", + "Completed text 19863\n", + "Completed text 19864\n", + "Completed text 19865\n", + "Completed text 19866\n", + "Completed text 19867\n", + "Completed text 19868\n", + "Completed text 19869\n", + "Completed text 19870\n", + "Completed text 19871\n", + "Completed text 19872\n", + "Completed text 19873\n", + "Completed text 19874\n", + "Completed text 19875\n", + "Completed text 19876\n", + "Completed text 19877\n", + "Completed text 19878\n", + "Completed text 19879\n", + "Completed text 19880\n", + "Completed text 19881\n", + "Completed text 19882\n", + "Completed text 19883\n", + "Completed text 19884\n", + "Completed text 19885\n", + "Completed text 19886\n", + "Completed text 19887\n", + "Completed text 19888\n", + "Completed text 19889\n", + "Completed text 19890\n", + "Completed text 19891\n", + "Completed text 19892\n", + "Completed text 19893\n", + "Completed text 19894\n", + "Completed text 19895\n", + "Completed text 19896\n", + "Completed text 19897\n", + "Completed text 19898\n", + "Completed text 19899\n", + "Completed text 19900\n", + "Completed text 19901\n", + "Completed text 19902\n", + "Completed text 19903\n", + "Completed text 19904\n", + "Completed text 19905\n", + "Completed text 19906\n", + "Completed text 19907\n", + "Completed text 19908\n", + "Completed text 19909\n", + "Completed text 19910\n", + "Completed text 19911\n", + "Completed text 19912\n", + "Completed text 19913\n", + "Completed text 19914\n", + "Completed text 19915\n", + "Completed text 19916\n", + "Completed text 19917\n", + "Completed text 19918\n", + "Completed text 19919\n", + "Completed text 19920\n", + "Completed text 19921\n", + "Completed text 19922\n", + "Completed text 19923\n", + "Completed text 19924\n", + "Completed text 19925\n", + "Completed text 19926\n", + "Completed text 19927\n", + "Completed text 19928\n", + "Completed text 19929\n", + "Completed text 19930\n", + "Completed text 19931\n", + "Completed text 19932\n", + "Completed text 19933\n", + "Completed text 19934\n", + "Completed text 19935\n", + "Completed text 19936\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 19937\n", + "Completed text 19938\n", + "Completed text 19939\n", + "Completed text 19940\n", + "Completed text 19941\n", + "Completed text 19942\n", + "Completed text 19943\n", + "Completed text 19944\n", + "Completed text 19945\n", + "Completed text 19946\n", + "Completed text 19947\n", + "Completed text 19948\n", + "Completed text 19949\n", + "Completed text 19950\n", + "Completed text 19951\n", + "Completed text 19952\n", + "Completed text 19953\n", + "Completed text 19954\n", + "Completed text 19955\n", + "Completed text 19956\n", + "Completed text 19957\n", + "Completed text 19958\n", + "Completed text 19959\n", + "Completed text 19960\n", + "Completed text 19961\n", + "Completed text 19962\n", + "Completed text 19963\n", + "Completed text 19964\n", + "Completed text 19965\n", + "Completed text 19966\n", + "Completed text 19967\n", + "Completed text 19968\n", + "Completed text 19969\n", + "Completed text 19970\n", + "Completed text 19971\n", + "Completed text 19972\n", + "Completed text 19973\n", + "Completed text 19974\n", + "Completed text 19975\n", + "Completed text 19976\n", + "Completed text 19977\n", + "Completed text 19978\n", + "Completed text 19979\n", + "Completed text 19980\n", + "Completed text 19981\n", + "Completed text 19982\n", + "Completed text 19983\n", + "Completed text 19984\n", + "Completed text 19985\n", + "Completed text 19986\n", + "Completed text 19987\n", + "Completed text 19988\n", + "Completed text 19989\n", + "Completed text 19990\n", + "Completed text 19991\n", + "Completed text 19992\n", + "Completed text 19993\n", + "Completed text 19994\n", + "Completed text 19995\n", + "Completed text 19996\n", + "Completed text 19997\n", + "Completed text 19998\n", + "Completed text 19999\n", + "Completed text 20000\n", + "Completed text 20001\n", + "Completed text 20002\n", + "Completed text 20003\n", + "Completed text 20004\n", + "Completed text 20005\n", + "Completed text 20006\n", + "Completed text 20007\n", + "Completed text 20008\n", + "Completed text 20009\n", + "Completed text 20010\n", + "Completed text 20011\n", + "Completed text 20012\n", + "Completed text 20013\n", + "Completed text 20014\n", + "Completed text 20015\n", + "Completed text 20016\n", + "Completed text 20017\n", + "Completed text 20018\n", + "Completed text 20019\n", + "Completed text 20020\n", + "Completed text 20021\n", + "Completed text 20022\n", + "Completed text 20023\n", + "Completed text 20024\n", + "Completed text 20025\n", + "Completed text 20026\n", + "Completed text 20027\n", + "Completed text 20028\n", + "Completed text 20029\n", + "Completed text 20030\n", + "Completed text 20031\n", + "Completed text 20032\n", + "Completed text 20033\n", + "Completed text 20034\n", + "Completed text 20035\n", + "Completed text 20036\n", + "Completed text 20037\n", + "Completed text 20038\n", + "Completed text 20039\n", + "Completed text 20040\n", + "Completed text 20041\n", + "Completed text 20042\n", + "Completed text 20043\n", + "Completed text 20044\n", + "Completed text 20045\n", + "Completed text 20046\n", + "Completed text 20047\n", + "Completed text 20048\n", + "Completed text 20049\n", + "Completed text 20050\n", + "Completed text 20051\n", + "Completed text 20052\n", + "Completed text 20053\n", + "Completed text 20054\n", + "Completed text 20055\n", + "Completed text 20056\n", + "Completed text 20057\n", + "Completed text 20058\n", + "Completed text 20059\n", + "Completed text 20060\n", + "Completed text 20061\n", + "Completed text 20062\n", + "Completed text 20063\n", + "Completed text 20064\n", + "Completed text 20065\n", + "Completed text 20066\n", + "Completed text 20067\n", + "Completed text 20068\n", + "Completed text 20069\n", + "Completed text 20070\n", + "Completed text 20071\n", + "Completed text 20072\n", + "Completed text 20073\n", + "Completed text 20074\n", + "Completed text 20075\n", + "Completed text 20076\n", + "Completed text 20077\n", + "Completed text 20078\n", + "Completed text 20079\n", + "Completed text 20080\n", + "Completed text 20081\n", + "Completed text 20082\n", + "Completed text 20083\n", + "Completed text 20084\n", + "Completed text 20085\n", + "Completed text 20086\n", + "Completed text 20087\n", + "Completed text 20088\n", + "Completed text 20089\n", + "Completed text 20090\n", + "Completed text 20091\n", + "Completed text 20092\n", + "Completed text 20093\n", + "Completed text 20094\n", + "Completed text 20095\n", + "Completed text 20096\n", + "Completed text 20097\n", + "Completed text 20098\n", + "Completed text 20099\n", + "Completed text 20100\n", + "Completed text 20101\n", + "Completed text 20102\n", + "Completed text 20103\n", + "Completed text 20104\n", + "Completed text 20105\n", + "Completed text 20106\n", + "Completed text 20107\n", + "Completed text 20108\n", + "Completed text 20109\n", + "Completed text 20110\n", + "Completed text 20111\n", + "Completed text 20112\n", + "Completed text 20113\n", + "Completed text 20114\n", + "Completed text 20115\n", + "Completed text 20116\n", + "Completed text 20117\n", + "Completed text 20118\n", + "Completed text 20119\n", + "Completed text 20120\n", + "Completed text 20121\n", + "Completed text 20122\n", + "Completed text 20123\n", + "Completed text 20124\n", + "Completed text 20125\n", + "Completed text 20126\n", + "Completed text 20127\n", + "Completed text 20128\n", + "Completed text 20129\n", + "Completed text 20130\n", + "Completed text 20131\n", + "Completed text 20132\n", + "Completed text 20133\n", + "Completed text 20134\n", + "Completed text 20135\n", + "Completed text 20136\n", + "Completed text 20137\n", + "Completed text 20138\n", + "Completed text 20139\n", + "Completed text 20140\n", + "Completed text 20141\n", + "Completed text 20142\n", + "Completed text 20143\n", + "Completed text 20144\n", + "Completed text 20145\n", + "Completed text 20146\n", + "Completed text 20147\n", + "Completed text 20148\n", + "Completed text 20149\n", + "Completed text 20150\n", + "Completed text 20151\n", + "Completed text 20152\n", + "Completed text 20153\n", + "Completed text 20154\n", + "Completed text 20155\n", + "Completed text 20156\n", + "Completed text 20157\n", + "Completed text 20158\n", + "Completed text 20159\n", + "Completed text 20160\n", + "Completed text 20161\n", + "Completed text 20162\n", + "Completed text 20163\n", + "Completed text 20164\n", + "Completed text 20165\n", + "Completed text 20166\n", + "Completed text 20167\n", + "Completed text 20168\n", + "Completed text 20169\n", + "Completed text 20170\n", + "Completed text 20171\n", + "Completed text 20172\n", + "Completed text 20173\n", + "Completed text 20174\n", + "Completed text 20175\n", + "Completed text 20176\n", + "Completed text 20177\n", + "Completed text 20178\n", + "Completed text 20179\n", + "Completed text 20180\n", + "Completed text 20181\n", + "Completed text 20182\n", + "Completed text 20183\n", + "Completed text 20184\n", + "Completed text 20185\n", + "Completed text 20186\n", + "Completed text 20187\n", + "Completed text 20188\n", + "Completed text 20189\n", + "Completed text 20190\n", + "Completed text 20191\n", + "Completed text 20192\n", + "Completed text 20193\n", + "Completed text 20194\n", + "Completed text 20195\n", + "Completed text 20196\n", + "Completed text 20197\n", + "Completed text 20198\n", + "Completed text 20199\n", + "Completed text 20200\n", + "Completed text 20201\n", + "Completed text 20202\n", + "Completed text 20203\n", + "Completed text 20204\n", + "Completed text 20205\n", + "Completed text 20206\n", + "Completed text 20207\n", + "Completed text 20208\n", + "Completed text 20209\n", + "Completed text 20210\n", + "Completed text 20211\n", + "Completed text 20212\n", + "Completed text 20213\n", + "Completed text 20214\n", + "Completed text 20215\n", + "Completed text 20216\n", + "Completed text 20217\n", + "Completed text 20218\n", + "Completed text 20219\n", + "Completed text 20220\n", + "Completed text 20221\n", + "Completed text 20222\n", + "Completed text 20223\n", + "Completed text 20224\n", + "Completed text 20225\n", + "Completed text 20226\n", + "Completed text 20227\n", + "Completed text 20228\n", + "Completed text 20229\n", + "Completed text 20230\n", + "Completed text 20231\n", + "Completed text 20232\n", + "Completed text 20233\n", + "Completed text 20234\n", + "Completed text 20235\n", + "Completed text 20236\n", + "Completed text 20237\n", + "Completed text 20238\n", + "Completed text 20239\n", + "Completed text 20240\n", + "Completed text 20241\n", + "Completed text 20242\n", + "Completed text 20243\n", + "Completed text 20244\n", + "Completed text 20245\n", + "Completed text 20246\n", + "Completed text 20247\n", + "Completed text 20248\n", + "Completed text 20249\n", + "Completed text 20250\n", + "Completed text 20251\n", + "Completed text 20252\n", + "Completed text 20253\n", + "Completed text 20254\n", + "Completed text 20255\n", + "Completed text 20256\n", + "Completed text 20257\n", + "Completed text 20258\n", + "Completed text 20259\n", + "Completed text 20260\n", + "Completed text 20261\n", + "Completed text 20262\n", + "Completed text 20263\n", + "Completed text 20264\n", + "Completed text 20265\n", + "Completed text 20266\n", + "Completed text 20267\n", + "Completed text 20268\n", + "Completed text 20269\n", + "Completed text 20270\n", + "Completed text 20271\n", + "Completed text 20272\n", + "Completed text 20273\n", + "Completed text 20274\n", + "Completed text 20275\n", + "Completed text 20276\n", + "Completed text 20277\n", + "Completed text 20278\n", + "Completed text 20279\n", + "Completed text 20280\n", + "Completed text 20281\n", + "Completed text 20282\n", + "Completed text 20283\n", + "Completed text 20284\n", + "Completed text 20285\n", + "Completed text 20286\n", + "Completed text 20287\n", + "Completed text 20288\n", + "Completed text 20289\n", + "Completed text 20290\n", + "Completed text 20291\n", + "Completed text 20292\n", + "Completed text 20293\n", + "Completed text 20294\n", + "Completed text 20295\n", + "Completed text 20296\n", + "Completed text 20297\n", + "Completed text 20298\n", + "Completed text 20299\n", + "Completed text 20300\n", + "Completed text 20301\n", + "Completed text 20302\n", + "Completed text 20303\n", + "Completed text 20304\n", + "Completed text 20305\n", + "Completed text 20306\n", + "Completed text 20307\n", + "Completed text 20308\n", + "Completed text 20309\n", + "Completed text 20310\n", + "Completed text 20311\n", + "Completed text 20312\n", + "Completed text 20313\n", + "Completed text 20314\n", + "Completed text 20315\n", + "Completed text 20316\n", + "Completed text 20317\n", + "Completed text 20318\n", + "Completed text 20319\n", + "Completed text 20320\n", + "Completed text 20321\n", + "Completed text 20322\n", + "Completed text 20323\n", + "Completed text 20324\n", + "Completed text 20325\n", + "Completed text 20326\n", + "Completed text 20327\n", + "Completed text 20328\n", + "Completed text 20329\n", + "Completed text 20330\n", + "Completed text 20331\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 20332\n", + "Completed text 20333\n", + "Completed text 20334\n", + "Completed text 20335\n", + "Completed text 20336\n", + "Completed text 20337\n", + "Completed text 20338\n", + "Completed text 20339\n", + "Completed text 20340\n", + "Completed text 20341\n", + "Completed text 20342\n", + "Completed text 20343\n", + "Completed text 20344\n", + "Completed text 20345\n", + "Completed text 20346\n", + "Completed text 20347\n", + "Completed text 20348\n", + "Completed text 20349\n", + "Completed text 20350\n", + "Completed text 20351\n", + "Completed text 20352\n", + "Completed text 20353\n", + "Completed text 20354\n", + "Completed text 20355\n", + "Completed text 20356\n", + "Completed text 20357\n", + "Completed text 20358\n", + "Completed text 20359\n", + "Completed text 20360\n", + "Completed text 20361\n", + "Completed text 20362\n", + "Completed text 20363\n", + "Completed text 20364\n", + "Completed text 20365\n", + "Completed text 20366\n", + "Completed text 20367\n", + "Completed text 20368\n", + "Completed text 20369\n", + "Completed text 20370\n", + "Completed text 20371\n", + "Completed text 20372\n", + "Completed text 20373\n", + "Completed text 20374\n", + "Completed text 20375\n", + "Completed text 20376\n", + "Completed text 20377\n", + "Completed text 20378\n", + "Completed text 20379\n", + "Completed text 20380\n", + "Completed text 20381\n", + "Completed text 20382\n", + "Completed text 20383\n", + "Completed text 20384\n", + "Completed text 20385\n", + "Completed text 20386\n", + "Completed text 20387\n", + "Completed text 20388\n", + "Completed text 20389\n", + "Completed text 20390\n", + "Completed text 20391\n", + "Completed text 20392\n", + "Completed text 20393\n", + "Completed text 20394\n", + "Completed text 20395\n", + "Completed text 20396\n", + "Completed text 20397\n", + "Completed text 20398\n", + "Completed text 20399\n", + "Completed text 20400\n", + "Completed text 20401\n", + "Completed text 20402\n", + "Completed text 20403\n", + "Completed text 20404\n", + "Completed text 20405\n", + "Completed text 20406\n", + "Completed text 20407\n", + "Completed text 20408\n", + "Completed text 20409\n", + "Completed text 20410\n", + "Completed text 20411\n", + "Completed text 20412\n", + "Completed text 20413\n", + "Completed text 20414\n", + "Completed text 20415\n", + "Completed text 20416\n", + "Completed text 20417\n", + "Completed text 20418\n", + "Completed text 20419\n", + "Completed text 20420\n", + "Completed text 20421\n", + "Completed text 20422\n", + "Completed text 20423\n", + "Completed text 20424\n", + "Completed text 20425\n", + "Completed text 20426\n", + "Completed text 20427\n", + "Completed text 20428\n", + "Completed text 20429\n", + "Completed text 20430\n", + "Completed text 20431\n", + "Completed text 20432\n", + "Completed text 20433\n", + "Completed text 20434\n", + "Completed text 20435\n", + "Completed text 20436\n", + "Completed text 20437\n", + "Completed text 20438\n", + "Completed text 20439\n", + "Completed text 20440\n", + "Completed text 20441\n", + "Completed text 20442\n", + "Completed text 20443\n", + "Completed text 20444\n", + "Completed text 20445\n", + "Completed text 20446\n", + "Completed text 20447\n", + "Completed text 20448\n", + "Completed text 20449\n", + "Completed text 20450\n", + "Completed text 20451\n", + "Completed text 20452\n", + "Completed text 20453\n", + "Completed text 20454\n", + "Completed text 20455\n", + "Completed text 20456\n", + "Completed text 20457\n", + "Completed text 20458\n", + "Completed text 20459\n", + "Completed text 20460\n", + "Completed text 20461\n", + "Completed text 20462\n", + "Completed text 20463\n", + "Completed text 20464\n", + "Completed text 20465\n", + "Completed text 20466\n", + "Completed text 20467\n", + "Completed text 20468\n", + "Completed text 20469\n", + "Completed text 20470\n", + "Completed text 20471\n", + "Completed text 20472\n", + "Completed text 20473\n", + "Completed text 20474\n", + "Completed text 20475\n", + "Completed text 20476\n", + "Completed text 20477\n", + "Completed text 20478\n", + "Completed text 20479\n", + "Completed text 20480\n", + "Completed text 20481\n", + "Completed text 20482\n", + "Completed text 20483\n", + "Completed text 20484\n", + "Completed text 20485\n", + "Completed text 20486\n", + "Completed text 20487\n", + "Completed text 20488\n", + "Completed text 20489\n", + "Completed text 20490\n", + "Completed text 20491\n", + "Completed text 20492\n", + "Completed text 20493\n", + "Completed text 20494\n", + "Completed text 20495\n", + "Completed text 20496\n", + "Completed text 20497\n", + "Completed text 20498\n", + "Completed text 20499\n", + "Completed text 20500\n", + "Completed text 20501\n", + "Completed text 20502\n", + "Completed text 20503\n", + "Completed text 20504\n", + "Completed text 20505\n", + "Completed text 20506\n", + "Completed text 20507\n", + "Completed text 20508\n", + "Completed text 20509\n", + "Completed text 20510\n", + "Completed text 20511\n", + "Completed text 20512\n", + "Completed text 20513\n", + "Completed text 20514\n", + "Completed text 20515\n", + "Completed text 20516\n", + "Completed text 20517\n", + "Completed text 20518\n", + "Completed text 20519\n", + "Completed text 20520\n", + "Completed text 20521\n", + "Completed text 20522\n", + "Completed text 20523\n", + "Completed text 20524\n", + "Completed text 20525\n", + "Completed text 20526\n", + "Completed text 20527\n", + "Completed text 20528\n", + "Completed text 20529\n", + "Completed text 20530\n", + "Completed text 20531\n", + "Completed text 20532\n", + "Completed text 20533\n", + "Completed text 20534\n", + "Completed text 20535\n", + "Completed text 20536\n", + "Completed text 20537\n", + "Completed text 20538\n", + "Completed text 20539\n", + "Completed text 20540\n", + "Completed text 20541\n", + "Completed text 20542\n", + "Completed text 20543\n", + "Completed text 20544\n", + "Completed text 20545\n", + "Completed text 20546\n", + "Completed text 20547\n", + "Completed text 20548\n", + "Completed text 20549\n", + "Completed text 20550\n", + "Completed text 20551\n", + "Completed text 20552\n", + "Completed text 20553\n", + "Completed text 20554\n", + "Completed text 20555\n", + "Completed text 20556\n", + "Completed text 20557\n", + "Completed text 20558\n", + "Completed text 20559\n", + "Completed text 20560\n", + "Completed text 20561\n", + "Completed text 20562\n", + "Completed text 20563\n", + "Completed text 20564\n", + "Completed text 20565\n", + "Completed text 20566\n", + "Completed text 20567\n", + "Completed text 20568\n", + "Completed text 20569\n", + "Completed text 20570\n", + "Completed text 20571\n", + "Completed text 20572\n", + "Completed text 20573\n", + "Completed text 20574\n", + "Completed text 20575\n", + "Completed text 20576\n", + "Completed text 20577\n", + "Completed text 20578\n", + "Completed text 20579\n", + "Completed text 20580\n", + "Completed text 20581\n", + "Completed text 20582\n", + "Completed text 20583\n", + "Completed text 20584\n", + "Completed text 20585\n", + "Completed text 20586\n", + "Completed text 20587\n", + "Completed text 20588\n", + "Completed text 20589\n", + "Completed text 20590\n", + "Completed text 20591\n", + "Completed text 20592\n", + "Completed text 20593\n", + "Completed text 20594\n", + "Completed text 20595\n", + "Completed text 20596\n", + "Completed text 20597\n", + "Completed text 20598\n", + "Completed text 20599\n", + "Completed text 20600\n", + "Completed text 20601\n", + "Completed text 20602\n", + "Completed text 20603\n", + "Completed text 20604\n", + "Completed text 20605\n", + "Completed text 20606\n", + "Completed text 20607\n", + "Completed text 20608\n", + "Completed text 20609\n", + "Completed text 20610\n", + "Completed text 20611\n", + "Completed text 20612\n", + "Completed text 20613\n", + "Completed text 20614\n", + "Completed text 20615\n", + "Completed text 20616\n", + "Completed text 20617\n", + "Completed text 20618\n", + "Completed text 20619\n", + "Completed text 20620\n", + "Completed text 20621\n", + "Completed text 20622\n", + "Completed text 20623\n", + "Completed text 20624\n", + "Completed text 20625\n", + "Completed text 20626\n", + "Completed text 20627\n", + "Completed text 20628\n", + "Completed text 20629\n", + "Completed text 20630\n", + "Completed text 20631\n", + "Completed text 20632\n", + "Completed text 20633\n", + "Completed text 20634\n", + "Completed text 20635\n", + "Completed text 20636\n", + "Completed text 20637\n", + "Completed text 20638\n", + "Completed text 20639\n", + "Completed text 20640\n", + "Completed text 20641\n", + "Completed text 20642\n", + "Completed text 20643\n", + "Completed text 20644\n", + "Completed text 20645\n", + "Completed text 20646\n", + "Completed text 20647\n", + "Completed text 20648\n", + "Completed text 20649\n", + "Completed text 20650\n", + "Completed text 20651\n", + "Completed text 20652\n", + "Completed text 20653\n", + "Completed text 20654\n", + "Completed text 20655\n", + "Completed text 20656\n", + "Completed text 20657\n", + "Completed text 20658\n", + "Completed text 20659\n", + "Completed text 20660\n", + "Completed text 20661\n", + "Completed text 20662\n", + "Completed text 20663\n", + "Completed text 20664\n", + "Completed text 20665\n", + "Completed text 20666\n", + "Completed text 20667\n", + "Completed text 20668\n", + "Completed text 20669\n", + "Completed text 20670\n", + "Completed text 20671\n", + "Completed text 20672\n", + "Completed text 20673\n", + "Completed text 20674\n", + "Completed text 20675\n", + "Completed text 20676\n", + "Completed text 20677\n", + "Completed text 20678\n", + "Completed text 20679\n", + "Completed text 20680\n", + "Completed text 20681\n", + "Completed text 20682\n", + "Completed text 20683\n", + "Completed text 20684\n", + "Completed text 20685\n", + "Completed text 20686\n", + "Completed text 20687\n", + "Completed text 20688\n", + "Completed text 20689\n", + "Completed text 20690\n", + "Completed text 20691\n", + "Completed text 20692\n", + "Completed text 20693\n", + "Completed text 20694\n", + "Completed text 20695\n", + "Completed text 20696\n", + "Completed text 20697\n", + "Completed text 20698\n", + "Completed text 20699\n", + "Completed text 20700\n", + "Completed text 20701\n", + "Completed text 20702\n", + "Completed text 20703\n", + "Completed text 20704\n", + "Completed text 20705\n", + "Completed text 20706\n", + "Completed text 20707\n", + "Completed text 20708\n", + "Completed text 20709\n", + "Completed text 20710\n", + "Completed text 20711\n", + "Completed text 20712\n", + "Completed text 20713\n", + "Completed text 20714\n", + "Completed text 20715\n", + "Completed text 20716\n", + "Completed text 20717\n", + "Completed text 20718\n", + "Completed text 20719\n", + "Completed text 20720\n", + "Completed text 20721\n", + "Completed text 20722\n", + "Completed text 20723\n", + "Completed text 20724\n", + "Completed text 20725\n", + "Completed text 20726\n", + "Completed text 20727\n", + "Completed text 20728\n", + "Completed text 20729\n", + "Completed text 20730\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 20731\n", + "Completed text 20732\n", + "Completed text 20733\n", + "Completed text 20734\n", + "Completed text 20735\n", + "Completed text 20736\n", + "Completed text 20737\n", + "Completed text 20738\n", + "Completed text 20739\n", + "Completed text 20740\n", + "Completed text 20741\n", + "Completed text 20742\n", + "Completed text 20743\n", + "Completed text 20744\n", + "Completed text 20745\n", + "Completed text 20746\n", + "Completed text 20747\n", + "Completed text 20748\n", + "Completed text 20749\n", + "Completed text 20750\n", + "Completed text 20751\n", + "Completed text 20752\n", + "Completed text 20753\n", + "Completed text 20754\n", + "Completed text 20755\n", + "Completed text 20756\n", + "Completed text 20757\n", + "Completed text 20758\n", + "Completed text 20759\n", + "Completed text 20760\n", + "Completed text 20761\n", + "Completed text 20762\n", + "Completed text 20763\n", + "Completed text 20764\n", + "Completed text 20765\n", + "Completed text 20766\n", + "Completed text 20767\n", + "Completed text 20768\n", + "Completed text 20769\n", + "Completed text 20770\n", + "Completed text 20771\n", + "Completed text 20772\n", + "Completed text 20773\n", + "Completed text 20774\n", + "Completed text 20775\n", + "Completed text 20776\n", + "Completed text 20777\n", + "Completed text 20778\n", + "Completed text 20779\n", + "Completed text 20780\n", + "Completed text 20781\n", + "Completed text 20782\n", + "Completed text 20783\n", + "Completed text 20784\n", + "Completed text 20785\n", + "Completed text 20786\n", + "Completed text 20787\n", + "Completed text 20788\n", + "Completed text 20789\n", + "Completed text 20790\n", + "Completed text 20791\n", + "Completed text 20792\n", + "Completed text 20793\n", + "Completed text 20794\n", + "Completed text 20795\n", + "Completed text 20796\n", + "Completed text 20797\n", + "Completed text 20798\n", + "Completed text 20799\n", + "Completed text 20800\n", + "Completed text 20801\n", + "Completed text 20802\n", + "Completed text 20803\n", + "Completed text 20804\n", + "Completed text 20805\n", + "Completed text 20806\n", + "Completed text 20807\n", + "Completed text 20808\n", + "Completed text 20809\n", + "Completed text 20810\n", + "Completed text 20811\n", + "Completed text 20812\n", + "Completed text 20813\n", + "Completed text 20814\n", + "Completed text 20815\n", + "Completed text 20816\n", + "Completed text 20817\n", + "Completed text 20818\n", + "Completed text 20819\n", + "Completed text 20820\n", + "Completed text 20821\n", + "Completed text 20822\n", + "Completed text 20823\n", + "Completed text 20824\n", + "Completed text 20825\n", + "Completed text 20826\n", + "Completed text 20827\n", + "Completed text 20828\n", + "Completed text 20829\n", + "Completed text 20830\n", + "Completed text 20831\n", + "Completed text 20832\n", + "Completed text 20833\n", + "Completed text 20834\n", + "Completed text 20835\n", + "Completed text 20836\n", + "Completed text 20837\n", + "Completed text 20838\n", + "Completed text 20839\n", + "Completed text 20840\n", + "Completed text 20841\n", + "Completed text 20842\n", + "Completed text 20843\n", + "Completed text 20844\n", + "Completed text 20845\n", + "Completed text 20846\n", + "Completed text 20847\n", + "Completed text 20848\n", + "Completed text 20849\n", + "Completed text 20850\n", + "Completed text 20851\n", + "Completed text 20852\n", + "Completed text 20853\n", + "Completed text 20854\n", + "Completed text 20855\n", + "Completed text 20856\n", + "Completed text 20857\n", + "Completed text 20858\n", + "Completed text 20859\n", + "Completed text 20860\n", + "Completed text 20861\n", + "Completed text 20862\n", + "Completed text 20863\n", + "Completed text 20864\n", + "Completed text 20865\n", + "Completed text 20866\n", + "Completed text 20867\n", + "Completed text 20868\n", + "Completed text 20869\n", + "Completed text 20870\n", + "Completed text 20871\n", + "Completed text 20872\n", + "Completed text 20873\n", + "Completed text 20874\n", + "Completed text 20875\n", + "Completed text 20876\n", + "Completed text 20877\n", + "Completed text 20878\n", + "Completed text 20879\n", + "Completed text 20880\n", + "Completed text 20881\n", + "Completed text 20882\n", + "Completed text 20883\n", + "Completed text 20884\n", + "Completed text 20885\n", + "Completed text 20886\n", + "Completed text 20887\n", + "Completed text 20888\n", + "Completed text 20889\n", + "Completed text 20890\n", + "Completed text 20891\n", + "Completed text 20892\n", + "Completed text 20893\n", + "Completed text 20894\n", + "Completed text 20895\n", + "Completed text 20896\n", + "Completed text 20897\n", + "Completed text 20898\n", + "Completed text 20899\n", + "Completed text 20900\n", + "Completed text 20901\n", + "Completed text 20902\n", + "Completed text 20903\n", + "Completed text 20904\n", + "Completed text 20905\n", + "Completed text 20906\n", + "Completed text 20907\n", + "Completed text 20908\n", + "Completed text 20909\n", + "Completed text 20910\n", + "Completed text 20911\n", + "Completed text 20912\n", + "Completed text 20913\n", + "Completed text 20914\n", + "Completed text 20915\n", + "Completed text 20916\n", + "Completed text 20917\n", + "Completed text 20918\n", + "Completed text 20919\n", + "Completed text 20920\n", + "Completed text 20921\n", + "Completed text 20922\n", + "Completed text 20923\n", + "Completed text 20924\n", + "Completed text 20925\n", + "Completed text 20926\n", + "Completed text 20927\n", + "Completed text 20928\n", + "Completed text 20929\n", + "Completed text 20930\n", + "Completed text 20931\n", + "Completed text 20932\n", + "Completed text 20933\n", + "Completed text 20934\n", + "Completed text 20935\n", + "Completed text 20936\n", + "Completed text 20937\n", + "Completed text 20938\n", + "Completed text 20939\n", + "Completed text 20940\n", + "Completed text 20941\n", + "Completed text 20942\n", + "Completed text 20943\n", + "Completed text 20944\n", + "Completed text 20945\n", + "Completed text 20946\n", + "Completed text 20947\n", + "Completed text 20948\n", + "Completed text 20949\n", + "Completed text 20950\n", + "Completed text 20951\n", + "Completed text 20952\n", + "Completed text 20953\n", + "Completed text 20954\n", + "Completed text 20955\n", + "Completed text 20956\n", + "Completed text 20957\n", + "Completed text 20958\n", + "Completed text 20959\n", + "Completed text 20960\n", + "Completed text 20961\n", + "Completed text 20962\n", + "Completed text 20963\n", + "Completed text 20964\n", + "Completed text 20965\n", + "Completed text 20966\n", + "Completed text 20967\n", + "Completed text 20968\n", + "Completed text 20969\n", + "Completed text 20970\n", + "Completed text 20971\n", + "Completed text 20972\n", + "Completed text 20973\n", + "Completed text 20974\n", + "Completed text 20975\n", + "Completed text 20976\n", + "Completed text 20977\n", + "Completed text 20978\n", + "Completed text 20979\n", + "Completed text 20980\n", + "Completed text 20981\n", + "Completed text 20982\n", + "Completed text 20983\n", + "Completed text 20984\n", + "Completed text 20985\n", + "Completed text 20986\n", + "Completed text 20987\n", + "Completed text 20988\n", + "Completed text 20989\n", + "Completed text 20990\n", + "Completed text 20991\n", + "Completed text 20992\n", + "Completed text 20993\n", + "Completed text 20994\n", + "Completed text 20995\n", + "Completed text 20996\n", + "Completed text 20997\n", + "Completed text 20998\n", + "Completed text 20999\n", + "Completed text 21000\n", + "Completed text 21001\n", + "Completed text 21002\n", + "Completed text 21003\n", + "Completed text 21004\n", + "Completed text 21005\n", + "Completed text 21006\n", + "Completed text 21007\n", + "Completed text 21008\n", + "Completed text 21009\n", + "Completed text 21010\n", + "Completed text 21011\n", + "Completed text 21012\n", + "Completed text 21013\n", + "Completed text 21014\n", + "Completed text 21015\n", + "Completed text 21016\n", + "Completed text 21017\n", + "Completed text 21018\n", + "Completed text 21019\n", + "Completed text 21020\n", + "Completed text 21021\n", + "Completed text 21022\n", + "Completed text 21023\n", + "Completed text 21024\n", + "Completed text 21025\n", + "Completed text 21026\n", + "Completed text 21027\n", + "Completed text 21028\n", + "Completed text 21029\n", + "Completed text 21030\n", + "Completed text 21031\n", + "Completed text 21032\n", + "Completed text 21033\n", + "Completed text 21034\n", + "Completed text 21035\n", + "Completed text 21036\n", + "Completed text 21037\n", + "Completed text 21038\n", + "Completed text 21039\n", + "Completed text 21040\n", + "Completed text 21041\n", + "Completed text 21042\n", + "Completed text 21043\n", + "Completed text 21044\n", + "Completed text 21045\n", + "Completed text 21046\n", + "Completed text 21047\n", + "Completed text 21048\n", + "Completed text 21049\n", + "Completed text 21050\n", + "Completed text 21051\n", + "Completed text 21052\n", + "Completed text 21053\n", + "Completed text 21054\n", + "Completed text 21055\n", + "Completed text 21056\n", + "Completed text 21057\n", + "Completed text 21058\n", + "Completed text 21059\n", + "Completed text 21060\n", + "Completed text 21061\n", + "Completed text 21062\n", + "Completed text 21063\n", + "Completed text 21064\n", + "Completed text 21065\n", + "Completed text 21066\n", + "Completed text 21067\n", + "Completed text 21068\n", + "Completed text 21069\n", + "Completed text 21070\n", + "Completed text 21071\n", + "Completed text 21072\n", + "Completed text 21073\n", + "Completed text 21074\n", + "Completed text 21075\n", + "Completed text 21076\n", + "Completed text 21077\n", + "Completed text 21078\n", + "Completed text 21079\n", + "Completed text 21080\n", + "Completed text 21081\n", + "Completed text 21082\n", + "Completed text 21083\n", + "Completed text 21084\n", + "Completed text 21085\n", + "Completed text 21086\n", + "Completed text 21087\n", + "Completed text 21088\n", + "Completed text 21089\n", + "Completed text 21090\n", + "Completed text 21091\n", + "Completed text 21092\n", + "Completed text 21093\n", + "Completed text 21094\n", + "Completed text 21095\n", + "Completed text 21096\n", + "Completed text 21097\n", + "Completed text 21098\n", + "Completed text 21099\n", + "Completed text 21100\n", + "Completed text 21101\n", + "Completed text 21102\n", + "Completed text 21103\n", + "Completed text 21104\n", + "Completed text 21105\n", + "Completed text 21106\n", + "Completed text 21107\n", + "Completed text 21108\n", + "Completed text 21109\n", + "Completed text 21110\n", + "Completed text 21111\n", + "Completed text 21112\n", + "Completed text 21113\n", + "Completed text 21114\n", + "Completed text 21115\n", + "Completed text 21116\n", + "Completed text 21117\n", + "Completed text 21118\n", + "Completed text 21119\n", + "Completed text 21120\n", + "Completed text 21121\n", + "Completed text 21122\n", + "Completed text 21123\n", + "Completed text 21124\n", + "Completed text 21125\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 21126\n", + "Completed text 21127\n", + "Completed text 21128\n", + "Completed text 21129\n", + "Completed text 21130\n", + "Completed text 21131\n", + "Completed text 21132\n", + "Completed text 21133\n", + "Completed text 21134\n", + "Completed text 21135\n", + "Completed text 21136\n", + "Completed text 21137\n", + "Completed text 21138\n", + "Completed text 21139\n", + "Completed text 21140\n", + "Completed text 21141\n", + "Completed text 21142\n", + "Completed text 21143\n", + "Completed text 21144\n", + "Completed text 21145\n", + "Completed text 21146\n", + "Completed text 21147\n", + "Completed text 21148\n", + "Completed text 21149\n", + "Completed text 21150\n", + "Completed text 21151\n", + "Completed text 21152\n", + "Completed text 21153\n", + "Completed text 21154\n", + "Completed text 21155\n", + "Completed text 21156\n", + "Completed text 21157\n", + "Completed text 21158\n", + "Completed text 21159\n", + "Completed text 21160\n", + "Completed text 21161\n", + "Completed text 21162\n", + "Completed text 21163\n", + "Completed text 21164\n", + "Completed text 21165\n", + "Completed text 21166\n", + "Completed text 21167\n", + "Completed text 21168\n", + "Completed text 21169\n", + "Completed text 21170\n", + "Completed text 21171\n", + "Completed text 21172\n", + "Completed text 21173\n", + "Completed text 21174\n", + "Completed text 21175\n", + "Completed text 21176\n", + "Completed text 21177\n", + "Completed text 21178\n", + "Completed text 21179\n", + "Completed text 21180\n", + "Completed text 21181\n", + "Completed text 21182\n", + "Completed text 21183\n", + "Completed text 21184\n", + "Completed text 21185\n", + "Completed text 21186\n", + "Completed text 21187\n", + "Completed text 21188\n", + "Completed text 21189\n", + "Completed text 21190\n", + "Completed text 21191\n", + "Completed text 21192\n", + "Completed text 21193\n", + "Completed text 21194\n", + "Completed text 21195\n", + "Completed text 21196\n", + "Completed text 21197\n", + "Completed text 21198\n", + "Completed text 21199\n", + "Completed text 21200\n", + "Completed text 21201\n", + "Completed text 21202\n", + "Completed text 21203\n", + "Completed text 21204\n", + "Completed text 21205\n", + "Completed text 21206\n", + "Completed text 21207\n", + "Completed text 21208\n", + "Completed text 21209\n", + "Completed text 21210\n", + "Completed text 21211\n", + "Completed text 21212\n", + "Completed text 21213\n", + "Completed text 21214\n", + "Completed text 21215\n", + "Completed text 21216\n", + "Completed text 21217\n", + "Completed text 21218\n", + "Completed text 21219\n", + "Completed text 21220\n", + "Completed text 21221\n", + "Completed text 21222\n", + "Completed text 21223\n", + "Completed text 21224\n", + "Completed text 21225\n", + "Completed text 21226\n", + "Completed text 21227\n", + "Completed text 21228\n", + "Completed text 21229\n", + "Completed text 21230\n", + "Completed text 21231\n", + "Completed text 21232\n", + "Completed text 21233\n", + "Completed text 21234\n", + "Completed text 21235\n", + "Completed text 21236\n", + "Completed text 21237\n", + "Completed text 21238\n", + "Completed text 21239\n", + "Completed text 21240\n", + "Completed text 21241\n", + "Completed text 21242\n", + "Completed text 21243\n", + "Completed text 21244\n", + "Completed text 21245\n", + "Completed text 21246\n", + "Completed text 21247\n", + "Completed text 21248\n", + "Completed text 21249\n", + "Completed text 21250\n", + "Completed text 21251\n", + "Completed text 21252\n", + "Completed text 21253\n", + "Completed text 21254\n", + "Completed text 21255\n", + "Completed text 21256\n", + "Completed text 21257\n", + "Completed text 21258\n", + "Completed text 21259\n", + "Completed text 21260\n", + "Completed text 21261\n", + "Completed text 21262\n", + "Completed text 21263\n", + "Completed text 21264\n", + "Completed text 21265\n", + "Completed text 21266\n", + "Completed text 21267\n", + "Completed text 21268\n", + "Completed text 21269\n", + "Completed text 21270\n", + "Completed text 21271\n", + "Completed text 21272\n", + "Completed text 21273\n", + "Completed text 21274\n", + "Completed text 21275\n", + "Completed text 21276\n", + "Completed text 21277\n", + "Completed text 21278\n", + "Completed text 21279\n", + "Completed text 21280\n", + "Completed text 21281\n", + "Completed text 21282\n", + "Completed text 21283\n", + "Completed text 21284\n", + "Completed text 21285\n", + "Completed text 21286\n", + "Completed text 21287\n", + "Completed text 21288\n", + "Completed text 21289\n", + "Completed text 21290\n", + "Completed text 21291\n", + "Completed text 21292\n", + "Completed text 21293\n", + "Completed text 21294\n", + "Completed text 21295\n", + "Completed text 21296\n", + "Completed text 21297\n", + "Completed text 21298\n", + "Completed text 21299\n", + "Completed text 21300\n", + "Completed text 21301\n", + "Completed text 21302\n", + "Completed text 21303\n", + "Completed text 21304\n", + "Completed text 21305\n", + "Completed text 21306\n", + "Completed text 21307\n", + "Completed text 21308\n", + "Completed text 21309\n", + "Completed text 21310\n", + "Completed text 21311\n", + "Completed text 21312\n", + "Completed text 21313\n", + "Completed text 21314\n", + "Completed text 21315\n", + "Completed text 21316\n", + "Completed text 21317\n", + "Completed text 21318\n", + "Completed text 21319\n", + "Completed text 21320\n", + "Completed text 21321\n", + "Completed text 21322\n", + "Completed text 21323\n", + "Completed text 21324\n", + "Completed text 21325\n", + "Completed text 21326\n", + "Completed text 21327\n", + "Completed text 21328\n", + "Completed text 21329\n", + "Completed text 21330\n", + "Completed text 21331\n", + "Completed text 21332\n", + "Completed text 21333\n", + "Completed text 21334\n", + "Completed text 21335\n", + "Completed text 21336\n", + "Completed text 21337\n", + "Completed text 21338\n", + "Completed text 21339\n", + "Completed text 21340\n", + "Completed text 21341\n", + "Completed text 21342\n", + "Completed text 21343\n", + "Completed text 21344\n", + "Completed text 21345\n", + "Completed text 21346\n", + "Completed text 21347\n", + "Completed text 21348\n", + "Completed text 21349\n", + "Completed text 21350\n", + "Completed text 21351\n", + "Completed text 21352\n", + "Completed text 21353\n", + "Completed text 21354\n", + "Completed text 21355\n", + "Completed text 21356\n", + "Completed text 21357\n", + "Completed text 21358\n", + "Completed text 21359\n", + "Completed text 21360\n", + "Completed text 21361\n", + "Completed text 21362\n", + "Completed text 21363\n", + "Completed text 21364\n", + "Completed text 21365\n", + "Completed text 21366\n", + "Completed text 21367\n", + "Completed text 21368\n", + "Completed text 21369\n", + "Completed text 21370\n", + "Completed text 21371\n", + "Completed text 21372\n", + "Completed text 21373\n", + "Completed text 21374\n", + "Completed text 21375\n", + "Completed text 21376\n", + "Completed text 21377\n", + "Completed text 21378\n", + "Completed text 21379\n", + "Completed text 21380\n", + "Completed text 21381\n", + "Completed text 21382\n", + "Completed text 21383\n", + "Completed text 21384\n", + "Completed text 21385\n", + "Completed text 21386\n", + "Completed text 21387\n", + "Completed text 21388\n", + "Completed text 21389\n", + "Completed text 21390\n", + "Completed text 21391\n", + "Completed text 21392\n", + "Completed text 21393\n", + "Completed text 21394\n", + "Completed text 21395\n", + "Completed text 21396\n", + "Completed text 21397\n", + "Completed text 21398\n", + "Completed text 21399\n", + "Completed text 21400\n", + "Completed text 21401\n", + "Completed text 21402\n", + "Completed text 21403\n", + "Completed text 21404\n", + "Completed text 21405\n", + "Completed text 21406\n", + "Completed text 21407\n", + "Completed text 21408\n", + "Completed text 21409\n", + "Completed text 21410\n", + "Completed text 21411\n", + "Completed text 21412\n", + "Completed text 21413\n", + "Completed text 21414\n", + "Completed text 21415\n", + "Completed text 21416\n", + "Completed text 21417\n", + "Completed text 21418\n", + "Completed text 21419\n", + "Completed text 21420\n", + "Completed text 21421\n", + "Completed text 21422\n", + "Completed text 21423\n", + "Completed text 21424\n", + "Completed text 21425\n", + "Completed text 21426\n", + "Completed text 21427\n", + "Completed text 21428\n", + "Completed text 21429\n", + "Completed text 21430\n", + "Completed text 21431\n", + "Completed text 21432\n", + "Completed text 21433\n", + "Completed text 21434\n", + "Completed text 21435\n", + "Completed text 21436\n", + "Completed text 21437\n", + "Completed text 21438\n", + "Completed text 21439\n", + "Completed text 21440\n", + "Completed text 21441\n", + "Completed text 21442\n", + "Completed text 21443\n", + "Completed text 21444\n", + "Completed text 21445\n", + "Completed text 21446\n", + "Completed text 21447\n", + "Completed text 21448\n", + "Completed text 21449\n", + "Completed text 21450\n", + "Completed text 21451\n", + "Completed text 21452\n", + "Completed text 21453\n", + "Completed text 21454\n", + "Completed text 21455\n", + "Completed text 21456\n", + "Completed text 21457\n", + "Completed text 21458\n", + "Completed text 21459\n", + "Completed text 21460\n", + "Completed text 21461\n", + "Completed text 21462\n", + "Completed text 21463\n", + "Completed text 21464\n", + "Completed text 21465\n", + "Completed text 21466\n", + "Completed text 21467\n", + "Completed text 21468\n", + "Completed text 21469\n", + "Completed text 21470\n", + "Completed text 21471\n", + "Completed text 21472\n", + "Completed text 21473\n", + "Completed text 21474\n", + "Completed text 21475\n", + "Completed text 21476\n", + "Completed text 21477\n", + "Completed text 21478\n", + "Completed text 21479\n", + "Completed text 21480\n", + "Completed text 21481\n", + "Completed text 21482\n", + "Completed text 21483\n", + "Completed text 21484\n", + "Completed text 21485\n", + "Completed text 21486\n", + "Completed text 21487\n", + "Completed text 21488\n", + "Completed text 21489\n", + "Completed text 21490\n", + "Completed text 21491\n", + "Completed text 21492\n", + "Completed text 21493\n", + "Completed text 21494\n", + "Completed text 21495\n", + "Completed text 21496\n", + "Completed text 21497\n", + "Completed text 21498\n", + "Completed text 21499\n", + "Completed text 21500\n", + "Completed text 21501\n", + "Completed text 21502\n", + "Completed text 21503\n", + "Completed text 21504\n", + "Completed text 21505\n", + "Completed text 21506\n", + "Completed text 21507\n", + "Completed text 21508\n", + "Completed text 21509\n", + "Completed text 21510\n", + "Completed text 21511\n", + "Completed text 21512\n", + "Completed text 21513\n", + "Completed text 21514\n", + "Completed text 21515\n", + "Completed text 21516\n", + "Completed text 21517\n", + "Completed text 21518\n", + "Completed text 21519\n", + "Completed text 21520\n", + "Completed text 21521\n", + "Completed text 21522\n", + "Completed text 21523\n", + "Completed text 21524\n", + "Completed text 21525\n", + "Completed text 21526\n", + "Completed text 21527\n", + "Completed text 21528\n", + "Completed text 21529\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 21530\n", + "Completed text 21531\n", + "Completed text 21532\n", + "Completed text 21533\n", + "Completed text 21534\n", + "Completed text 21535\n", + "Completed text 21536\n", + "Completed text 21537\n", + "Completed text 21538\n", + "Completed text 21539\n", + "Completed text 21540\n", + "Completed text 21541\n", + "Completed text 21542\n", + "Completed text 21543\n", + "Completed text 21544\n", + "Completed text 21545\n", + "Completed text 21546\n", + "Completed text 21547\n", + "Completed text 21548\n", + "Completed text 21549\n", + "Completed text 21550\n", + "Completed text 21551\n", + "Completed text 21552\n", + "Completed text 21553\n", + "Completed text 21554\n", + "Completed text 21555\n", + "Completed text 21556\n", + "Completed text 21557\n", + "Completed text 21558\n", + "Completed text 21559\n", + "Completed text 21560\n", + "Completed text 21561\n", + "Completed text 21562\n", + "Completed text 21563\n", + "Completed text 21564\n", + "Completed text 21565\n", + "Completed text 21566\n", + "Completed text 21567\n", + "Completed text 21568\n", + "Completed text 21569\n", + "Completed text 21570\n", + "Completed text 21571\n", + "Completed text 21572\n", + "Completed text 21573\n", + "Completed text 21574\n", + "Completed text 21575\n", + "Completed text 21576\n", + "Completed text 21577\n", + "Completed text 21578\n", + "Completed text 21579\n", + "Completed text 21580\n", + "Completed text 21581\n", + "Completed text 21582\n", + "Completed text 21583\n", + "Completed text 21584\n", + "Completed text 21585\n", + "Completed text 21586\n", + "Completed text 21587\n", + "Completed text 21588\n", + "Completed text 21589\n", + "Completed text 21590\n", + "Completed text 21591\n", + "Completed text 21592\n", + "Completed text 21593\n", + "Completed text 21594\n", + "Completed text 21595\n", + "Completed text 21596\n", + "Completed text 21597\n", + "Completed text 21598\n", + "Completed text 21599\n", + "Completed text 21600\n", + "Completed text 21601\n", + "Completed text 21602\n", + "Completed text 21603\n", + "Completed text 21604\n", + "Completed text 21605\n", + "Completed text 21606\n", + "Completed text 21607\n", + "Completed text 21608\n", + "Completed text 21609\n", + "Completed text 21610\n", + "Completed text 21611\n", + "Completed text 21612\n", + "Completed text 21613\n", + "Completed text 21614\n", + "Completed text 21615\n", + "Completed text 21616\n", + "Completed text 21617\n", + "Completed text 21618\n", + "Completed text 21619\n", + "Completed text 21620\n", + "Completed text 21621\n", + "Completed text 21622\n", + "Completed text 21623\n", + "Completed text 21624\n", + "Completed text 21625\n", + "Completed text 21626\n", + "Completed text 21627\n", + "Completed text 21628\n", + "Completed text 21629\n", + "Completed text 21630\n", + "Completed text 21631\n", + "Completed text 21632\n", + "Completed text 21633\n", + "Completed text 21634\n", + "Completed text 21635\n", + "Completed text 21636\n", + "Completed text 21637\n", + "Completed text 21638\n", + "Completed text 21639\n", + "Completed text 21640\n", + "Completed text 21641\n", + "Completed text 21642\n", + "Completed text 21643\n", + "Completed text 21644\n", + "Completed text 21645\n", + "Completed text 21646\n", + "Completed text 21647\n", + "Completed text 21648\n", + "Completed text 21649\n", + "Completed text 21650\n", + "Completed text 21651\n", + "Completed text 21652\n", + "Completed text 21653\n", + "Completed text 21654\n", + "Completed text 21655\n", + "Completed text 21656\n", + "Completed text 21657\n", + "Completed text 21658\n", + "Completed text 21659\n", + "Completed text 21660\n", + "Completed text 21661\n", + "Completed text 21662\n", + "Completed text 21663\n", + "Completed text 21664\n", + "Completed text 21665\n", + "Completed text 21666\n", + "Completed text 21667\n", + "Completed text 21668\n", + "Completed text 21669\n", + "Completed text 21670\n", + "Completed text 21671\n", + "Completed text 21672\n", + "Completed text 21673\n", + "Completed text 21674\n", + "Completed text 21675\n", + "Completed text 21676\n", + "Completed text 21677\n", + "Completed text 21678\n", + "Completed text 21679\n", + "Completed text 21680\n", + "Completed text 21681\n", + "Completed text 21682\n", + "Completed text 21683\n", + "Completed text 21684\n", + "Completed text 21685\n", + "Completed text 21686\n", + "Completed text 21687\n", + "Completed text 21688\n", + "Completed text 21689\n", + "Completed text 21690\n", + "Completed text 21691\n", + "Completed text 21692\n", + "Completed text 21693\n", + "Completed text 21694\n", + "Completed text 21695\n", + "Completed text 21696\n", + "Completed text 21697\n", + "Completed text 21698\n", + "Completed text 21699\n", + "Completed text 21700\n", + "Completed text 21701\n", + "Completed text 21702\n", + "Completed text 21703\n", + "Completed text 21704\n", + "Completed text 21705\n", + "Completed text 21706\n", + "Completed text 21707\n", + "Completed text 21708\n", + "Completed text 21709\n", + "Completed text 21710\n", + "Completed text 21711\n", + "Completed text 21712\n", + "Completed text 21713\n", + "Completed text 21714\n", + "Completed text 21715\n", + "Completed text 21716\n", + "Completed text 21717\n", + "Completed text 21718\n", + "Completed text 21719\n", + "Completed text 21720\n", + "Completed text 21721\n", + "Completed text 21722\n", + "Completed text 21723\n", + "Completed text 21724\n", + "Completed text 21725\n", + "Completed text 21726\n", + "Completed text 21727\n", + "Completed text 21728\n", + "Completed text 21729\n", + "Completed text 21730\n", + "Completed text 21731\n", + "Completed text 21732\n", + "Completed text 21733\n", + "Completed text 21734\n", + "Completed text 21735\n", + "Completed text 21736\n", + "Completed text 21737\n", + "Completed text 21738\n", + "Completed text 21739\n", + "Completed text 21740\n", + "Completed text 21741\n", + "Completed text 21742\n", + "Completed text 21743\n", + "Completed text 21744\n", + "Completed text 21745\n", + "Completed text 21746\n", + "Completed text 21747\n", + "Completed text 21748\n", + "Completed text 21749\n", + "Completed text 21750\n", + "Completed text 21751\n", + "Completed text 21752\n", + "Completed text 21753\n", + "Completed text 21754\n", + "Completed text 21755\n", + "Completed text 21756\n", + "Completed text 21757\n", + "Completed text 21758\n", + "Completed text 21759\n", + "Completed text 21760\n", + "Completed text 21761\n", + "Completed text 21762\n", + "Completed text 21763\n", + "Completed text 21764\n", + "Completed text 21765\n", + "Completed text 21766\n", + "Completed text 21767\n", + "Completed text 21768\n", + "Completed text 21769\n", + "Completed text 21770\n", + "Completed text 21771\n", + "Completed text 21772\n", + "Completed text 21773\n", + "Completed text 21774\n", + "Completed text 21775\n", + "Completed text 21776\n", + "Completed text 21777\n", + "Completed text 21778\n", + "Completed text 21779\n", + "Completed text 21780\n", + "Completed text 21781\n", + "Completed text 21782\n", + "Completed text 21783\n", + "Completed text 21784\n", + "Completed text 21785\n", + "Completed text 21786\n", + "Completed text 21787\n", + "Completed text 21788\n", + "Completed text 21789\n", + "Completed text 21790\n", + "Completed text 21791\n", + "Completed text 21792\n", + "Completed text 21793\n", + "Completed text 21794\n", + "Completed text 21795\n", + "Completed text 21796\n", + "Completed text 21797\n", + "Completed text 21798\n", + "Completed text 21799\n", + "Completed text 21800\n", + "Completed text 21801\n", + "Completed text 21802\n", + "Completed text 21803\n", + "Completed text 21804\n", + "Completed text 21805\n", + "Completed text 21806\n", + "Completed text 21807\n", + "Completed text 21808\n", + "Completed text 21809\n", + "Completed text 21810\n", + "Completed text 21811\n", + "Completed text 21812\n", + "Completed text 21813\n", + "Completed text 21814\n", + "Completed text 21815\n", + "Completed text 21816\n", + "Completed text 21817\n", + "Completed text 21818\n", + "Completed text 21819\n", + "Completed text 21820\n", + "Completed text 21821\n", + "Completed text 21822\n", + "Completed text 21823\n", + "Completed text 21824\n", + "Completed text 21825\n", + "Completed text 21826\n", + "Completed text 21827\n", + "Completed text 21828\n", + "Completed text 21829\n", + "Completed text 21830\n", + "Completed text 21831\n", + "Completed text 21832\n", + "Completed text 21833\n", + "Completed text 21834\n", + "Completed text 21835\n", + "Completed text 21836\n", + "Completed text 21837\n", + "Completed text 21838\n", + "Completed text 21839\n", + "Completed text 21840\n", + "Completed text 21841\n", + "Completed text 21842\n", + "Completed text 21843\n", + "Completed text 21844\n", + "Completed text 21845\n", + "Completed text 21846\n", + "Completed text 21847\n", + "Completed text 21848\n", + "Completed text 21849\n", + "Completed text 21850\n", + "Completed text 21851\n", + "Completed text 21852\n", + "Completed text 21853\n", + "Completed text 21854\n", + "Completed text 21855\n", + "Completed text 21856\n", + "Completed text 21857\n", + "Completed text 21858\n", + "Completed text 21859\n", + "Completed text 21860\n", + "Completed text 21861\n", + "Completed text 21862\n", + "Completed text 21863\n", + "Completed text 21864\n", + "Completed text 21865\n", + "Completed text 21866\n", + "Completed text 21867\n", + "Completed text 21868\n", + "Completed text 21869\n", + "Completed text 21870\n", + "Completed text 21871\n", + "Completed text 21872\n", + "Completed text 21873\n", + "Completed text 21874\n", + "Completed text 21875\n", + "Completed text 21876\n", + "Completed text 21877\n", + "Completed text 21878\n", + "Completed text 21879\n", + "Completed text 21880\n", + "Completed text 21881\n", + "Completed text 21882\n", + "Completed text 21883\n", + "Completed text 21884\n", + "Completed text 21885\n", + "Completed text 21886\n", + "Completed text 21887\n", + "Completed text 21888\n", + "Completed text 21889\n", + "Completed text 21890\n", + "Completed text 21891\n", + "Completed text 21892\n", + "Completed text 21893\n", + "Completed text 21894\n", + "Completed text 21895\n", + "Completed text 21896\n", + "Completed text 21897\n", + "Completed text 21898\n", + "Completed text 21899\n", + "Completed text 21900\n", + "Completed text 21901\n", + "Completed text 21902\n", + "Completed text 21903\n", + "Completed text 21904\n", + "Completed text 21905\n", + "Completed text 21906\n", + "Completed text 21907\n", + "Completed text 21908\n", + "Completed text 21909\n", + "Completed text 21910\n", + "Completed text 21911\n", + "Completed text 21912\n", + "Completed text 21913\n", + "Completed text 21914\n", + "Completed text 21915\n", + "Completed text 21916\n", + "Completed text 21917\n", + "Completed text 21918\n", + "Completed text 21919\n", + "Completed text 21920\n", + "Completed text 21921\n", + "Completed text 21922\n", + "Completed text 21923\n", + "Completed text 21924\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 21925\n", + "Completed text 21926\n", + "Completed text 21927\n", + "Completed text 21928\n", + "Completed text 21929\n", + "Completed text 21930\n", + "Completed text 21931\n", + "Completed text 21932\n", + "Completed text 21933\n", + "Completed text 21934\n", + "Completed text 21935\n", + "Completed text 21936\n", + "Completed text 21937\n", + "Completed text 21938\n", + "Completed text 21939\n", + "Completed text 21940\n", + "Completed text 21941\n", + "Completed text 21942\n", + "Completed text 21943\n", + "Completed text 21944\n", + "Completed text 21945\n", + "Completed text 21946\n", + "Completed text 21947\n", + "Completed text 21948\n", + "Completed text 21949\n", + "Completed text 21950\n", + "Completed text 21951\n", + "Completed text 21952\n", + "Completed text 21953\n", + "Completed text 21954\n", + "Completed text 21955\n", + "Completed text 21956\n", + "Completed text 21957\n", + "Completed text 21958\n", + "Completed text 21959\n", + "Completed text 21960\n", + "Completed text 21961\n", + "Completed text 21962\n", + "Completed text 21963\n", + "Completed text 21964\n", + "Completed text 21965\n", + "Completed text 21966\n", + "Completed text 21967\n", + "Completed text 21968\n", + "Completed text 21969\n", + "Completed text 21970\n", + "Completed text 21971\n", + "Completed text 21972\n", + "Completed text 21973\n", + "Completed text 21974\n", + "Completed text 21975\n", + "Completed text 21976\n", + "Completed text 21977\n", + "Completed text 21978\n", + "Completed text 21979\n", + "Completed text 21980\n", + "Completed text 21981\n", + "Completed text 21982\n", + "Completed text 21983\n", + "Completed text 21984\n", + "Completed text 21985\n", + "Completed text 21986\n", + "Completed text 21987\n", + "Completed text 21988\n", + "Completed text 21989\n", + "Completed text 21990\n", + "Completed text 21991\n", + "Completed text 21992\n", + "Completed text 21993\n", + "Completed text 21994\n", + "Completed text 21995\n", + "Completed text 21996\n", + "Completed text 21997\n", + "Completed text 21998\n", + "Completed text 21999\n", + "Completed text 22000\n", + "Completed text 22001\n", + "Completed text 22002\n", + "Completed text 22003\n", + "Completed text 22004\n", + "Completed text 22005\n", + "Completed text 22006\n", + "Completed text 22007\n", + "Completed text 22008\n", + "Completed text 22009\n", + "Completed text 22010\n", + "Completed text 22011\n", + "Completed text 22012\n", + "Completed text 22013\n", + "Completed text 22014\n", + "Completed text 22015\n", + "Completed text 22016\n", + "Completed text 22017\n", + "Completed text 22018\n", + "Completed text 22019\n", + "Completed text 22020\n", + "Completed text 22021\n", + "Completed text 22022\n", + "Completed text 22023\n", + "Completed text 22024\n", + "Completed text 22025\n", + "Completed text 22026\n", + "Completed text 22027\n", + "Completed text 22028\n", + "Completed text 22029\n", + "Completed text 22030\n", + "Completed text 22031\n", + "Completed text 22032\n", + "Completed text 22033\n", + "Completed text 22034\n", + "Completed text 22035\n", + "Completed text 22036\n", + "Completed text 22037\n", + "Completed text 22038\n", + "Completed text 22039\n", + "Completed text 22040\n", + "Completed text 22041\n", + "Completed text 22042\n", + "Completed text 22043\n", + "Completed text 22044\n", + "Completed text 22045\n", + "Completed text 22046\n", + "Completed text 22047\n", + "Completed text 22048\n", + "Completed text 22049\n", + "Completed text 22050\n", + "Completed text 22051\n", + "Completed text 22052\n", + "Completed text 22053\n", + "Completed text 22054\n", + "Completed text 22055\n", + "Completed text 22056\n", + "Completed text 22057\n", + "Completed text 22058\n", + "Completed text 22059\n", + "Completed text 22060\n", + "Completed text 22061\n", + "Completed text 22062\n", + "Completed text 22063\n", + "Completed text 22064\n", + "Completed text 22065\n", + "Completed text 22066\n", + "Completed text 22067\n", + "Completed text 22068\n", + "Completed text 22069\n", + "Completed text 22070\n", + "Completed text 22071\n", + "Completed text 22072\n", + "Completed text 22073\n", + "Completed text 22074\n", + "Completed text 22075\n", + "Completed text 22076\n", + "Completed text 22077\n", + "Completed text 22078\n", + "Completed text 22079\n", + "Completed text 22080\n", + "Completed text 22081\n", + "Completed text 22082\n", + "Completed text 22083\n", + "Completed text 22084\n", + "Completed text 22085\n", + "Completed text 22086\n", + "Completed text 22087\n", + "Completed text 22088\n", + "Completed text 22089\n", + "Completed text 22090\n", + "Completed text 22091\n", + "Completed text 22092\n", + "Completed text 22093\n", + "Completed text 22094\n", + "Completed text 22095\n", + "Completed text 22096\n", + "Completed text 22097\n", + "Completed text 22098\n", + "Completed text 22099\n", + "Completed text 22100\n", + "Completed text 22101\n", + "Completed text 22102\n", + "Completed text 22103\n", + "Completed text 22104\n", + "Completed text 22105\n", + "Completed text 22106\n", + "Completed text 22107\n", + "Completed text 22108\n", + "Completed text 22109\n", + "Completed text 22110\n", + "Completed text 22111\n", + "Completed text 22112\n", + "Completed text 22113\n", + "Completed text 22114\n", + "Completed text 22115\n", + "Completed text 22116\n", + "Completed text 22117\n", + "Completed text 22118\n", + "Completed text 22119\n", + "Completed text 22120\n", + "Completed text 22121\n", + "Completed text 22122\n", + "Completed text 22123\n", + "Completed text 22124\n", + "Completed text 22125\n", + "Completed text 22126\n", + "Completed text 22127\n", + "Completed text 22128\n", + "Completed text 22129\n", + "Completed text 22130\n", + "Completed text 22131\n", + "Completed text 22132\n", + "Completed text 22133\n", + "Completed text 22134\n", + "Completed text 22135\n", + "Completed text 22136\n", + "Completed text 22137\n", + "Completed text 22138\n", + "Completed text 22139\n", + "Completed text 22140\n", + "Completed text 22141\n", + "Completed text 22142\n", + "Completed text 22143\n", + "Completed text 22144\n", + "Completed text 22145\n", + "Completed text 22146\n", + "Completed text 22147\n", + "Completed text 22148\n", + "Completed text 22149\n", + "Completed text 22150\n", + "Completed text 22151\n", + "Completed text 22152\n", + "Completed text 22153\n", + "Completed text 22154\n", + "Completed text 22155\n", + "Completed text 22156\n", + "Completed text 22157\n", + "Completed text 22158\n", + "Completed text 22159\n", + "Completed text 22160\n", + "Completed text 22161\n", + "Completed text 22162\n", + "Completed text 22163\n", + "Completed text 22164\n", + "Completed text 22165\n", + "Completed text 22166\n", + "Completed text 22167\n", + "Completed text 22168\n", + "Completed text 22169\n", + "Completed text 22170\n", + "Completed text 22171\n", + "Completed text 22172\n", + "Completed text 22173\n", + "Completed text 22174\n", + "Completed text 22175\n", + "Completed text 22176\n", + "Completed text 22177\n", + "Completed text 22178\n", + "Completed text 22179\n", + "Completed text 22180\n", + "Completed text 22181\n", + "Completed text 22182\n", + "Completed text 22183\n", + "Completed text 22184\n", + "Completed text 22185\n", + "Completed text 22186\n", + "Completed text 22187\n", + "Completed text 22188\n", + "Completed text 22189\n", + "Completed text 22190\n", + "Completed text 22191\n", + "Completed text 22192\n", + "Completed text 22193\n", + "Completed text 22194\n", + "Completed text 22195\n", + "Completed text 22196\n", + "Completed text 22197\n", + "Completed text 22198\n", + "Completed text 22199\n", + "Completed text 22200\n", + "Completed text 22201\n", + "Completed text 22202\n", + "Completed text 22203\n", + "Completed text 22204\n", + "Completed text 22205\n", + "Completed text 22206\n", + "Completed text 22207\n", + "Completed text 22208\n", + "Completed text 22209\n", + "Completed text 22210\n", + "Completed text 22211\n", + "Completed text 22212\n", + "Completed text 22213\n", + "Completed text 22214\n", + "Completed text 22215\n", + "Completed text 22216\n", + "Completed text 22217\n", + "Completed text 22218\n", + "Completed text 22219\n", + "Completed text 22220\n", + "Completed text 22221\n", + "Completed text 22222\n", + "Completed text 22223\n", + "Completed text 22224\n", + "Completed text 22225\n", + "Completed text 22226\n", + "Completed text 22227\n", + "Completed text 22228\n", + "Completed text 22229\n", + "Completed text 22230\n", + "Completed text 22231\n", + "Completed text 22232\n", + "Completed text 22233\n", + "Completed text 22234\n", + "Completed text 22235\n", + "Completed text 22236\n", + "Completed text 22237\n", + "Completed text 22238\n", + "Completed text 22239\n", + "Completed text 22240\n", + "Completed text 22241\n", + "Completed text 22242\n", + "Completed text 22243\n", + "Completed text 22244\n", + "Completed text 22245\n", + "Completed text 22246\n", + "Completed text 22247\n", + "Completed text 22248\n", + "Completed text 22249\n", + "Completed text 22250\n", + "Completed text 22251\n", + "Completed text 22252\n", + "Completed text 22253\n", + "Completed text 22254\n", + "Completed text 22255\n", + "Completed text 22256\n", + "Completed text 22257\n", + "Completed text 22258\n", + "Completed text 22259\n", + "Completed text 22260\n", + "Completed text 22261\n", + "Completed text 22262\n", + "Completed text 22263\n", + "Completed text 22264\n", + "Completed text 22265\n", + "Completed text 22266\n", + "Completed text 22267\n", + "Completed text 22268\n", + "Completed text 22269\n", + "Completed text 22270\n", + "Completed text 22271\n", + "Completed text 22272\n", + "Completed text 22273\n", + "Completed text 22274\n", + "Completed text 22275\n", + "Completed text 22276\n", + "Completed text 22277\n", + "Completed text 22278\n", + "Completed text 22279\n", + "Completed text 22280\n", + "Completed text 22281\n", + "Completed text 22282\n", + "Completed text 22283\n", + "Completed text 22284\n", + "Completed text 22285\n", + "Completed text 22286\n", + "Completed text 22287\n", + "Completed text 22288\n", + "Completed text 22289\n", + "Completed text 22290\n", + "Completed text 22291\n", + "Completed text 22292\n", + "Completed text 22293\n", + "Completed text 22294\n", + "Completed text 22295\n", + "Completed text 22296\n", + "Completed text 22297\n", + "Completed text 22298\n", + "Completed text 22299\n", + "Completed text 22300\n", + "Completed text 22301\n", + "Completed text 22302\n", + "Completed text 22303\n", + "Completed text 22304\n", + "Completed text 22305\n", + "Completed text 22306\n", + "Completed text 22307\n", + "Completed text 22308\n", + "Completed text 22309\n", + "Completed text 22310\n", + "Completed text 22311\n", + "Completed text 22312\n", + "Completed text 22313\n", + "Completed text 22314\n", + "Completed text 22315\n", + "Completed text 22316\n", + "Completed text 22317\n", + "Completed text 22318\n", + "Completed text 22319\n", + "Completed text 22320\n", + "Completed text 22321\n", + "Completed text 22322\n", + "Completed text 22323\n", + "Completed text 22324\n", + "Completed text 22325\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 22326\n", + "Completed text 22327\n", + "Completed text 22328\n", + "Completed text 22329\n", + "Completed text 22330\n", + "Completed text 22331\n", + "Completed text 22332\n", + "Completed text 22333\n", + "Completed text 22334\n", + "Completed text 22335\n", + "Completed text 22336\n", + "Completed text 22337\n", + "Completed text 22338\n", + "Completed text 22339\n", + "Completed text 22340\n", + "Completed text 22341\n", + "Completed text 22342\n", + "Completed text 22343\n", + "Completed text 22344\n", + "Completed text 22345\n", + "Completed text 22346\n", + "Completed text 22347\n", + "Completed text 22348\n", + "Completed text 22349\n", + "Completed text 22350\n", + "Completed text 22351\n", + "Completed text 22352\n", + "Completed text 22353\n", + "Completed text 22354\n", + "Completed text 22355\n", + "Completed text 22356\n", + "Completed text 22357\n", + "Completed text 22358\n", + "Completed text 22359\n", + "Completed text 22360\n", + "Completed text 22361\n", + "Completed text 22362\n", + "Completed text 22363\n", + "Completed text 22364\n", + "Completed text 22365\n", + "Completed text 22366\n", + "Completed text 22367\n", + "Completed text 22368\n", + "Completed text 22369\n", + "Completed text 22370\n", + "Completed text 22371\n", + "Completed text 22372\n", + "Completed text 22373\n", + "Completed text 22374\n", + "Completed text 22375\n", + "Completed text 22376\n", + "Completed text 22377\n", + "Completed text 22378\n", + "Completed text 22379\n", + "Completed text 22380\n", + "Completed text 22381\n", + "Completed text 22382\n", + "Completed text 22383\n", + "Completed text 22384\n", + "Completed text 22385\n", + "Completed text 22386\n", + "Completed text 22387\n", + "Completed text 22388\n", + "Completed text 22389\n", + "Completed text 22390\n", + "Completed text 22391\n", + "Completed text 22392\n", + "Completed text 22393\n", + "Completed text 22394\n", + "Completed text 22395\n", + "Completed text 22396\n", + "Completed text 22397\n", + "Completed text 22398\n", + "Completed text 22399\n", + "Completed text 22400\n", + "Completed text 22401\n", + "Completed text 22402\n", + "Completed text 22403\n", + "Completed text 22404\n", + "Completed text 22405\n", + "Completed text 22406\n", + "Completed text 22407\n", + "Completed text 22408\n", + "Completed text 22409\n", + "Completed text 22410\n", + "Completed text 22411\n", + "Completed text 22412\n", + "Completed text 22413\n", + "Completed text 22414\n", + "Completed text 22415\n", + "Completed text 22416\n", + "Completed text 22417\n", + "Completed text 22418\n", + "Completed text 22419\n", + "Completed text 22420\n", + "Completed text 22421\n", + "Completed text 22422\n", + "Completed text 22423\n", + "Completed text 22424\n", + "Completed text 22425\n", + "Completed text 22426\n", + "Completed text 22427\n", + "Completed text 22428\n", + "Completed text 22429\n", + "Completed text 22430\n", + "Completed text 22431\n", + "Completed text 22432\n", + "Completed text 22433\n", + "Completed text 22434\n", + "Completed text 22435\n", + "Completed text 22436\n", + "Completed text 22437\n", + "Completed text 22438\n", + "Completed text 22439\n", + "Completed text 22440\n", + "Completed text 22441\n", + "Completed text 22442\n", + "Completed text 22443\n", + "Completed text 22444\n", + "Completed text 22445\n", + "Completed text 22446\n", + "Completed text 22447\n", + "Completed text 22448\n", + "Completed text 22449\n", + "Completed text 22450\n", + "Completed text 22451\n", + "Completed text 22452\n", + "Completed text 22453\n", + "Completed text 22454\n", + "Completed text 22455\n", + "Completed text 22456\n", + "Completed text 22457\n", + "Completed text 22458\n", + "Completed text 22459\n", + "Completed text 22460\n", + "Completed text 22461\n", + "Completed text 22462\n", + "Completed text 22463\n", + "Completed text 22464\n", + "Completed text 22465\n", + "Completed text 22466\n", + "Completed text 22467\n", + "Completed text 22468\n", + "Completed text 22469\n", + "Completed text 22470\n", + "Completed text 22471\n", + "Completed text 22472\n", + "Completed text 22473\n", + "Completed text 22474\n", + "Completed text 22475\n", + "Completed text 22476\n", + "Completed text 22477\n", + "Completed text 22478\n", + "Completed text 22479\n", + "Completed text 22480\n", + "Completed text 22481\n", + "Completed text 22482\n", + "Completed text 22483\n", + "Completed text 22484\n", + "Completed text 22485\n", + "Completed text 22486\n", + "Completed text 22487\n", + "Completed text 22488\n", + "Completed text 22489\n", + "Completed text 22490\n", + "Completed text 22491\n", + "Completed text 22492\n", + "Completed text 22493\n", + "Completed text 22494\n", + "Completed text 22495\n", + "Completed text 22496\n", + "Completed text 22497\n", + "Completed text 22498\n", + "Completed text 22499\n", + "Completed text 22500\n", + "Completed text 22501\n", + "Completed text 22502\n", + "Completed text 22503\n", + "Completed text 22504\n", + "Completed text 22505\n", + "Completed text 22506\n", + "Completed text 22507\n", + "Completed text 22508\n", + "Completed text 22509\n", + "Completed text 22510\n", + "Completed text 22511\n", + "Completed text 22512\n", + "Completed text 22513\n", + "Completed text 22514\n", + "Completed text 22515\n", + "Completed text 22516\n", + "Completed text 22517\n", + "Completed text 22518\n", + "Completed text 22519\n", + "Completed text 22520\n", + "Completed text 22521\n", + "Completed text 22522\n", + "Completed text 22523\n", + "Completed text 22524\n", + "Completed text 22525\n", + "Completed text 22526\n", + "Completed text 22527\n", + "Completed text 22528\n", + "Completed text 22529\n", + "Completed text 22530\n", + "Completed text 22531\n", + "Completed text 22532\n", + "Completed text 22533\n", + "Completed text 22534\n", + "Completed text 22535\n", + "Completed text 22536\n", + "Completed text 22537\n", + "Completed text 22538\n", + "Completed text 22539\n", + "Completed text 22540\n", + "Completed text 22541\n", + "Completed text 22542\n", + "Completed text 22543\n", + "Completed text 22544\n", + "Completed text 22545\n", + "Completed text 22546\n", + "Completed text 22547\n", + "Completed text 22548\n", + "Completed text 22549\n", + "Completed text 22550\n", + "Completed text 22551\n", + "Completed text 22552\n", + "Completed text 22553\n", + "Completed text 22554\n", + "Completed text 22555\n", + "Completed text 22556\n", + "Completed text 22557\n", + "Completed text 22558\n", + "Completed text 22559\n", + "Completed text 22560\n", + "Completed text 22561\n", + "Completed text 22562\n", + "Completed text 22563\n", + "Completed text 22564\n", + "Completed text 22565\n", + "Completed text 22566\n", + "Completed text 22567\n", + "Completed text 22568\n", + "Completed text 22569\n", + "Completed text 22570\n", + "Completed text 22571\n", + "Completed text 22572\n", + "Completed text 22573\n", + "Completed text 22574\n", + "Completed text 22575\n", + "Completed text 22576\n", + "Completed text 22577\n", + "Completed text 22578\n", + "Completed text 22579\n", + "Completed text 22580\n", + "Completed text 22581\n", + "Completed text 22582\n", + "Completed text 22583\n", + "Completed text 22584\n", + "Completed text 22585\n", + "Completed text 22586\n", + "Completed text 22587\n", + "Completed text 22588\n", + "Completed text 22589\n", + "Completed text 22590\n", + "Completed text 22591\n", + "Completed text 22592\n", + "Completed text 22593\n", + "Completed text 22594\n", + "Completed text 22595\n", + "Completed text 22596\n", + "Completed text 22597\n", + "Completed text 22598\n", + "Completed text 22599\n", + "Completed text 22600\n", + "Completed text 22601\n", + "Completed text 22602\n", + "Completed text 22603\n", + "Completed text 22604\n", + "Completed text 22605\n", + "Completed text 22606\n", + "Completed text 22607\n", + "Completed text 22608\n", + "Completed text 22609\n", + "Completed text 22610\n", + "Completed text 22611\n", + "Completed text 22612\n", + "Completed text 22613\n", + "Completed text 22614\n", + "Completed text 22615\n", + "Completed text 22616\n", + "Completed text 22617\n", + "Completed text 22618\n", + "Completed text 22619\n", + "Completed text 22620\n", + "Completed text 22621\n", + "Completed text 22622\n", + "Completed text 22623\n", + "Completed text 22624\n", + "Completed text 22625\n", + "Completed text 22626\n", + "Completed text 22627\n", + "Completed text 22628\n", + "Completed text 22629\n", + "Completed text 22630\n", + "Completed text 22631\n", + "Completed text 22632\n", + "Completed text 22633\n", + "Completed text 22634\n", + "Completed text 22635\n", + "Completed text 22636\n", + "Completed text 22637\n", + "Completed text 22638\n", + "Completed text 22639\n", + "Completed text 22640\n", + "Completed text 22641\n", + "Completed text 22642\n", + "Completed text 22643\n", + "Completed text 22644\n", + "Completed text 22645\n", + "Completed text 22646\n", + "Completed text 22647\n", + "Completed text 22648\n", + "Completed text 22649\n", + "Completed text 22650\n", + "Completed text 22651\n", + "Completed text 22652\n", + "Completed text 22653\n", + "Completed text 22654\n", + "Completed text 22655\n", + "Completed text 22656\n", + "Completed text 22657\n", + "Completed text 22658\n", + "Completed text 22659\n", + "Completed text 22660\n", + "Completed text 22661\n", + "Completed text 22662\n", + "Completed text 22663\n", + "Completed text 22664\n", + "Completed text 22665\n", + "Completed text 22666\n", + "Completed text 22667\n", + "Completed text 22668\n", + "Completed text 22669\n", + "Completed text 22670\n", + "Completed text 22671\n", + "Completed text 22672\n", + "Completed text 22673\n", + "Completed text 22674\n", + "Completed text 22675\n", + "Completed text 22676\n", + "Completed text 22677\n", + "Completed text 22678\n", + "Completed text 22679\n", + "Completed text 22680\n", + "Completed text 22681\n", + "Completed text 22682\n", + "Completed text 22683\n", + "Completed text 22684\n", + "Completed text 22685\n", + "Completed text 22686\n", + "Completed text 22687\n", + "Completed text 22688\n", + "Completed text 22689\n", + "Completed text 22690\n", + "Completed text 22691\n", + "Completed text 22692\n", + "Completed text 22693\n", + "Completed text 22694\n", + "Completed text 22695\n", + "Completed text 22696\n", + "Completed text 22697\n", + "Completed text 22698\n", + "Completed text 22699\n", + "Completed text 22700\n", + "Completed text 22701\n", + "Completed text 22702\n", + "Completed text 22703\n", + "Completed text 22704\n", + "Completed text 22705\n", + "Completed text 22706\n", + "Completed text 22707\n", + "Completed text 22708\n", + "Completed text 22709\n", + "Completed text 22710\n", + "Completed text 22711\n", + "Completed text 22712\n", + "Completed text 22713\n", + "Completed text 22714\n", + "Completed text 22715\n", + "Completed text 22716\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 22717\n", + "Completed text 22718\n", + "Completed text 22719\n", + "Completed text 22720\n", + "Completed text 22721\n", + "Completed text 22722\n", + "Completed text 22723\n", + "Completed text 22724\n", + "Completed text 22725\n", + "Completed text 22726\n", + "Completed text 22727\n", + "Completed text 22728\n", + "Completed text 22729\n", + "Completed text 22730\n", + "Completed text 22731\n", + "Completed text 22732\n", + "Completed text 22733\n", + "Completed text 22734\n", + "Completed text 22735\n", + "Completed text 22736\n", + "Completed text 22737\n", + "Completed text 22738\n", + "Completed text 22739\n", + "Completed text 22740\n", + "Completed text 22741\n", + "Completed text 22742\n", + "Completed text 22743\n", + "Completed text 22744\n", + "Completed text 22745\n", + "Completed text 22746\n", + "Completed text 22747\n", + "Completed text 22748\n", + "Completed text 22749\n", + "Completed text 22750\n", + "Completed text 22751\n", + "Completed text 22752\n", + "Completed text 22753\n", + "Completed text 22754\n", + "Completed text 22755\n", + "Completed text 22756\n", + "Completed text 22757\n", + "Completed text 22758\n", + "Completed text 22759\n", + "Completed text 22760\n", + "Completed text 22761\n", + "Completed text 22762\n", + "Completed text 22763\n", + "Completed text 22764\n", + "Completed text 22765\n", + "Completed text 22766\n", + "Completed text 22767\n", + "Completed text 22768\n", + "Completed text 22769\n", + "Completed text 22770\n", + "Completed text 22771\n", + "Completed text 22772\n", + "Completed text 22773\n", + "Completed text 22774\n", + "Completed text 22775\n", + "Completed text 22776\n", + "Completed text 22777\n", + "Completed text 22778\n", + "Completed text 22779\n", + "Completed text 22780\n", + "Completed text 22781\n", + "Completed text 22782\n", + "Completed text 22783\n", + "Completed text 22784\n", + "Completed text 22785\n", + "Completed text 22786\n", + "Completed text 22787\n", + "Completed text 22788\n", + "Completed text 22789\n", + "Completed text 22790\n", + "Completed text 22791\n", + "Completed text 22792\n", + "Completed text 22793\n", + "Completed text 22794\n", + "Completed text 22795\n", + "Completed text 22796\n", + "Completed text 22797\n", + "Completed text 22798\n", + "Completed text 22799\n", + "Completed text 22800\n", + "Completed text 22801\n", + "Completed text 22802\n", + "Completed text 22803\n", + "Completed text 22804\n", + "Completed text 22805\n", + "Completed text 22806\n", + "Completed text 22807\n", + "Completed text 22808\n", + "Completed text 22809\n", + "Completed text 22810\n", + "Completed text 22811\n", + "Completed text 22812\n", + "Completed text 22813\n", + "Completed text 22814\n", + "Completed text 22815\n", + "Completed text 22816\n", + "Completed text 22817\n", + "Completed text 22818\n", + "Completed text 22819\n", + "Completed text 22820\n", + "Completed text 22821\n", + "Completed text 22822\n", + "Completed text 22823\n", + "Completed text 22824\n", + "Completed text 22825\n", + "Completed text 22826\n", + "Completed text 22827\n", + "Completed text 22828\n", + "Completed text 22829\n", + "Completed text 22830\n", + "Completed text 22831\n", + "Completed text 22832\n", + "Completed text 22833\n", + "Completed text 22834\n", + "Completed text 22835\n", + "Completed text 22836\n", + "Completed text 22837\n", + "Completed text 22838\n", + "Completed text 22839\n", + "Completed text 22840\n", + "Completed text 22841\n", + "Completed text 22842\n", + "Completed text 22843\n", + "Completed text 22844\n", + "Completed text 22845\n", + "Completed text 22846\n", + "Completed text 22847\n", + "Completed text 22848\n", + "Completed text 22849\n", + "Completed text 22850\n", + "Completed text 22851\n", + "Completed text 22852\n", + "Completed text 22853\n", + "Completed text 22854\n", + "Completed text 22855\n", + "Completed text 22856\n", + "Completed text 22857\n", + "Completed text 22858\n", + "Completed text 22859\n", + "Completed text 22860\n", + "Completed text 22861\n", + "Completed text 22862\n", + "Completed text 22863\n", + "Completed text 22864\n", + "Completed text 22865\n", + "Completed text 22866\n", + "Completed text 22867\n", + "Completed text 22868\n", + "Completed text 22869\n", + "Completed text 22870\n", + "Completed text 22871\n", + "Completed text 22872\n", + "Completed text 22873\n", + "Completed text 22874\n", + "Completed text 22875\n", + "Completed text 22876\n", + "Completed text 22877\n", + "Completed text 22878\n", + "Completed text 22879\n", + "Completed text 22880\n", + "Completed text 22881\n", + "Completed text 22882\n", + "Completed text 22883\n", + "Completed text 22884\n", + "Completed text 22885\n", + "Completed text 22886\n", + "Completed text 22887\n", + "Completed text 22888\n", + "Completed text 22889\n", + "Completed text 22890\n", + "Completed text 22891\n", + "Completed text 22892\n", + "Completed text 22893\n", + "Completed text 22894\n", + "Completed text 22895\n", + "Completed text 22896\n", + "Completed text 22897\n", + "Completed text 22898\n", + "Completed text 22899\n", + "Completed text 22900\n", + "Completed text 22901\n", + "Completed text 22902\n", + "Completed text 22903\n", + "Completed text 22904\n", + "Completed text 22905\n", + "Completed text 22906\n", + "Completed text 22907\n", + "Completed text 22908\n", + "Completed text 22909\n", + "Completed text 22910\n", + "Completed text 22911\n", + "Completed text 22912\n", + "Completed text 22913\n", + "Completed text 22914\n", + "Completed text 22915\n", + "Completed text 22916\n", + "Completed text 22917\n", + "Completed text 22918\n", + "Completed text 22919\n", + "Completed text 22920\n", + "Completed text 22921\n", + "Completed text 22922\n", + "Completed text 22923\n", + "Completed text 22924\n", + "Completed text 22925\n", + "Completed text 22926\n", + "Completed text 22927\n", + "Completed text 22928\n", + "Completed text 22929\n", + "Completed text 22930\n", + "Completed text 22931\n", + "Completed text 22932\n", + "Completed text 22933\n", + "Completed text 22934\n", + "Completed text 22935\n", + "Completed text 22936\n", + "Completed text 22937\n", + "Completed text 22938\n", + "Completed text 22939\n", + "Completed text 22940\n", + "Completed text 22941\n", + "Completed text 22942\n", + "Completed text 22943\n", + "Completed text 22944\n", + "Completed text 22945\n", + "Completed text 22946\n", + "Completed text 22947\n", + "Completed text 22948\n", + "Completed text 22949\n", + "Completed text 22950\n", + "Completed text 22951\n", + "Completed text 22952\n", + "Completed text 22953\n", + "Completed text 22954\n", + "Completed text 22955\n", + "Completed text 22956\n", + "Completed text 22957\n", + "Completed text 22958\n", + "Completed text 22959\n", + "Completed text 22960\n", + "Completed text 22961\n", + "Completed text 22962\n", + "Completed text 22963\n", + "Completed text 22964\n", + "Completed text 22965\n", + "Completed text 22966\n", + "Completed text 22967\n", + "Completed text 22968\n", + "Completed text 22969\n", + "Completed text 22970\n", + "Completed text 22971\n", + "Completed text 22972\n", + "Completed text 22973\n", + "Completed text 22974\n", + "Completed text 22975\n", + "Completed text 22976\n", + "Completed text 22977\n", + "Completed text 22978\n", + "Completed text 22979\n", + "Completed text 22980\n", + "Completed text 22981\n", + "Completed text 22982\n", + "Completed text 22983\n", + "Completed text 22984\n", + "Completed text 22985\n", + "Completed text 22986\n", + "Completed text 22987\n", + "Completed text 22988\n", + "Completed text 22989\n", + "Completed text 22990\n", + "Completed text 22991\n", + "Completed text 22992\n", + "Completed text 22993\n", + "Completed text 22994\n", + "Completed text 22995\n", + "Completed text 22996\n", + "Completed text 22997\n", + "Completed text 22998\n", + "Completed text 22999\n", + "Completed text 23000\n", + "Completed text 23001\n", + "Completed text 23002\n", + "Completed text 23003\n", + "Completed text 23004\n", + "Completed text 23005\n", + "Completed text 23006\n", + "Completed text 23007\n", + "Completed text 23008\n", + "Completed text 23009\n", + "Completed text 23010\n", + "Completed text 23011\n", + "Completed text 23012\n", + "Completed text 23013\n", + "Completed text 23014\n", + "Completed text 23015\n", + "Completed text 23016\n", + "Completed text 23017\n", + "Completed text 23018\n", + "Completed text 23019\n", + "Completed text 23020\n", + "Completed text 23021\n", + "Completed text 23022\n", + "Completed text 23023\n", + "Completed text 23024\n", + "Completed text 23025\n", + "Completed text 23026\n", + "Completed text 23027\n", + "Completed text 23028\n", + "Completed text 23029\n", + "Completed text 23030\n", + "Completed text 23031\n", + "Completed text 23032\n", + "Completed text 23033\n", + "Completed text 23034\n", + "Completed text 23035\n", + "Completed text 23036\n", + "Completed text 23037\n", + "Completed text 23038\n", + "Completed text 23039\n", + "Completed text 23040\n", + "Completed text 23041\n", + "Completed text 23042\n", + "Completed text 23043\n", + "Completed text 23044\n", + "Completed text 23045\n", + "Completed text 23046\n", + "Completed text 23047\n", + "Completed text 23048\n", + "Completed text 23049\n", + "Completed text 23050\n", + "Completed text 23051\n", + "Completed text 23052\n", + "Completed text 23053\n", + "Completed text 23054\n", + "Completed text 23055\n", + "Completed text 23056\n", + "Completed text 23057\n", + "Completed text 23058\n", + "Completed text 23059\n", + "Completed text 23060\n", + "Completed text 23061\n", + "Completed text 23062\n", + "Completed text 23063\n", + "Completed text 23064\n", + "Completed text 23065\n", + "Completed text 23066\n", + "Completed text 23067\n", + "Completed text 23068\n", + "Completed text 23069\n", + "Completed text 23070\n", + "Completed text 23071\n", + "Completed text 23072\n", + "Completed text 23073\n", + "Completed text 23074\n", + "Completed text 23075\n", + "Completed text 23076\n", + "Completed text 23077\n", + "Completed text 23078\n", + "Completed text 23079\n", + "Completed text 23080\n", + "Completed text 23081\n", + "Completed text 23082\n", + "Completed text 23083\n", + "Completed text 23084\n", + "Completed text 23085\n", + "Completed text 23086\n", + "Completed text 23087\n", + "Completed text 23088\n", + "Completed text 23089\n", + "Completed text 23090\n", + "Completed text 23091\n", + "Completed text 23092\n", + "Completed text 23093\n", + "Completed text 23094\n", + "Completed text 23095\n", + "Completed text 23096\n", + "Completed text 23097\n", + "Completed text 23098\n", + "Completed text 23099\n", + "Completed text 23100\n", + "Completed text 23101\n", + "Completed text 23102\n", + "Completed text 23103\n", + "Completed text 23104\n", + "Completed text 23105\n", + "Completed text 23106\n", + "Completed text 23107\n", + "Completed text 23108\n", + "Completed text 23109\n", + "Completed text 23110\n", + "Completed text 23111\n", + "Completed text 23112\n", + "Completed text 23113\n", + "Completed text 23114\n", + "Completed text 23115\n", + "Completed text 23116\n", + "Completed text 23117\n", + "Completed text 23118\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 23119\n", + "Completed text 23120\n", + "Completed text 23121\n", + "Completed text 23122\n", + "Completed text 23123\n", + "Completed text 23124\n", + "Completed text 23125\n", + "Completed text 23126\n", + "Completed text 23127\n", + "Completed text 23128\n", + "Completed text 23129\n", + "Completed text 23130\n", + "Completed text 23131\n", + "Completed text 23132\n", + "Completed text 23133\n", + "Completed text 23134\n", + "Completed text 23135\n", + "Completed text 23136\n", + "Completed text 23137\n", + "Completed text 23138\n", + "Completed text 23139\n", + "Completed text 23140\n", + "Completed text 23141\n", + "Completed text 23142\n", + "Completed text 23143\n", + "Completed text 23144\n", + "Completed text 23145\n", + "Completed text 23146\n", + "Completed text 23147\n", + "Completed text 23148\n", + "Completed text 23149\n", + "Completed text 23150\n", + "Completed text 23151\n", + "Completed text 23152\n", + "Completed text 23153\n", + "Completed text 23154\n", + "Completed text 23155\n", + "Completed text 23156\n", + "Completed text 23157\n", + "Completed text 23158\n", + "Completed text 23159\n", + "Completed text 23160\n", + "Completed text 23161\n", + "Completed text 23162\n", + "Completed text 23163\n", + "Completed text 23164\n", + "Completed text 23165\n", + "Completed text 23166\n", + "Completed text 23167\n", + "Completed text 23168\n", + "Completed text 23169\n", + "Completed text 23170\n", + "Completed text 23171\n", + "Completed text 23172\n", + "Completed text 23173\n", + "Completed text 23174\n", + "Completed text 23175\n", + "Completed text 23176\n", + "Completed text 23177\n", + "Completed text 23178\n", + "Completed text 23179\n", + "Completed text 23180\n", + "Completed text 23181\n", + "Completed text 23182\n", + "Completed text 23183\n", + "Completed text 23184\n", + "Completed text 23185\n", + "Completed text 23186\n", + "Completed text 23187\n", + "Completed text 23188\n", + "Completed text 23189\n", + "Completed text 23190\n", + "Completed text 23191\n", + "Completed text 23192\n", + "Completed text 23193\n", + "Completed text 23194\n", + "Completed text 23195\n", + "Completed text 23196\n", + "Completed text 23197\n", + "Completed text 23198\n", + "Completed text 23199\n", + "Completed text 23200\n", + "Completed text 23201\n", + "Completed text 23202\n", + "Completed text 23203\n", + "Completed text 23204\n", + "Completed text 23205\n", + "Completed text 23206\n", + "Completed text 23207\n", + "Completed text 23208\n", + "Completed text 23209\n", + "Completed text 23210\n", + "Completed text 23211\n", + "Completed text 23212\n", + "Completed text 23213\n", + "Completed text 23214\n", + "Completed text 23215\n", + "Completed text 23216\n", + "Completed text 23217\n", + "Completed text 23218\n", + "Completed text 23219\n", + "Completed text 23220\n", + "Completed text 23221\n", + "Completed text 23222\n", + "Completed text 23223\n", + "Completed text 23224\n", + "Completed text 23225\n", + "Completed text 23226\n", + "Completed text 23227\n", + "Completed text 23228\n", + "Completed text 23229\n", + "Completed text 23230\n", + "Completed text 23231\n", + "Completed text 23232\n", + "Completed text 23233\n", + "Completed text 23234\n", + "Completed text 23235\n", + "Completed text 23236\n", + "Completed text 23237\n", + "Completed text 23238\n", + "Completed text 23239\n", + "Completed text 23240\n", + "Completed text 23241\n", + "Completed text 23242\n", + "Completed text 23243\n", + "Completed text 23244\n", + "Completed text 23245\n", + "Completed text 23246\n", + "Completed text 23247\n", + "Completed text 23248\n", + "Completed text 23249\n", + "Completed text 23250\n", + "Completed text 23251\n", + "Completed text 23252\n", + "Completed text 23253\n", + "Completed text 23254\n", + "Completed text 23255\n", + "Completed text 23256\n", + "Completed text 23257\n", + "Completed text 23258\n", + "Completed text 23259\n", + "Completed text 23260\n", + "Completed text 23261\n", + "Completed text 23262\n", + "Completed text 23263\n", + "Completed text 23264\n", + "Completed text 23265\n", + "Completed text 23266\n", + "Completed text 23267\n", + "Completed text 23268\n", + "Completed text 23269\n", + "Completed text 23270\n", + "Completed text 23271\n", + "Completed text 23272\n", + "Completed text 23273\n", + "Completed text 23274\n", + "Completed text 23275\n", + "Completed text 23276\n", + "Completed text 23277\n", + "Completed text 23278\n", + "Completed text 23279\n", + "Completed text 23280\n", + "Completed text 23281\n", + "Completed text 23282\n", + "Completed text 23283\n", + "Completed text 23284\n", + "Completed text 23285\n", + "Completed text 23286\n", + "Completed text 23287\n", + "Completed text 23288\n", + "Completed text 23289\n", + "Completed text 23290\n", + "Completed text 23291\n", + "Completed text 23292\n", + "Completed text 23293\n", + "Completed text 23294\n", + "Completed text 23295\n", + "Completed text 23296\n", + "Completed text 23297\n", + "Completed text 23298\n", + "Completed text 23299\n", + "Completed text 23300\n", + "Completed text 23301\n", + "Completed text 23302\n", + "Completed text 23303\n", + "Completed text 23304\n", + "Completed text 23305\n", + "Completed text 23306\n", + "Completed text 23307\n", + "Completed text 23308\n", + "Completed text 23309\n", + "Completed text 23310\n", + "Completed text 23311\n", + "Completed text 23312\n", + "Completed text 23313\n", + "Completed text 23314\n", + "Completed text 23315\n", + "Completed text 23316\n", + "Completed text 23317\n", + "Completed text 23318\n", + "Completed text 23319\n", + "Completed text 23320\n", + "Completed text 23321\n", + "Completed text 23322\n", + "Completed text 23323\n", + "Completed text 23324\n", + "Completed text 23325\n", + "Completed text 23326\n", + "Completed text 23327\n", + "Completed text 23328\n", + "Completed text 23329\n", + "Completed text 23330\n", + "Completed text 23331\n", + "Completed text 23332\n", + "Completed text 23333\n", + "Completed text 23334\n", + "Completed text 23335\n", + "Completed text 23336\n", + "Completed text 23337\n", + "Completed text 23338\n", + "Completed text 23339\n", + "Completed text 23340\n", + "Completed text 23341\n", + "Completed text 23342\n", + "Completed text 23343\n", + "Completed text 23344\n", + "Completed text 23345\n", + "Completed text 23346\n", + "Completed text 23347\n", + "Completed text 23348\n", + "Completed text 23349\n", + "Completed text 23350\n", + "Completed text 23351\n", + "Completed text 23352\n", + "Completed text 23353\n", + "Completed text 23354\n", + "Completed text 23355\n", + "Completed text 23356\n", + "Completed text 23357\n", + "Completed text 23358\n", + "Completed text 23359\n", + "Completed text 23360\n", + "Completed text 23361\n", + "Completed text 23362\n", + "Completed text 23363\n", + "Completed text 23364\n", + "Completed text 23365\n", + "Completed text 23366\n", + "Completed text 23367\n", + "Completed text 23368\n", + "Completed text 23369\n", + "Completed text 23370\n", + "Completed text 23371\n", + "Completed text 23372\n", + "Completed text 23373\n", + "Completed text 23374\n", + "Completed text 23375\n", + "Completed text 23376\n", + "Completed text 23377\n", + "Completed text 23378\n", + "Completed text 23379\n", + "Completed text 23380\n", + "Completed text 23381\n", + "Completed text 23382\n", + "Completed text 23383\n", + "Completed text 23384\n", + "Completed text 23385\n", + "Completed text 23386\n", + "Completed text 23387\n", + "Completed text 23388\n", + "Completed text 23389\n", + "Completed text 23390\n", + "Completed text 23391\n", + "Completed text 23392\n", + "Completed text 23393\n", + "Completed text 23394\n", + "Completed text 23395\n", + "Completed text 23396\n", + "Completed text 23397\n", + "Completed text 23398\n", + "Completed text 23399\n", + "Completed text 23400\n", + "Completed text 23401\n", + "Completed text 23402\n", + "Completed text 23403\n", + "Completed text 23404\n", + "Completed text 23405\n", + "Completed text 23406\n", + "Completed text 23407\n", + "Completed text 23408\n", + "Completed text 23409\n", + "Completed text 23410\n", + "Completed text 23411\n", + "Completed text 23412\n", + "Completed text 23413\n", + "Completed text 23414\n", + "Completed text 23415\n", + "Completed text 23416\n", + "Completed text 23417\n", + "Completed text 23418\n", + "Completed text 23419\n", + "Completed text 23420\n", + "Completed text 23421\n", + "Completed text 23422\n", + "Completed text 23423\n", + "Completed text 23424\n", + "Completed text 23425\n", + "Completed text 23426\n", + "Completed text 23427\n", + "Completed text 23428\n", + "Completed text 23429\n", + "Completed text 23430\n", + "Completed text 23431\n", + "Completed text 23432\n", + "Completed text 23433\n", + "Completed text 23434\n", + "Completed text 23435\n", + "Completed text 23436\n", + "Completed text 23437\n", + "Completed text 23438\n", + "Completed text 23439\n", + "Completed text 23440\n", + "Completed text 23441\n", + "Completed text 23442\n", + "Completed text 23443\n", + "Completed text 23444\n", + "Completed text 23445\n", + "Completed text 23446\n", + "Completed text 23447\n", + "Completed text 23448\n", + "Completed text 23449\n", + "Completed text 23450\n", + "Completed text 23451\n", + "Completed text 23452\n", + "Completed text 23453\n", + "Completed text 23454\n", + "Completed text 23455\n", + "Completed text 23456\n", + "Completed text 23457\n", + "Completed text 23458\n", + "Completed text 23459\n", + "Completed text 23460\n", + "Completed text 23461\n", + "Completed text 23462\n", + "Completed text 23463\n", + "Completed text 23464\n", + "Completed text 23465\n", + "Completed text 23466\n", + "Completed text 23467\n", + "Completed text 23468\n", + "Completed text 23469\n", + "Completed text 23470\n", + "Completed text 23471\n", + "Completed text 23472\n", + "Completed text 23473\n", + "Completed text 23474\n", + "Completed text 23475\n", + "Completed text 23476\n", + "Completed text 23477\n", + "Completed text 23478\n", + "Completed text 23479\n", + "Completed text 23480\n", + "Completed text 23481\n", + "Completed text 23482\n", + "Completed text 23483\n", + "Completed text 23484\n", + "Completed text 23485\n", + "Completed text 23486\n", + "Completed text 23487\n", + "Completed text 23488\n", + "Completed text 23489\n", + "Completed text 23490\n", + "Completed text 23491\n", + "Completed text 23492\n", + "Completed text 23493\n", + "Completed text 23494\n", + "Completed text 23495\n", + "Completed text 23496\n", + "Completed text 23497\n", + "Completed text 23498\n", + "Completed text 23499\n", + "Completed text 23500\n", + "Completed text 23501\n", + "Completed text 23502\n", + "Completed text 23503\n", + "Completed text 23504\n", + "Completed text 23505\n", + "Completed text 23506\n", + "Completed text 23507\n", + "Completed text 23508\n", + "Completed text 23509\n", + "Completed text 23510\n", + "Completed text 23511\n", + "Completed text 23512\n", + "Completed text 23513\n", + "Completed text 23514\n", + "Completed text 23515\n", + "Completed text 23516\n", + "Completed text 23517\n", + "Completed text 23518\n", + "Completed text 23519\n", + "Completed text 23520\n", + "Completed text 23521\n", + "Completed text 23522\n", + "Completed text 23523\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 23524\n", + "Completed text 23525\n", + "Completed text 23526\n", + "Completed text 23527\n", + "Completed text 23528\n", + "Completed text 23529\n", + "Completed text 23530\n", + "Completed text 23531\n", + "Completed text 23532\n", + "Completed text 23533\n", + "Completed text 23534\n", + "Completed text 23535\n", + "Completed text 23536\n", + "Completed text 23537\n", + "Completed text 23538\n", + "Completed text 23539\n", + "Completed text 23540\n", + "Completed text 23541\n", + "Completed text 23542\n", + "Completed text 23543\n", + "Completed text 23544\n", + "Completed text 23545\n", + "Completed text 23546\n", + "Completed text 23547\n", + "Completed text 23548\n", + "Completed text 23549\n", + "Completed text 23550\n", + "Completed text 23551\n", + "Completed text 23552\n", + "Completed text 23553\n", + "Completed text 23554\n", + "Completed text 23555\n", + "Completed text 23556\n", + "Completed text 23557\n", + "Completed text 23558\n", + "Completed text 23559\n", + "Completed text 23560\n", + "Completed text 23561\n", + "Completed text 23562\n", + "Completed text 23563\n", + "Completed text 23564\n", + "Completed text 23565\n", + "Completed text 23566\n", + "Completed text 23567\n", + "Completed text 23568\n", + "Completed text 23569\n", + "Completed text 23570\n", + "Completed text 23571\n", + "Completed text 23572\n", + "Completed text 23573\n", + "Completed text 23574\n", + "Completed text 23575\n", + "Completed text 23576\n", + "Completed text 23577\n", + "Completed text 23578\n", + "Completed text 23579\n", + "Completed text 23580\n", + "Completed text 23581\n", + "Completed text 23582\n", + "Completed text 23583\n", + "Completed text 23584\n", + "Completed text 23585\n", + "Completed text 23586\n", + "Completed text 23587\n", + "Completed text 23588\n", + "Completed text 23589\n", + "Completed text 23590\n", + "Completed text 23591\n", + "Completed text 23592\n", + "Completed text 23593\n", + "Completed text 23594\n", + "Completed text 23595\n", + "Completed text 23596\n", + "Completed text 23597\n", + "Completed text 23598\n", + "Completed text 23599\n", + "Completed text 23600\n", + "Completed text 23601\n", + "Completed text 23602\n", + "Completed text 23603\n", + "Completed text 23604\n", + "Completed text 23605\n", + "Completed text 23606\n", + "Completed text 23607\n", + "Completed text 23608\n", + "Completed text 23609\n", + "Completed text 23610\n", + "Completed text 23611\n", + "Completed text 23612\n", + "Completed text 23613\n", + "Completed text 23614\n", + "Completed text 23615\n", + "Completed text 23616\n", + "Completed text 23617\n", + "Completed text 23618\n", + "Completed text 23619\n", + "Completed text 23620\n", + "Completed text 23621\n", + "Completed text 23622\n", + "Completed text 23623\n", + "Completed text 23624\n", + "Completed text 23625\n", + "Completed text 23626\n", + "Completed text 23627\n", + "Completed text 23628\n", + "Completed text 23629\n", + "Completed text 23630\n", + "Completed text 23631\n", + "Completed text 23632\n", + "Completed text 23633\n", + "Completed text 23634\n", + "Completed text 23635\n", + "Completed text 23636\n", + "Completed text 23637\n", + "Completed text 23638\n", + "Completed text 23639\n", + "Completed text 23640\n", + "Completed text 23641\n", + "Completed text 23642\n", + "Completed text 23643\n", + "Completed text 23644\n", + "Completed text 23645\n", + "Completed text 23646\n", + "Completed text 23647\n", + "Completed text 23648\n", + "Completed text 23649\n", + "Completed text 23650\n", + "Completed text 23651\n", + "Completed text 23652\n", + "Completed text 23653\n", + "Completed text 23654\n", + "Completed text 23655\n", + "Completed text 23656\n", + "Completed text 23657\n", + "Completed text 23658\n", + "Completed text 23659\n", + "Completed text 23660\n", + "Completed text 23661\n", + "Completed text 23662\n", + "Completed text 23663\n", + "Completed text 23664\n", + "Completed text 23665\n", + "Completed text 23666\n", + "Completed text 23667\n", + "Completed text 23668\n", + "Completed text 23669\n", + "Completed text 23670\n", + "Completed text 23671\n", + "Completed text 23672\n", + "Completed text 23673\n", + "Completed text 23674\n", + "Completed text 23675\n", + "Completed text 23676\n", + "Completed text 23677\n", + "Completed text 23678\n", + "Completed text 23679\n", + "Completed text 23680\n", + "Completed text 23681\n", + "Completed text 23682\n", + "Completed text 23683\n", + "Completed text 23684\n", + "Completed text 23685\n", + "Completed text 23686\n", + "Completed text 23687\n", + "Completed text 23688\n", + "Completed text 23689\n", + "Completed text 23690\n", + "Completed text 23691\n", + "Completed text 23692\n", + "Completed text 23693\n", + "Completed text 23694\n", + "Completed text 23695\n", + "Completed text 23696\n", + "Completed text 23697\n", + "Completed text 23698\n", + "Completed text 23699\n", + "Completed text 23700\n", + "Completed text 23701\n", + "Completed text 23702\n", + "Completed text 23703\n", + "Completed text 23704\n", + "Completed text 23705\n", + "Completed text 23706\n", + "Completed text 23707\n", + "Completed text 23708\n", + "Completed text 23709\n", + "Completed text 23710\n", + "Completed text 23711\n", + "Completed text 23712\n", + "Completed text 23713\n", + "Completed text 23714\n", + "Completed text 23715\n", + "Completed text 23716\n", + "Completed text 23717\n", + "Completed text 23718\n", + "Completed text 23719\n", + "Completed text 23720\n", + "Completed text 23721\n", + "Completed text 23722\n", + "Completed text 23723\n", + "Completed text 23724\n", + "Completed text 23725\n", + "Completed text 23726\n", + "Completed text 23727\n", + "Completed text 23728\n", + "Completed text 23729\n", + "Completed text 23730\n", + "Completed text 23731\n", + "Completed text 23732\n", + "Completed text 23733\n", + "Completed text 23734\n", + "Completed text 23735\n", + "Completed text 23736\n", + "Completed text 23737\n", + "Completed text 23738\n", + "Completed text 23739\n", + "Completed text 23740\n", + "Completed text 23741\n", + "Completed text 23742\n", + "Completed text 23743\n", + "Completed text 23744\n", + "Completed text 23745\n", + "Completed text 23746\n", + "Completed text 23747\n", + "Completed text 23748\n", + "Completed text 23749\n", + "Completed text 23750\n", + "Completed text 23751\n", + "Completed text 23752\n", + "Completed text 23753\n", + "Completed text 23754\n", + "Completed text 23755\n", + "Completed text 23756\n", + "Completed text 23757\n", + "Completed text 23758\n", + "Completed text 23759\n", + "Completed text 23760\n", + "Completed text 23761\n", + "Completed text 23762\n", + "Completed text 23763\n", + "Completed text 23764\n", + "Completed text 23765\n", + "Completed text 23766\n", + "Completed text 23767\n", + "Completed text 23768\n", + "Completed text 23769\n", + "Completed text 23770\n", + "Completed text 23771\n", + "Completed text 23772\n", + "Completed text 23773\n", + "Completed text 23774\n", + "Completed text 23775\n", + "Completed text 23776\n", + "Completed text 23777\n", + "Completed text 23778\n", + "Completed text 23779\n", + "Completed text 23780\n", + "Completed text 23781\n", + "Completed text 23782\n", + "Completed text 23783\n", + "Completed text 23784\n", + "Completed text 23785\n", + "Completed text 23786\n", + "Completed text 23787\n", + "Completed text 23788\n", + "Completed text 23789\n", + "Completed text 23790\n", + "Completed text 23791\n", + "Completed text 23792\n", + "Completed text 23793\n", + "Completed text 23794\n", + "Completed text 23795\n", + "Completed text 23796\n", + "Completed text 23797\n", + "Completed text 23798\n", + "Completed text 23799\n", + "Completed text 23800\n", + "Completed text 23801\n", + "Completed text 23802\n", + "Completed text 23803\n", + "Completed text 23804\n", + "Completed text 23805\n", + "Completed text 23806\n", + "Completed text 23807\n", + "Completed text 23808\n", + "Completed text 23809\n", + "Completed text 23810\n", + "Completed text 23811\n", + "Completed text 23812\n", + "Completed text 23813\n", + "Completed text 23814\n", + "Completed text 23815\n", + "Completed text 23816\n", + "Completed text 23817\n", + "Completed text 23818\n", + "Completed text 23819\n", + "Completed text 23820\n", + "Completed text 23821\n", + "Completed text 23822\n", + "Completed text 23823\n", + "Completed text 23824\n", + "Completed text 23825\n", + "Completed text 23826\n", + "Completed text 23827\n", + "Completed text 23828\n", + "Completed text 23829\n", + "Completed text 23830\n", + "Completed text 23831\n", + "Completed text 23832\n", + "Completed text 23833\n", + "Completed text 23834\n", + "Completed text 23835\n", + "Completed text 23836\n", + "Completed text 23837\n", + "Completed text 23838\n", + "Completed text 23839\n", + "Completed text 23840\n", + "Completed text 23841\n", + "Completed text 23842\n", + "Completed text 23843\n", + "Completed text 23844\n", + "Completed text 23845\n", + "Completed text 23846\n", + "Completed text 23847\n", + "Completed text 23848\n", + "Completed text 23849\n", + "Completed text 23850\n", + "Completed text 23851\n", + "Completed text 23852\n", + "Completed text 23853\n", + "Completed text 23854\n", + "Completed text 23855\n", + "Completed text 23856\n", + "Completed text 23857\n", + "Completed text 23858\n", + "Completed text 23859\n", + "Completed text 23860\n", + "Completed text 23861\n", + "Completed text 23862\n", + "Completed text 23863\n", + "Completed text 23864\n", + "Completed text 23865\n", + "Completed text 23866\n", + "Completed text 23867\n", + "Completed text 23868\n", + "Completed text 23869\n", + "Completed text 23870\n", + "Completed text 23871\n", + "Completed text 23872\n", + "Completed text 23873\n", + "Completed text 23874\n", + "Completed text 23875\n", + "Completed text 23876\n", + "Completed text 23877\n", + "Completed text 23878\n", + "Completed text 23879\n", + "Completed text 23880\n", + "Completed text 23881\n", + "Completed text 23882\n", + "Completed text 23883\n", + "Completed text 23884\n", + "Completed text 23885\n", + "Completed text 23886\n", + "Completed text 23887\n", + "Completed text 23888\n", + "Completed text 23889\n", + "Completed text 23890\n", + "Completed text 23891\n", + "Completed text 23892\n", + "Completed text 23893\n", + "Completed text 23894\n", + "Completed text 23895\n", + "Completed text 23896\n", + "Completed text 23897\n", + "Completed text 23898\n", + "Completed text 23899\n", + "Completed text 23900\n", + "Completed text 23901\n", + "Completed text 23902\n", + "Completed text 23903\n", + "Completed text 23904\n", + "Completed text 23905\n", + "Completed text 23906\n", + "Completed text 23907\n", + "Completed text 23908\n", + "Completed text 23909\n", + "Completed text 23910\n", + "Completed text 23911\n", + "Completed text 23912\n", + "Completed text 23913\n", + "Completed text 23914\n", + "Completed text 23915\n", + "Completed text 23916\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 23917\n", + "Completed text 23918\n", + "Completed text 23919\n", + "Completed text 23920\n", + "Completed text 23921\n", + "Completed text 23922\n", + "Completed text 23923\n", + "Completed text 23924\n", + "Completed text 23925\n", + "Completed text 23926\n", + "Completed text 23927\n", + "Completed text 23928\n", + "Completed text 23929\n", + "Completed text 23930\n", + "Completed text 23931\n", + "Completed text 23932\n", + "Completed text 23933\n", + "Completed text 23934\n", + "Completed text 23935\n", + "Completed text 23936\n", + "Completed text 23937\n", + "Completed text 23938\n", + "Completed text 23939\n", + "Completed text 23940\n", + "Completed text 23941\n", + "Completed text 23942\n", + "Completed text 23943\n", + "Completed text 23944\n", + "Completed text 23945\n", + "Completed text 23946\n", + "Completed text 23947\n", + "Completed text 23948\n", + "Completed text 23949\n", + "Completed text 23950\n", + "Completed text 23951\n", + "Completed text 23952\n", + "Completed text 23953\n", + "Completed text 23954\n", + "Completed text 23955\n", + "Completed text 23956\n", + "Completed text 23957\n", + "Completed text 23958\n", + "Completed text 23959\n", + "Completed text 23960\n", + "Completed text 23961\n", + "Completed text 23962\n", + "Completed text 23963\n", + "Completed text 23964\n", + "Completed text 23965\n", + "Completed text 23966\n", + "Completed text 23967\n", + "Completed text 23968\n", + "Completed text 23969\n", + "Completed text 23970\n", + "Completed text 23971\n", + "Completed text 23972\n", + "Completed text 23973\n", + "Completed text 23974\n", + "Completed text 23975\n", + "Completed text 23976\n", + "Completed text 23977\n", + "Completed text 23978\n", + "Completed text 23979\n", + "Completed text 23980\n", + "Completed text 23981\n", + "Completed text 23982\n", + "Completed text 23983\n", + "Completed text 23984\n", + "Completed text 23985\n", + "Completed text 23986\n", + "Completed text 23987\n", + "Completed text 23988\n", + "Completed text 23989\n", + "Completed text 23990\n", + "Completed text 23991\n", + "Completed text 23992\n", + "Completed text 23993\n", + "Completed text 23994\n", + "Completed text 23995\n", + "Completed text 23996\n", + "Completed text 23997\n", + "Completed text 23998\n", + "Completed text 23999\n", + "Completed text 24000\n", + "Completed text 24001\n", + "Completed text 24002\n", + "Completed text 24003\n", + "Completed text 24004\n", + "Completed text 24005\n", + "Completed text 24006\n", + "Completed text 24007\n", + "Completed text 24008\n", + "Completed text 24009\n", + "Completed text 24010\n", + "Completed text 24011\n", + "Completed text 24012\n", + "Completed text 24013\n", + "Completed text 24014\n", + "Completed text 24015\n", + "Completed text 24016\n", + "Completed text 24017\n", + "Completed text 24018\n", + "Completed text 24019\n", + "Completed text 24020\n", + "Completed text 24021\n", + "Completed text 24022\n", + "Completed text 24023\n", + "Completed text 24024\n", + "Completed text 24025\n", + "Completed text 24026\n", + "Completed text 24027\n", + "Completed text 24028\n", + "Completed text 24029\n", + "Completed text 24030\n", + "Completed text 24031\n", + "Completed text 24032\n", + "Completed text 24033\n", + "Completed text 24034\n", + "Completed text 24035\n", + "Completed text 24036\n", + "Completed text 24037\n", + "Completed text 24038\n", + "Completed text 24039\n", + "Completed text 24040\n", + "Completed text 24041\n", + "Completed text 24042\n", + "Completed text 24043\n", + "Completed text 24044\n", + "Completed text 24045\n", + "Completed text 24046\n", + "Completed text 24047\n", + "Completed text 24048\n", + "Completed text 24049\n", + "Completed text 24050\n", + "Completed text 24051\n", + "Completed text 24052\n", + "Completed text 24053\n", + "Completed text 24054\n", + "Completed text 24055\n", + "Completed text 24056\n", + "Completed text 24057\n", + "Completed text 24058\n", + "Completed text 24059\n", + "Completed text 24060\n", + "Completed text 24061\n", + "Completed text 24062\n", + "Completed text 24063\n", + "Completed text 24064\n", + "Completed text 24065\n", + "Completed text 24066\n", + "Completed text 24067\n", + "Completed text 24068\n", + "Completed text 24069\n", + "Completed text 24070\n", + "Completed text 24071\n", + "Completed text 24072\n", + "Completed text 24073\n", + "Completed text 24074\n", + "Completed text 24075\n", + "Completed text 24076\n", + "Completed text 24077\n", + "Completed text 24078\n", + "Completed text 24079\n", + "Completed text 24080\n", + "Completed text 24081\n", + "Completed text 24082\n", + "Completed text 24083\n", + "Completed text 24084\n", + "Completed text 24085\n", + "Completed text 24086\n", + "Completed text 24087\n", + "Completed text 24088\n", + "Completed text 24089\n", + "Completed text 24090\n", + "Completed text 24091\n", + "Completed text 24092\n", + "Completed text 24093\n", + "Completed text 24094\n", + "Completed text 24095\n", + "Completed text 24096\n", + "Completed text 24097\n", + "Completed text 24098\n", + "Completed text 24099\n", + "Completed text 24100\n", + "Completed text 24101\n", + "Completed text 24102\n", + "Completed text 24103\n", + "Completed text 24104\n", + "Completed text 24105\n", + "Completed text 24106\n", + "Completed text 24107\n", + "Completed text 24108\n", + "Completed text 24109\n", + "Completed text 24110\n", + "Completed text 24111\n", + "Completed text 24112\n", + "Completed text 24113\n", + "Completed text 24114\n", + "Completed text 24115\n", + "Completed text 24116\n", + "Completed text 24117\n", + "Completed text 24118\n", + "Completed text 24119\n", + "Completed text 24120\n", + "Completed text 24121\n", + "Completed text 24122\n", + "Completed text 24123\n", + "Completed text 24124\n", + "Completed text 24125\n", + "Completed text 24126\n", + "Completed text 24127\n", + "Completed text 24128\n", + "Completed text 24129\n", + "Completed text 24130\n", + "Completed text 24131\n", + "Completed text 24132\n", + "Completed text 24133\n", + "Completed text 24134\n", + "Completed text 24135\n", + "Completed text 24136\n", + "Completed text 24137\n", + "Completed text 24138\n", + "Completed text 24139\n", + "Completed text 24140\n", + "Completed text 24141\n", + "Completed text 24142\n", + "Completed text 24143\n", + "Completed text 24144\n", + "Completed text 24145\n", + "Completed text 24146\n", + "Completed text 24147\n", + "Completed text 24148\n", + "Completed text 24149\n", + "Completed text 24150\n", + "Completed text 24151\n", + "Completed text 24152\n", + "Completed text 24153\n", + "Completed text 24154\n", + "Completed text 24155\n", + "Completed text 24156\n", + "Completed text 24157\n", + "Completed text 24158\n", + "Completed text 24159\n", + "Completed text 24160\n", + "Completed text 24161\n", + "Completed text 24162\n", + "Completed text 24163\n", + "Completed text 24164\n", + "Completed text 24165\n", + "Completed text 24166\n", + "Completed text 24167\n", + "Completed text 24168\n", + "Completed text 24169\n", + "Completed text 24170\n", + "Completed text 24171\n", + "Completed text 24172\n", + "Completed text 24173\n", + "Completed text 24174\n", + "Completed text 24175\n", + "Completed text 24176\n", + "Completed text 24177\n", + "Completed text 24178\n", + "Completed text 24179\n", + "Completed text 24180\n", + "Completed text 24181\n", + "Completed text 24182\n", + "Completed text 24183\n", + "Completed text 24184\n", + "Completed text 24185\n", + "Completed text 24186\n", + "Completed text 24187\n", + "Completed text 24188\n", + "Completed text 24189\n", + "Completed text 24190\n", + "Completed text 24191\n", + "Completed text 24192\n", + "Completed text 24193\n", + "Completed text 24194\n", + "Completed text 24195\n", + "Completed text 24196\n", + "Completed text 24197\n", + "Completed text 24198\n", + "Completed text 24199\n", + "Completed text 24200\n", + "Completed text 24201\n", + "Completed text 24202\n", + "Completed text 24203\n", + "Completed text 24204\n", + "Completed text 24205\n", + "Completed text 24206\n", + "Completed text 24207\n", + "Completed text 24208\n", + "Completed text 24209\n", + "Completed text 24210\n", + "Completed text 24211\n", + "Completed text 24212\n", + "Completed text 24213\n", + "Completed text 24214\n", + "Completed text 24215\n", + "Completed text 24216\n", + "Completed text 24217\n", + "Completed text 24218\n", + "Completed text 24219\n", + "Completed text 24220\n", + "Completed text 24221\n", + "Completed text 24222\n", + "Completed text 24223\n", + "Completed text 24224\n", + "Completed text 24225\n", + "Completed text 24226\n", + "Completed text 24227\n", + "Completed text 24228\n", + "Completed text 24229\n", + "Completed text 24230\n", + "Completed text 24231\n", + "Completed text 24232\n", + "Completed text 24233\n", + "Completed text 24234\n", + "Completed text 24235\n", + "Completed text 24236\n", + "Completed text 24237\n", + "Completed text 24238\n", + "Completed text 24239\n", + "Completed text 24240\n", + "Completed text 24241\n", + "Completed text 24242\n", + "Completed text 24243\n", + "Completed text 24244\n", + "Completed text 24245\n", + "Completed text 24246\n", + "Completed text 24247\n", + "Completed text 24248\n", + "Completed text 24249\n", + "Completed text 24250\n", + "Completed text 24251\n", + "Completed text 24252\n", + "Completed text 24253\n", + "Completed text 24254\n", + "Completed text 24255\n", + "Completed text 24256\n", + "Completed text 24257\n", + "Completed text 24258\n", + "Completed text 24259\n", + "Completed text 24260\n", + "Completed text 24261\n", + "Completed text 24262\n", + "Completed text 24263\n", + "Completed text 24264\n", + "Completed text 24265\n", + "Completed text 24266\n", + "Completed text 24267\n", + "Completed text 24268\n", + "Completed text 24269\n", + "Completed text 24270\n", + "Completed text 24271\n", + "Completed text 24272\n", + "Completed text 24273\n", + "Completed text 24274\n", + "Completed text 24275\n", + "Completed text 24276\n", + "Completed text 24277\n", + "Completed text 24278\n", + "Completed text 24279\n", + "Completed text 24280\n", + "Completed text 24281\n", + "Completed text 24282\n", + "Completed text 24283\n", + "Completed text 24284\n", + "Completed text 24285\n", + "Completed text 24286\n", + "Completed text 24287\n", + "Completed text 24288\n", + "Completed text 24289\n", + "Completed text 24290\n", + "Completed text 24291\n", + "Completed text 24292\n", + "Completed text 24293\n", + "Completed text 24294\n", + "Completed text 24295\n", + "Completed text 24296\n", + "Completed text 24297\n", + "Completed text 24298\n", + "Completed text 24299\n", + "Completed text 24300\n", + "Completed text 24301\n", + "Completed text 24302\n", + "Completed text 24303\n", + "Completed text 24304\n", + "Completed text 24305\n", + "Completed text 24306\n", + "Completed text 24307\n", + "Completed text 24308\n", + "Completed text 24309\n", + "Completed text 24310\n", + "Completed text 24311\n", + "Completed text 24312\n", + "Completed text 24313\n", + "Completed text 24314\n", + "Completed text 24315\n", + "Completed text 24316\n", + "Completed text 24317\n", + "Completed text 24318\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 24319\n", + "Completed text 24320\n", + "Completed text 24321\n", + "Completed text 24322\n", + "Completed text 24323\n", + "Completed text 24324\n", + "Completed text 24325\n", + "Completed text 24326\n", + "Completed text 24327\n", + "Completed text 24328\n", + "Completed text 24329\n", + "Completed text 24330\n", + "Completed text 24331\n", + "Completed text 24332\n", + "Completed text 24333\n", + "Completed text 24334\n", + "Completed text 24335\n", + "Completed text 24336\n", + "Completed text 24337\n", + "Completed text 24338\n", + "Completed text 24339\n", + "Completed text 24340\n", + "Completed text 24341\n", + "Completed text 24342\n", + "Completed text 24343\n", + "Completed text 24344\n", + "Completed text 24345\n", + "Completed text 24346\n", + "Completed text 24347\n", + "Completed text 24348\n", + "Completed text 24349\n", + "Completed text 24350\n", + "Completed text 24351\n", + "Completed text 24352\n", + "Completed text 24353\n", + "Completed text 24354\n", + "Completed text 24355\n", + "Completed text 24356\n", + "Completed text 24357\n", + "Completed text 24358\n", + "Completed text 24359\n", + "Completed text 24360\n", + "Completed text 24361\n", + "Completed text 24362\n", + "Completed text 24363\n", + "Completed text 24364\n", + "Completed text 24365\n", + "Completed text 24366\n", + "Completed text 24367\n", + "Completed text 24368\n", + "Completed text 24369\n", + "Completed text 24370\n", + "Completed text 24371\n", + "Completed text 24372\n", + "Completed text 24373\n", + "Completed text 24374\n", + "Completed text 24375\n", + "Completed text 24376\n", + "Completed text 24377\n", + "Completed text 24378\n", + "Completed text 24379\n", + "Completed text 24380\n", + "Completed text 24381\n", + "Completed text 24382\n", + "Completed text 24383\n", + "Completed text 24384\n", + "Completed text 24385\n", + "Completed text 24386\n", + "Completed text 24387\n", + "Completed text 24388\n", + "Completed text 24389\n", + "Completed text 24390\n", + "Completed text 24391\n", + "Completed text 24392\n", + "Completed text 24393\n", + "Completed text 24394\n", + "Completed text 24395\n", + "Completed text 24396\n", + "Completed text 24397\n", + "Completed text 24398\n", + "Completed text 24399\n", + "Completed text 24400\n", + "Completed text 24401\n", + "Completed text 24402\n", + "Completed text 24403\n", + "Completed text 24404\n", + "Completed text 24405\n", + "Completed text 24406\n", + "Completed text 24407\n", + "Completed text 24408\n", + "Completed text 24409\n", + "Completed text 24410\n", + "Completed text 24411\n", + "Completed text 24412\n", + "Completed text 24413\n", + "Completed text 24414\n", + "Completed text 24415\n", + "Completed text 24416\n", + "Completed text 24417\n", + "Completed text 24418\n", + "Completed text 24419\n", + "Completed text 24420\n", + "Completed text 24421\n", + "Completed text 24422\n", + "Completed text 24423\n", + "Completed text 24424\n", + "Completed text 24425\n", + "Completed text 24426\n", + "Completed text 24427\n", + "Completed text 24428\n", + "Completed text 24429\n", + "Completed text 24430\n", + "Completed text 24431\n", + "Completed text 24432\n", + "Completed text 24433\n", + "Completed text 24434\n", + "Completed text 24435\n", + "Completed text 24436\n", + "Completed text 24437\n", + "Completed text 24438\n", + "Completed text 24439\n", + "Completed text 24440\n", + "Completed text 24441\n", + "Completed text 24442\n", + "Completed text 24443\n", + "Completed text 24444\n", + "Completed text 24445\n", + "Completed text 24446\n", + "Completed text 24447\n", + "Completed text 24448\n", + "Completed text 24449\n", + "Completed text 24450\n", + "Completed text 24451\n", + "Completed text 24452\n", + "Completed text 24453\n", + "Completed text 24454\n", + "Completed text 24455\n", + "Completed text 24456\n", + "Completed text 24457\n", + "Completed text 24458\n", + "Completed text 24459\n", + "Completed text 24460\n", + "Completed text 24461\n", + "Completed text 24462\n", + "Completed text 24463\n", + "Completed text 24464\n", + "Completed text 24465\n", + "Completed text 24466\n", + "Completed text 24467\n", + "Completed text 24468\n", + "Completed text 24469\n", + "Completed text 24470\n", + "Completed text 24471\n", + "Completed text 24472\n", + "Completed text 24473\n", + "Completed text 24474\n", + "Completed text 24475\n", + "Completed text 24476\n", + "Completed text 24477\n", + "Completed text 24478\n", + "Completed text 24479\n", + "Completed text 24480\n", + "Completed text 24481\n", + "Completed text 24482\n", + "Completed text 24483\n", + "Completed text 24484\n", + "Completed text 24485\n", + "Completed text 24486\n", + "Completed text 24487\n", + "Completed text 24488\n", + "Completed text 24489\n", + "Completed text 24490\n", + "Completed text 24491\n", + "Completed text 24492\n", + "Completed text 24493\n", + "Completed text 24494\n", + "Completed text 24495\n", + "Completed text 24496\n", + "Completed text 24497\n", + "Completed text 24498\n", + "Completed text 24499\n", + "Completed text 24500\n", + "Completed text 24501\n", + "Completed text 24502\n", + "Completed text 24503\n", + "Completed text 24504\n", + "Completed text 24505\n", + "Completed text 24506\n", + "Completed text 24507\n", + "Completed text 24508\n", + "Completed text 24509\n", + "Completed text 24510\n", + "Completed text 24511\n", + "Completed text 24512\n", + "Completed text 24513\n", + "Completed text 24514\n", + "Completed text 24515\n", + "Completed text 24516\n", + "Completed text 24517\n", + "Completed text 24518\n", + "Completed text 24519\n", + "Completed text 24520\n", + "Completed text 24521\n", + "Completed text 24522\n", + "Completed text 24523\n", + "Completed text 24524\n", + "Completed text 24525\n", + "Completed text 24526\n", + "Completed text 24527\n", + "Completed text 24528\n", + "Completed text 24529\n", + "Completed text 24530\n", + "Completed text 24531\n", + "Completed text 24532\n", + "Completed text 24533\n", + "Completed text 24534\n", + "Completed text 24535\n", + "Completed text 24536\n", + "Completed text 24537\n", + "Completed text 24538\n", + "Completed text 24539\n", + "Completed text 24540\n", + "Completed text 24541\n", + "Completed text 24542\n", + "Completed text 24543\n", + "Completed text 24544\n", + "Completed text 24545\n", + "Completed text 24546\n", + "Completed text 24547\n", + "Completed text 24548\n", + "Completed text 24549\n", + "Completed text 24550\n", + "Completed text 24551\n", + "Completed text 24552\n", + "Completed text 24553\n", + "Completed text 24554\n", + "Completed text 24555\n", + "Completed text 24556\n", + "Completed text 24557\n", + "Completed text 24558\n", + "Completed text 24559\n", + "Completed text 24560\n", + "Completed text 24561\n", + "Completed text 24562\n", + "Completed text 24563\n", + "Completed text 24564\n", + "Completed text 24565\n", + "Completed text 24566\n", + "Completed text 24567\n", + "Completed text 24568\n", + "Completed text 24569\n", + "Completed text 24570\n", + "Completed text 24571\n", + "Completed text 24572\n", + "Completed text 24573\n", + "Completed text 24574\n", + "Completed text 24575\n", + "Completed text 24576\n", + "Completed text 24577\n", + "Completed text 24578\n", + "Completed text 24579\n", + "Completed text 24580\n", + "Completed text 24581\n", + "Completed text 24582\n", + "Completed text 24583\n", + "Completed text 24584\n", + "Completed text 24585\n", + "Completed text 24586\n", + "Completed text 24587\n", + "Completed text 24588\n", + "Completed text 24589\n", + "Completed text 24590\n", + "Completed text 24591\n", + "Completed text 24592\n", + "Completed text 24593\n", + "Completed text 24594\n", + "Completed text 24595\n", + "Completed text 24596\n", + "Completed text 24597\n", + "Completed text 24598\n", + "Completed text 24599\n", + "Completed text 24600\n", + "Completed text 24601\n", + "Completed text 24602\n", + "Completed text 24603\n", + "Completed text 24604\n", + "Completed text 24605\n", + "Completed text 24606\n", + "Completed text 24607\n", + "Completed text 24608\n", + "Completed text 24609\n", + "Completed text 24610\n", + "Completed text 24611\n", + "Completed text 24612\n", + "Completed text 24613\n", + "Completed text 24614\n", + "Completed text 24615\n", + "Completed text 24616\n", + "Completed text 24617\n", + "Completed text 24618\n", + "Completed text 24619\n", + "Completed text 24620\n", + "Completed text 24621\n", + "Completed text 24622\n", + "Completed text 24623\n", + "Completed text 24624\n", + "Completed text 24625\n", + "Completed text 24626\n", + "Completed text 24627\n", + "Completed text 24628\n", + "Completed text 24629\n", + "Completed text 24630\n", + "Completed text 24631\n", + "Completed text 24632\n", + "Completed text 24633\n", + "Completed text 24634\n", + "Completed text 24635\n", + "Completed text 24636\n", + "Completed text 24637\n", + "Completed text 24638\n", + "Completed text 24639\n", + "Completed text 24640\n", + "Completed text 24641\n", + "Completed text 24642\n", + "Completed text 24643\n", + "Completed text 24644\n", + "Completed text 24645\n", + "Completed text 24646\n", + "Completed text 24647\n", + "Completed text 24648\n", + "Completed text 24649\n", + "Completed text 24650\n", + "Completed text 24651\n", + "Completed text 24652\n", + "Completed text 24653\n", + "Completed text 24654\n", + "Completed text 24655\n", + "Completed text 24656\n", + "Completed text 24657\n", + "Completed text 24658\n", + "Completed text 24659\n", + "Completed text 24660\n", + "Completed text 24661\n", + "Completed text 24662\n", + "Completed text 24663\n", + "Completed text 24664\n", + "Completed text 24665\n", + "Completed text 24666\n", + "Completed text 24667\n", + "Completed text 24668\n", + "Completed text 24669\n", + "Completed text 24670\n", + "Completed text 24671\n", + "Completed text 24672\n", + "Completed text 24673\n", + "Completed text 24674\n", + "Completed text 24675\n", + "Completed text 24676\n", + "Completed text 24677\n", + "Completed text 24678\n", + "Completed text 24679\n", + "Completed text 24680\n", + "Completed text 24681\n", + "Completed text 24682\n", + "Completed text 24683\n", + "Completed text 24684\n", + "Completed text 24685\n", + "Completed text 24686\n", + "Completed text 24687\n", + "Completed text 24688\n", + "Completed text 24689\n", + "Completed text 24690\n", + "Completed text 24691\n", + "Completed text 24692\n", + "Completed text 24693\n", + "Completed text 24694\n", + "Completed text 24695\n", + "Completed text 24696\n", + "Completed text 24697\n", + "Completed text 24698\n", + "Completed text 24699\n", + "Completed text 24700\n", + "Completed text 24701\n", + "Completed text 24702\n", + "Completed text 24703\n", + "Completed text 24704\n", + "Completed text 24705\n", + "Completed text 24706\n", + "Completed text 24707\n", + "Completed text 24708\n", + "Completed text 24709\n", + "Completed text 24710\n", + "Completed text 24711\n", + "Completed text 24712\n", + "Completed text 24713\n", + "Completed text 24714\n", + "Completed text 24715\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 24716\n", + "Completed text 24717\n", + "Completed text 24718\n", + "Completed text 24719\n", + "Completed text 24720\n", + "Completed text 24721\n", + "Completed text 24722\n", + "Completed text 24723\n", + "Completed text 24724\n", + "Completed text 24725\n", + "Completed text 24726\n", + "Completed text 24727\n", + "Completed text 24728\n", + "Completed text 24729\n", + "Completed text 24730\n", + "Completed text 24731\n", + "Completed text 24732\n", + "Completed text 24733\n", + "Completed text 24734\n", + "Completed text 24735\n", + "Completed text 24736\n", + "Completed text 24737\n", + "Completed text 24738\n", + "Completed text 24739\n", + "Completed text 24740\n", + "Completed text 24741\n", + "Completed text 24742\n", + "Completed text 24743\n", + "Completed text 24744\n", + "Completed text 24745\n", + "Completed text 24746\n", + "Completed text 24747\n", + "Completed text 24748\n", + "Completed text 24749\n", + "Completed text 24750\n", + "Completed text 24751\n", + "Completed text 24752\n", + "Completed text 24753\n", + "Completed text 24754\n", + "Completed text 24755\n", + "Completed text 24756\n", + "Completed text 24757\n", + "Completed text 24758\n", + "Completed text 24759\n", + "Completed text 24760\n", + "Completed text 24761\n", + "Completed text 24762\n", + "Completed text 24763\n", + "Completed text 24764\n", + "Completed text 24765\n", + "Completed text 24766\n", + "Completed text 24767\n", + "Completed text 24768\n", + "Completed text 24769\n", + "Completed text 24770\n", + "Completed text 24771\n", + "Completed text 24772\n", + "Completed text 24773\n", + "Completed text 24774\n", + "Completed text 24775\n", + "Completed text 24776\n", + "Completed text 24777\n", + "Completed text 24778\n", + "Completed text 24779\n", + "Completed text 24780\n", + "Completed text 24781\n", + "Completed text 24782\n", + "Completed text 24783\n", + "Completed text 24784\n", + "Completed text 24785\n", + "Completed text 24786\n", + "Completed text 24787\n", + "Completed text 24788\n", + "Completed text 24789\n", + "Completed text 24790\n", + "Completed text 24791\n", + "Completed text 24792\n", + "Completed text 24793\n", + "Completed text 24794\n", + "Completed text 24795\n", + "Completed text 24796\n", + "Completed text 24797\n", + "Completed text 24798\n", + "Completed text 24799\n", + "Completed text 24800\n", + "Completed text 24801\n", + "Completed text 24802\n", + "Completed text 24803\n", + "Completed text 24804\n", + "Completed text 24805\n", + "Completed text 24806\n", + "Completed text 24807\n", + "Completed text 24808\n", + "Completed text 24809\n", + "Completed text 24810\n", + "Completed text 24811\n", + "Completed text 24812\n", + "Completed text 24813\n", + "Completed text 24814\n", + "Completed text 24815\n", + "Completed text 24816\n", + "Completed text 24817\n", + "Completed text 24818\n", + "Completed text 24819\n", + "Completed text 24820\n", + "Completed text 24821\n", + "Completed text 24822\n", + "Completed text 24823\n", + "Completed text 24824\n", + "Completed text 24825\n", + "Completed text 24826\n", + "Completed text 24827\n", + "Completed text 24828\n", + "Completed text 24829\n", + "Completed text 24830\n", + "Completed text 24831\n", + "Completed text 24832\n", + "Completed text 24833\n", + "Completed text 24834\n", + "Completed text 24835\n", + "Completed text 24836\n", + "Completed text 24837\n", + "Completed text 24838\n", + "Completed text 24839\n", + "Completed text 24840\n", + "Completed text 24841\n", + "Completed text 24842\n", + "Completed text 24843\n", + "Completed text 24844\n", + "Completed text 24845\n", + "Completed text 24846\n", + "Completed text 24847\n", + "Completed text 24848\n", + "Completed text 24849\n", + "Completed text 24850\n", + "Completed text 24851\n", + "Completed text 24852\n", + "Completed text 24853\n", + "Completed text 24854\n", + "Completed text 24855\n", + "Completed text 24856\n", + "Completed text 24857\n", + "Completed text 24858\n", + "Completed text 24859\n", + "Completed text 24860\n", + "Completed text 24861\n", + "Completed text 24862\n", + "Completed text 24863\n", + "Completed text 24864\n", + "Completed text 24865\n", + "Completed text 24866\n", + "Completed text 24867\n", + "Completed text 24868\n", + "Completed text 24869\n", + "Completed text 24870\n", + "Completed text 24871\n", + "Completed text 24872\n", + "Completed text 24873\n", + "Completed text 24874\n", + "Completed text 24875\n", + "Completed text 24876\n", + "Completed text 24877\n", + "Completed text 24878\n", + "Completed text 24879\n", + "Completed text 24880\n", + "Completed text 24881\n", + "Completed text 24882\n", + "Completed text 24883\n", + "Completed text 24884\n", + "Completed text 24885\n", + "Completed text 24886\n", + "Completed text 24887\n", + "Completed text 24888\n", + "Completed text 24889\n", + "Completed text 24890\n", + "Completed text 24891\n", + "Completed text 24892\n", + "Completed text 24893\n", + "Completed text 24894\n", + "Completed text 24895\n", + "Completed text 24896\n", + "Completed text 24897\n", + "Completed text 24898\n", + "Completed text 24899\n", + "Completed text 24900\n", + "Completed text 24901\n", + "Completed text 24902\n", + "Completed text 24903\n", + "Completed text 24904\n", + "Completed text 24905\n", + "Completed text 24906\n", + "Completed text 24907\n", + "Completed text 24908\n", + "Completed text 24909\n", + "Completed text 24910\n", + "Completed text 24911\n", + "Completed text 24912\n", + "Completed text 24913\n", + "Completed text 24914\n", + "Completed text 24915\n", + "Completed text 24916\n", + "Completed text 24917\n", + "Completed text 24918\n", + "Completed text 24919\n", + "Completed text 24920\n", + "Completed text 24921\n", + "Completed text 24922\n", + "Completed text 24923\n", + "Completed text 24924\n", + "Completed text 24925\n", + "Completed text 24926\n", + "Completed text 24927\n", + "Completed text 24928\n", + "Completed text 24929\n", + "Completed text 24930\n", + "Completed text 24931\n", + "Completed text 24932\n", + "Completed text 24933\n", + "Completed text 24934\n", + "Completed text 24935\n", + "Completed text 24936\n", + "Completed text 24937\n", + "Completed text 24938\n", + "Completed text 24939\n", + "Completed text 24940\n", + "Completed text 24941\n", + "Completed text 24942\n", + "Completed text 24943\n", + "Completed text 24944\n", + "Completed text 24945\n", + "Completed text 24946\n", + "Completed text 24947\n", + "Completed text 24948\n", + "Completed text 24949\n", + "Completed text 24950\n", + "Completed text 24951\n", + "Completed text 24952\n", + "Completed text 24953\n", + "Completed text 24954\n", + "Completed text 24955\n", + "Completed text 24956\n", + "Completed text 24957\n", + "Completed text 24958\n", + "Completed text 24959\n", + "Completed text 24960\n", + "Completed text 24961\n", + "Completed text 24962\n", + "Completed text 24963\n", + "Completed text 24964\n", + "Completed text 24965\n", + "Completed text 24966\n", + "Completed text 24967\n", + "Completed text 24968\n", + "Completed text 24969\n", + "Completed text 24970\n", + "Completed text 24971\n", + "Completed text 24972\n", + "Completed text 24973\n", + "Completed text 24974\n", + "Completed text 24975\n", + "Completed text 24976\n", + "Completed text 24977\n", + "Completed text 24978\n", + "Completed text 24979\n", + "Completed text 24980\n", + "Completed text 24981\n", + "Completed text 24982\n", + "Completed text 24983\n", + "Completed text 24984\n", + "Completed text 24985\n", + "Completed text 24986\n", + "Completed text 24987\n", + "Completed text 24988\n", + "Completed text 24989\n", + "Completed text 24990\n", + "Completed text 24991\n", + "Completed text 24992\n", + "Completed text 24993\n", + "Completed text 24994\n", + "Completed text 24995\n", + "Completed text 24996\n", + "Completed text 24997\n", + "Completed text 24998\n", + "Completed text 24999\n", + "Completed text 25000\n", + "Completed text 25001\n", + "Completed text 25002\n", + "Completed text 25003\n", + "Completed text 25004\n", + "Completed text 25005\n", + "Completed text 25006\n", + "Completed text 25007\n", + "Completed text 25008\n", + "Completed text 25009\n", + "Completed text 25010\n", + "Completed text 25011\n", + "Completed text 25012\n", + "Completed text 25013\n", + "Completed text 25014\n", + "Completed text 25015\n", + "Completed text 25016\n", + "Completed text 25017\n", + "Completed text 25018\n", + "Completed text 25019\n", + "Completed text 25020\n", + "Completed text 25021\n", + "Completed text 25022\n", + "Completed text 25023\n", + "Completed text 25024\n", + "Completed text 25025\n", + "Completed text 25026\n", + "Completed text 25027\n", + "Completed text 25028\n", + "Completed text 25029\n", + "Completed text 25030\n", + "Completed text 25031\n", + "Completed text 25032\n", + "Completed text 25033\n", + "Completed text 25034\n", + "Completed text 25035\n", + "Completed text 25036\n", + "Completed text 25037\n", + "Completed text 25038\n", + "Completed text 25039\n", + "Completed text 25040\n", + "Completed text 25041\n", + "Completed text 25042\n", + "Completed text 25043\n", + "Completed text 25044\n", + "Completed text 25045\n", + "Completed text 25046\n", + "Completed text 25047\n", + "Completed text 25048\n", + "Completed text 25049\n", + "Completed text 25050\n", + "Completed text 25051\n", + "Completed text 25052\n", + "Completed text 25053\n", + "Completed text 25054\n", + "Completed text 25055\n", + "Completed text 25056\n", + "Completed text 25057\n", + "Completed text 25058\n", + "Completed text 25059\n", + "Completed text 25060\n", + "Completed text 25061\n", + "Completed text 25062\n", + "Completed text 25063\n", + "Completed text 25064\n", + "Completed text 25065\n", + "Completed text 25066\n", + "Completed text 25067\n", + "Completed text 25068\n", + "Completed text 25069\n", + "Completed text 25070\n", + "Completed text 25071\n", + "Completed text 25072\n", + "Completed text 25073\n", + "Completed text 25074\n", + "Completed text 25075\n", + "Completed text 25076\n", + "Completed text 25077\n", + "Completed text 25078\n", + "Completed text 25079\n", + "Completed text 25080\n", + "Completed text 25081\n", + "Completed text 25082\n", + "Completed text 25083\n", + "Completed text 25084\n", + "Completed text 25085\n", + "Completed text 25086\n", + "Completed text 25087\n", + "Completed text 25088\n", + "Completed text 25089\n", + "Completed text 25090\n", + "Completed text 25091\n", + "Completed text 25092\n", + "Completed text 25093\n", + "Completed text 25094\n", + "Completed text 25095\n", + "Completed text 25096\n", + "Completed text 25097\n", + "Completed text 25098\n", + "Completed text 25099\n", + "Completed text 25100\n", + "Completed text 25101\n", + "Completed text 25102\n", + "Completed text 25103\n", + "Completed text 25104\n", + "Completed text 25105\n", + "Completed text 25106\n", + "Completed text 25107\n", + "Completed text 25108\n", + "Completed text 25109\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 25110\n", + "Completed text 25111\n", + "Completed text 25112\n", + "Completed text 25113\n", + "Completed text 25114\n", + "Completed text 25115\n", + "Completed text 25116\n", + "Completed text 25117\n", + "Completed text 25118\n", + "Completed text 25119\n", + "Completed text 25120\n", + "Completed text 25121\n", + "Completed text 25122\n", + "Completed text 25123\n", + "Completed text 25124\n", + "Completed text 25125\n", + "Completed text 25126\n", + "Completed text 25127\n", + "Completed text 25128\n", + "Completed text 25129\n", + "Completed text 25130\n", + "Completed text 25131\n", + "Completed text 25132\n", + "Completed text 25133\n", + "Completed text 25134\n", + "Completed text 25135\n", + "Completed text 25136\n", + "Completed text 25137\n", + "Completed text 25138\n", + "Completed text 25139\n", + "Completed text 25140\n", + "Completed text 25141\n", + "Completed text 25142\n", + "Completed text 25143\n", + "Completed text 25144\n", + "Completed text 25145\n", + "Completed text 25146\n", + "Completed text 25147\n", + "Completed text 25148\n", + "Completed text 25149\n", + "Completed text 25150\n", + "Completed text 25151\n", + "Completed text 25152\n", + "Completed text 25153\n", + "Completed text 25154\n", + "Completed text 25155\n", + "Completed text 25156\n", + "Completed text 25157\n", + "Completed text 25158\n", + "Completed text 25159\n", + "Completed text 25160\n", + "Completed text 25161\n", + "Completed text 25162\n", + "Completed text 25163\n", + "Completed text 25164\n", + "Completed text 25165\n", + "Completed text 25166\n", + "Completed text 25167\n", + "Completed text 25168\n", + "Completed text 25169\n", + "Completed text 25170\n", + "Completed text 25171\n", + "Completed text 25172\n", + "Completed text 25173\n", + "Completed text 25174\n", + "Completed text 25175\n", + "Completed text 25176\n", + "Completed text 25177\n", + "Completed text 25178\n", + "Completed text 25179\n", + "Completed text 25180\n", + "Completed text 25181\n", + "Completed text 25182\n", + "Completed text 25183\n", + "Completed text 25184\n", + "Completed text 25185\n", + "Completed text 25186\n", + "Completed text 25187\n", + "Completed text 25188\n", + "Completed text 25189\n", + "Completed text 25190\n", + "Completed text 25191\n", + "Completed text 25192\n", + "Completed text 25193\n", + "Completed text 25194\n", + "Completed text 25195\n", + "Completed text 25196\n", + "Completed text 25197\n", + "Completed text 25198\n", + "Completed text 25199\n", + "Completed text 25200\n", + "Completed text 25201\n", + "Completed text 25202\n", + "Completed text 25203\n", + "Completed text 25204\n", + "Completed text 25205\n", + "Completed text 25206\n", + "Completed text 25207\n", + "Completed text 25208\n", + "Completed text 25209\n", + "Completed text 25210\n", + "Completed text 25211\n", + "Completed text 25212\n", + "Completed text 25213\n", + "Completed text 25214\n", + "Completed text 25215\n", + "Completed text 25216\n", + "Completed text 25217\n", + "Completed text 25218\n", + "Completed text 25219\n", + "Completed text 25220\n", + "Completed text 25221\n", + "Completed text 25222\n", + "Completed text 25223\n", + "Completed text 25224\n", + "Completed text 25225\n", + "Completed text 25226\n", + "Completed text 25227\n", + "Completed text 25228\n", + "Completed text 25229\n", + "Completed text 25230\n", + "Completed text 25231\n", + "Completed text 25232\n", + "Completed text 25233\n", + "Completed text 25234\n", + "Completed text 25235\n", + "Completed text 25236\n", + "Completed text 25237\n", + "Completed text 25238\n", + "Completed text 25239\n", + "Completed text 25240\n", + "Completed text 25241\n", + "Completed text 25242\n", + "Completed text 25243\n", + "Completed text 25244\n", + "Completed text 25245\n", + "Completed text 25246\n", + "Completed text 25247\n", + "Completed text 25248\n", + "Completed text 25249\n", + "Completed text 25250\n", + "Completed text 25251\n", + "Completed text 25252\n", + "Completed text 25253\n", + "Completed text 25254\n", + "Completed text 25255\n", + "Completed text 25256\n", + "Completed text 25257\n", + "Completed text 25258\n", + "Completed text 25259\n", + "Completed text 25260\n", + "Completed text 25261\n", + "Completed text 25262\n", + "Completed text 25263\n", + "Completed text 25264\n", + "Completed text 25265\n", + "Completed text 25266\n", + "Completed text 25267\n", + "Completed text 25268\n", + "Completed text 25269\n", + "Completed text 25270\n", + "Completed text 25271\n", + "Completed text 25272\n", + "Completed text 25273\n", + "Completed text 25274\n", + "Completed text 25275\n", + "Completed text 25276\n", + "Completed text 25277\n", + "Completed text 25278\n", + "Completed text 25279\n", + "Completed text 25280\n", + "Completed text 25281\n", + "Completed text 25282\n", + "Completed text 25283\n", + "Completed text 25284\n", + "Completed text 25285\n", + "Completed text 25286\n", + "Completed text 25287\n", + "Completed text 25288\n", + "Completed text 25289\n", + "Completed text 25290\n", + "Completed text 25291\n", + "Completed text 25292\n", + "Completed text 25293\n", + "Completed text 25294\n", + "Completed text 25295\n", + "Completed text 25296\n", + "Completed text 25297\n", + "Completed text 25298\n", + "Completed text 25299\n", + "Completed text 25300\n", + "Completed text 25301\n", + "Completed text 25302\n", + "Completed text 25303\n", + "Completed text 25304\n", + "Completed text 25305\n", + "Completed text 25306\n", + "Completed text 25307\n", + "Completed text 25308\n", + "Completed text 25309\n", + "Completed text 25310\n", + "Completed text 25311\n", + "Completed text 25312\n", + "Completed text 25313\n", + "Completed text 25314\n", + "Completed text 25315\n", + "Completed text 25316\n", + "Completed text 25317\n", + "Completed text 25318\n", + "Completed text 25319\n", + "Completed text 25320\n", + "Completed text 25321\n", + "Completed text 25322\n", + "Completed text 25323\n", + "Completed text 25324\n", + "Completed text 25325\n", + "Completed text 25326\n", + "Completed text 25327\n", + "Completed text 25328\n", + "Completed text 25329\n", + "Completed text 25330\n", + "Completed text 25331\n", + "Completed text 25332\n", + "Completed text 25333\n", + "Completed text 25334\n", + "Completed text 25335\n", + "Completed text 25336\n", + "Completed text 25337\n", + "Completed text 25338\n", + "Completed text 25339\n", + "Completed text 25340\n", + "Completed text 25341\n", + "Completed text 25342\n", + "Completed text 25343\n", + "Completed text 25344\n", + "Completed text 25345\n", + "Completed text 25346\n", + "Completed text 25347\n", + "Completed text 25348\n", + "Completed text 25349\n", + "Completed text 25350\n", + "Completed text 25351\n", + "Completed text 25352\n", + "Completed text 25353\n", + "Completed text 25354\n", + "Completed text 25355\n", + "Completed text 25356\n", + "Completed text 25357\n", + "Completed text 25358\n", + "Completed text 25359\n", + "Completed text 25360\n", + "Completed text 25361\n", + "Completed text 25362\n", + "Completed text 25363\n", + "Completed text 25364\n", + "Completed text 25365\n", + "Completed text 25366\n", + "Completed text 25367\n", + "Completed text 25368\n", + "Completed text 25369\n", + "Completed text 25370\n", + "Completed text 25371\n", + "Completed text 25372\n", + "Completed text 25373\n", + "Completed text 25374\n", + "Completed text 25375\n", + "Completed text 25376\n", + "Completed text 25377\n", + "Completed text 25378\n", + "Completed text 25379\n", + "Completed text 25380\n", + "Completed text 25381\n", + "Completed text 25382\n", + "Completed text 25383\n", + "Completed text 25384\n", + "Completed text 25385\n", + "Completed text 25386\n", + "Completed text 25387\n", + "Completed text 25388\n", + "Completed text 25389\n", + "Completed text 25390\n", + "Completed text 25391\n", + "Completed text 25392\n", + "Completed text 25393\n", + "Completed text 25394\n", + "Completed text 25395\n", + "Completed text 25396\n", + "Completed text 25397\n", + "Completed text 25398\n", + "Completed text 25399\n", + "Completed text 25400\n", + "Completed text 25401\n", + "Completed text 25402\n", + "Completed text 25403\n", + "Completed text 25404\n", + "Completed text 25405\n", + "Completed text 25406\n", + "Completed text 25407\n", + "Completed text 25408\n", + "Completed text 25409\n", + "Completed text 25410\n", + "Completed text 25411\n", + "Completed text 25412\n", + "Completed text 25413\n", + "Completed text 25414\n", + "Completed text 25415\n", + "Completed text 25416\n", + "Completed text 25417\n", + "Completed text 25418\n", + "Completed text 25419\n", + "Completed text 25420\n", + "Completed text 25421\n", + "Completed text 25422\n", + "Completed text 25423\n", + "Completed text 25424\n", + "Completed text 25425\n", + "Completed text 25426\n", + "Completed text 25427\n", + "Completed text 25428\n", + "Completed text 25429\n", + "Completed text 25430\n", + "Completed text 25431\n", + "Completed text 25432\n", + "Completed text 25433\n", + "Completed text 25434\n", + "Completed text 25435\n", + "Completed text 25436\n", + "Completed text 25437\n", + "Completed text 25438\n", + "Completed text 25439\n", + "Completed text 25440\n", + "Completed text 25441\n", + "Completed text 25442\n", + "Completed text 25443\n", + "Completed text 25444\n", + "Completed text 25445\n", + "Completed text 25446\n", + "Completed text 25447\n", + "Completed text 25448\n", + "Completed text 25449\n", + "Completed text 25450\n", + "Completed text 25451\n", + "Completed text 25452\n", + "Completed text 25453\n", + "Completed text 25454\n", + "Completed text 25455\n", + "Completed text 25456\n", + "Completed text 25457\n", + "Completed text 25458\n", + "Completed text 25459\n", + "Completed text 25460\n", + "Completed text 25461\n", + "Completed text 25462\n", + "Completed text 25463\n", + "Completed text 25464\n", + "Completed text 25465\n", + "Completed text 25466\n", + "Completed text 25467\n", + "Completed text 25468\n", + "Completed text 25469\n", + "Completed text 25470\n", + "Completed text 25471\n", + "Completed text 25472\n", + "Completed text 25473\n", + "Completed text 25474\n", + "Completed text 25475\n", + "Completed text 25476\n", + "Completed text 25477\n", + "Completed text 25478\n", + "Completed text 25479\n", + "Completed text 25480\n", + "Completed text 25481\n", + "Completed text 25482\n", + "Completed text 25483\n", + "Completed text 25484\n", + "Completed text 25485\n", + "Completed text 25486\n", + "Completed text 25487\n", + "Completed text 25488\n", + "Completed text 25489\n", + "Completed text 25490\n", + "Completed text 25491\n", + "Completed text 25492\n", + "Completed text 25493\n", + "Completed text 25494\n", + "Completed text 25495\n", + "Completed text 25496\n", + "Completed text 25497\n", + "Completed text 25498\n", + "Completed text 25499\n", + "Completed text 25500\n", + "Completed text 25501\n", + "Completed text 25502\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 25503\n", + "Completed text 25504\n", + "Completed text 25505\n", + "Completed text 25506\n", + "Completed text 25507\n", + "Completed text 25508\n", + "Completed text 25509\n", + "Completed text 25510\n", + "Completed text 25511\n", + "Completed text 25512\n", + "Completed text 25513\n", + "Completed text 25514\n", + "Completed text 25515\n", + "Completed text 25516\n", + "Completed text 25517\n", + "Completed text 25518\n", + "Completed text 25519\n", + "Completed text 25520\n", + "Completed text 25521\n", + "Completed text 25522\n", + "Completed text 25523\n", + "Completed text 25524\n", + "Completed text 25525\n", + "Completed text 25526\n", + "Completed text 25527\n", + "Completed text 25528\n", + "Completed text 25529\n", + "Completed text 25530\n", + "Completed text 25531\n", + "Completed text 25532\n", + "Completed text 25533\n", + "Completed text 25534\n", + "Completed text 25535\n", + "Completed text 25536\n", + "Completed text 25537\n", + "Completed text 25538\n", + "Completed text 25539\n", + "Completed text 25540\n", + "Completed text 25541\n", + "Completed text 25542\n", + "Completed text 25543\n", + "Completed text 25544\n", + "Completed text 25545\n", + "Completed text 25546\n", + "Completed text 25547\n", + "Completed text 25548\n", + "Completed text 25549\n", + "Completed text 25550\n", + "Completed text 25551\n", + "Completed text 25552\n", + "Completed text 25553\n", + "Completed text 25554\n", + "Completed text 25555\n", + "Completed text 25556\n", + "Completed text 25557\n", + "Completed text 25558\n", + "Completed text 25559\n", + "Completed text 25560\n", + "Completed text 25561\n", + "Completed text 25562\n", + "Completed text 25563\n", + "Completed text 25564\n", + "Completed text 25565\n", + "Completed text 25566\n", + "Completed text 25567\n", + "Completed text 25568\n", + "Completed text 25569\n", + "Completed text 25570\n", + "Completed text 25571\n", + "Completed text 25572\n", + "Completed text 25573\n", + "Completed text 25574\n", + "Completed text 25575\n", + "Completed text 25576\n", + "Completed text 25577\n", + "Completed text 25578\n", + "Completed text 25579\n", + "Completed text 25580\n", + "Completed text 25581\n", + "Completed text 25582\n", + "Completed text 25583\n", + "Completed text 25584\n", + "Completed text 25585\n", + "Completed text 25586\n", + "Completed text 25587\n", + "Completed text 25588\n", + "Completed text 25589\n", + "Completed text 25590\n", + "Completed text 25591\n", + "Completed text 25592\n", + "Completed text 25593\n", + "Completed text 25594\n", + "Completed text 25595\n", + "Completed text 25596\n", + "Completed text 25597\n", + "Completed text 25598\n", + "Completed text 25599\n", + "Completed text 25600\n", + "Completed text 25601\n", + "Completed text 25602\n", + "Completed text 25603\n", + "Completed text 25604\n", + "Completed text 25605\n", + "Completed text 25606\n", + "Completed text 25607\n", + "Completed text 25608\n", + "Completed text 25609\n", + "Completed text 25610\n", + "Completed text 25611\n", + "Completed text 25612\n", + "Completed text 25613\n", + "Completed text 25614\n", + "Completed text 25615\n", + "Completed text 25616\n", + "Completed text 25617\n", + "Completed text 25618\n", + "Completed text 25619\n", + "Completed text 25620\n", + "Completed text 25621\n", + "Completed text 25622\n", + "Completed text 25623\n", + "Completed text 25624\n", + "Completed text 25625\n", + "Completed text 25626\n", + "Completed text 25627\n", + "Completed text 25628\n", + "Completed text 25629\n", + "Completed text 25630\n", + "Completed text 25631\n", + "Completed text 25632\n", + "Completed text 25633\n", + "Completed text 25634\n", + "Completed text 25635\n", + "Completed text 25636\n", + "Completed text 25637\n", + "Completed text 25638\n", + "Completed text 25639\n", + "Completed text 25640\n", + "Completed text 25641\n", + "Completed text 25642\n", + "Completed text 25643\n", + "Completed text 25644\n", + "Completed text 25645\n", + "Completed text 25646\n", + "Completed text 25647\n", + "Completed text 25648\n", + "Completed text 25649\n", + "Completed text 25650\n", + "Completed text 25651\n", + "Completed text 25652\n", + "Completed text 25653\n", + "Completed text 25654\n", + "Completed text 25655\n", + "Completed text 25656\n", + "Completed text 25657\n", + "Completed text 25658\n", + "Completed text 25659\n", + "Completed text 25660\n", + "Completed text 25661\n", + "Completed text 25662\n", + "Completed text 25663\n", + "Completed text 25664\n", + "Completed text 25665\n", + "Completed text 25666\n", + "Completed text 25667\n", + "Completed text 25668\n", + "Completed text 25669\n", + "Completed text 25670\n", + "Completed text 25671\n", + "Completed text 25672\n", + "Completed text 25673\n", + "Completed text 25674\n", + "Completed text 25675\n", + "Completed text 25676\n", + "Completed text 25677\n", + "Completed text 25678\n", + "Completed text 25679\n", + "Completed text 25680\n", + "Completed text 25681\n", + "Completed text 25682\n", + "Completed text 25683\n", + "Completed text 25684\n", + "Completed text 25685\n", + "Completed text 25686\n", + "Completed text 25687\n", + "Completed text 25688\n", + "Completed text 25689\n", + "Completed text 25690\n", + "Completed text 25691\n", + "Completed text 25692\n", + "Completed text 25693\n", + "Completed text 25694\n", + "Completed text 25695\n", + "Completed text 25696\n", + "Completed text 25697\n", + "Completed text 25698\n", + "Completed text 25699\n", + "Completed text 25700\n", + "Completed text 25701\n", + "Completed text 25702\n", + "Completed text 25703\n", + "Completed text 25704\n", + "Completed text 25705\n", + "Completed text 25706\n", + "Completed text 25707\n", + "Completed text 25708\n", + "Completed text 25709\n", + "Completed text 25710\n", + "Completed text 25711\n", + "Completed text 25712\n", + "Completed text 25713\n", + "Completed text 25714\n", + "Completed text 25715\n", + "Completed text 25716\n", + "Completed text 25717\n", + "Completed text 25718\n", + "Completed text 25719\n", + "Completed text 25720\n", + "Completed text 25721\n", + "Completed text 25722\n", + "Completed text 25723\n", + "Completed text 25724\n", + "Completed text 25725\n", + "Completed text 25726\n", + "Completed text 25727\n", + "Completed text 25728\n", + "Completed text 25729\n", + "Completed text 25730\n", + "Completed text 25731\n", + "Completed text 25732\n", + "Completed text 25733\n", + "Completed text 25734\n", + "Completed text 25735\n", + "Completed text 25736\n", + "Completed text 25737\n", + "Completed text 25738\n", + "Completed text 25739\n", + "Completed text 25740\n", + "Completed text 25741\n", + "Completed text 25742\n", + "Completed text 25743\n", + "Completed text 25744\n", + "Completed text 25745\n", + "Completed text 25746\n", + "Completed text 25747\n", + "Completed text 25748\n", + "Completed text 25749\n", + "Completed text 25750\n", + "Completed text 25751\n", + "Completed text 25752\n", + "Completed text 25753\n", + "Completed text 25754\n", + "Completed text 25755\n", + "Completed text 25756\n", + "Completed text 25757\n", + "Completed text 25758\n", + "Completed text 25759\n", + "Completed text 25760\n", + "Completed text 25761\n", + "Completed text 25762\n", + "Completed text 25763\n", + "Completed text 25764\n", + "Completed text 25765\n", + "Completed text 25766\n", + "Completed text 25767\n", + "Completed text 25768\n", + "Completed text 25769\n", + "Completed text 25770\n", + "Completed text 25771\n", + "Completed text 25772\n", + "Completed text 25773\n", + "Completed text 25774\n", + "Completed text 25775\n", + "Completed text 25776\n", + "Completed text 25777\n", + "Completed text 25778\n", + "Completed text 25779\n", + "Completed text 25780\n", + "Completed text 25781\n", + "Completed text 25782\n", + "Completed text 25783\n", + "Completed text 25784\n", + "Completed text 25785\n", + "Completed text 25786\n", + "Completed text 25787\n", + "Completed text 25788\n", + "Completed text 25789\n", + "Completed text 25790\n", + "Completed text 25791\n", + "Completed text 25792\n", + "Completed text 25793\n", + "Completed text 25794\n", + "Completed text 25795\n", + "Completed text 25796\n", + "Completed text 25797\n", + "Completed text 25798\n", + "Completed text 25799\n", + "Completed text 25800\n", + "Completed text 25801\n", + "Completed text 25802\n", + "Completed text 25803\n", + "Completed text 25804\n", + "Completed text 25805\n", + "Completed text 25806\n", + "Completed text 25807\n", + "Completed text 25808\n", + "Completed text 25809\n", + "Completed text 25810\n", + "Completed text 25811\n", + "Completed text 25812\n", + "Completed text 25813\n", + "Completed text 25814\n", + "Completed text 25815\n", + "Completed text 25816\n", + "Completed text 25817\n", + "Completed text 25818\n", + "Completed text 25819\n", + "Completed text 25820\n", + "Completed text 25821\n", + "Completed text 25822\n", + "Completed text 25823\n", + "Completed text 25824\n", + "Completed text 25825\n", + "Completed text 25826\n", + "Completed text 25827\n", + "Completed text 25828\n", + "Completed text 25829\n", + "Completed text 25830\n", + "Completed text 25831\n", + "Completed text 25832\n", + "Completed text 25833\n", + "Completed text 25834\n", + "Completed text 25835\n", + "Completed text 25836\n", + "Completed text 25837\n", + "Completed text 25838\n", + "Completed text 25839\n", + "Completed text 25840\n", + "Completed text 25841\n", + "Completed text 25842\n", + "Completed text 25843\n", + "Completed text 25844\n", + "Completed text 25845\n", + "Completed text 25846\n", + "Completed text 25847\n", + "Completed text 25848\n", + "Completed text 25849\n", + "Completed text 25850\n", + "Completed text 25851\n", + "Completed text 25852\n", + "Completed text 25853\n", + "Completed text 25854\n", + "Completed text 25855\n", + "Completed text 25856\n", + "Completed text 25857\n", + "Completed text 25858\n", + "Completed text 25859\n", + "Completed text 25860\n", + "Completed text 25861\n", + "Completed text 25862\n", + "Completed text 25863\n", + "Completed text 25864\n", + "Completed text 25865\n", + "Completed text 25866\n", + "Completed text 25867\n", + "Completed text 25868\n", + "Completed text 25869\n", + "Completed text 25870\n", + "Completed text 25871\n", + "Completed text 25872\n", + "Completed text 25873\n", + "Completed text 25874\n", + "Completed text 25875\n", + "Completed text 25876\n", + "Completed text 25877\n", + "Completed text 25878\n", + "Completed text 25879\n", + "Completed text 25880\n", + "Completed text 25881\n", + "Completed text 25882\n", + "Completed text 25883\n", + "Completed text 25884\n", + "Completed text 25885\n", + "Completed text 25886\n", + "Completed text 25887\n", + "Completed text 25888\n", + "Completed text 25889\n", + "Completed text 25890\n", + "Completed text 25891\n", + "Completed text 25892\n", + "Completed text 25893\n", + "Completed text 25894\n", + "Completed text 25895\n", + "Completed text 25896\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 25897\n", + "Completed text 25898\n", + "Completed text 25899\n", + "Completed text 25900\n", + "Completed text 25901\n", + "Completed text 25902\n", + "Completed text 25903\n", + "Completed text 25904\n", + "Completed text 25905\n", + "Completed text 25906\n", + "Completed text 25907\n", + "Completed text 25908\n", + "Completed text 25909\n", + "Completed text 25910\n", + "Completed text 25911\n", + "Completed text 25912\n", + "Completed text 25913\n", + "Completed text 25914\n", + "Completed text 25915\n", + "Completed text 25916\n", + "Completed text 25917\n", + "Completed text 25918\n", + "Completed text 25919\n", + "Completed text 25920\n", + "Completed text 25921\n", + "Completed text 25922\n", + "Completed text 25923\n", + "Completed text 25924\n", + "Completed text 25925\n", + "Completed text 25926\n", + "Completed text 25927\n", + "Completed text 25928\n", + "Completed text 25929\n", + "Completed text 25930\n", + "Completed text 25931\n", + "Completed text 25932\n", + "Completed text 25933\n", + "Completed text 25934\n", + "Completed text 25935\n", + "Completed text 25936\n", + "Completed text 25937\n", + "Completed text 25938\n", + "Completed text 25939\n", + "Completed text 25940\n", + "Completed text 25941\n", + "Completed text 25942\n", + "Completed text 25943\n", + "Completed text 25944\n", + "Completed text 25945\n", + "Completed text 25946\n", + "Completed text 25947\n", + "Completed text 25948\n", + "Completed text 25949\n", + "Completed text 25950\n", + "Completed text 25951\n", + "Completed text 25952\n", + "Completed text 25953\n", + "Completed text 25954\n", + "Completed text 25955\n", + "Completed text 25956\n", + "Completed text 25957\n", + "Completed text 25958\n", + "Completed text 25959\n", + "Completed text 25960\n", + "Completed text 25961\n", + "Completed text 25962\n", + "Completed text 25963\n", + "Completed text 25964\n", + "Completed text 25965\n", + "Completed text 25966\n", + "Completed text 25967\n", + "Completed text 25968\n", + "Completed text 25969\n", + "Completed text 25970\n", + "Completed text 25971\n", + "Completed text 25972\n", + "Completed text 25973\n", + "Completed text 25974\n", + "Completed text 25975\n", + "Completed text 25976\n", + "Completed text 25977\n", + "Completed text 25978\n", + "Completed text 25979\n", + "Completed text 25980\n", + "Completed text 25981\n", + "Completed text 25982\n", + "Completed text 25983\n", + "Completed text 25984\n", + "Completed text 25985\n", + "Completed text 25986\n", + "Completed text 25987\n", + "Completed text 25988\n", + "Completed text 25989\n", + "Completed text 25990\n", + "Completed text 25991\n", + "Completed text 25992\n", + "Completed text 25993\n", + "Completed text 25994\n", + "Completed text 25995\n", + "Completed text 25996\n", + "Completed text 25997\n", + "Completed text 25998\n", + "Completed text 25999\n", + "Completed text 26000\n", + "Completed text 26001\n", + "Completed text 26002\n", + "Completed text 26003\n", + "Completed text 26004\n", + "Completed text 26005\n", + "Completed text 26006\n", + "Completed text 26007\n", + "Completed text 26008\n", + "Completed text 26009\n", + "Completed text 26010\n", + "Completed text 26011\n", + "Completed text 26012\n", + "Completed text 26013\n", + "Completed text 26014\n", + "Completed text 26015\n", + "Completed text 26016\n", + "Completed text 26017\n", + "Completed text 26018\n", + "Completed text 26019\n", + "Completed text 26020\n", + "Completed text 26021\n", + "Completed text 26022\n", + "Completed text 26023\n", + "Completed text 26024\n", + "Completed text 26025\n", + "Completed text 26026\n", + "Completed text 26027\n", + "Completed text 26028\n", + "Completed text 26029\n", + "Completed text 26030\n", + "Completed text 26031\n", + "Completed text 26032\n", + "Completed text 26033\n", + "Completed text 26034\n", + "Completed text 26035\n", + "Completed text 26036\n", + "Completed text 26037\n", + "Completed text 26038\n", + "Completed text 26039\n", + "Completed text 26040\n", + "Completed text 26041\n", + "Completed text 26042\n", + "Completed text 26043\n", + "Completed text 26044\n", + "Completed text 26045\n", + "Completed text 26046\n", + "Completed text 26047\n", + "Completed text 26048\n", + "Completed text 26049\n", + "Completed text 26050\n", + "Completed text 26051\n", + "Completed text 26052\n", + "Completed text 26053\n", + "Completed text 26054\n", + "Completed text 26055\n", + "Completed text 26056\n", + "Completed text 26057\n", + "Completed text 26058\n", + "Completed text 26059\n", + "Completed text 26060\n", + "Completed text 26061\n", + "Completed text 26062\n", + "Completed text 26063\n", + "Completed text 26064\n", + "Completed text 26065\n", + "Completed text 26066\n", + "Completed text 26067\n", + "Completed text 26068\n", + "Completed text 26069\n", + "Completed text 26070\n", + "Completed text 26071\n", + "Completed text 26072\n", + "Completed text 26073\n", + "Completed text 26074\n", + "Completed text 26075\n", + "Completed text 26076\n", + "Completed text 26077\n", + "Completed text 26078\n", + "Completed text 26079\n", + "Completed text 26080\n", + "Completed text 26081\n", + "Completed text 26082\n", + "Completed text 26083\n", + "Completed text 26084\n", + "Completed text 26085\n", + "Completed text 26086\n", + "Completed text 26087\n", + "Completed text 26088\n", + "Completed text 26089\n", + "Completed text 26090\n", + "Completed text 26091\n", + "Completed text 26092\n", + "Completed text 26093\n", + "Completed text 26094\n", + "Completed text 26095\n", + "Completed text 26096\n", + "Completed text 26097\n", + "Completed text 26098\n", + "Completed text 26099\n", + "Completed text 26100\n", + "Completed text 26101\n", + "Completed text 26102\n", + "Completed text 26103\n", + "Completed text 26104\n", + "Completed text 26105\n", + "Completed text 26106\n", + "Completed text 26107\n", + "Completed text 26108\n", + "Completed text 26109\n", + "Completed text 26110\n", + "Completed text 26111\n", + "Completed text 26112\n", + "Completed text 26113\n", + "Completed text 26114\n", + "Completed text 26115\n", + "Completed text 26116\n", + "Completed text 26117\n", + "Completed text 26118\n", + "Completed text 26119\n", + "Completed text 26120\n", + "Completed text 26121\n", + "Completed text 26122\n", + "Completed text 26123\n", + "Completed text 26124\n", + "Completed text 26125\n", + "Completed text 26126\n", + "Completed text 26127\n", + "Completed text 26128\n", + "Completed text 26129\n", + "Completed text 26130\n", + "Completed text 26131\n", + "Completed text 26132\n", + "Completed text 26133\n", + "Completed text 26134\n", + "Completed text 26135\n", + "Completed text 26136\n", + "Completed text 26137\n", + "Completed text 26138\n", + "Completed text 26139\n", + "Completed text 26140\n", + "Completed text 26141\n", + "Completed text 26142\n", + "Completed text 26143\n", + "Completed text 26144\n", + "Completed text 26145\n", + "Completed text 26146\n", + "Completed text 26147\n", + "Completed text 26148\n", + "Completed text 26149\n", + "Completed text 26150\n", + "Completed text 26151\n", + "Completed text 26152\n", + "Completed text 26153\n", + "Completed text 26154\n", + "Completed text 26155\n", + "Completed text 26156\n", + "Completed text 26157\n", + "Completed text 26158\n", + "Completed text 26159\n", + "Completed text 26160\n", + "Completed text 26161\n", + "Completed text 26162\n", + "Completed text 26163\n", + "Completed text 26164\n", + "Completed text 26165\n", + "Completed text 26166\n", + "Completed text 26167\n", + "Completed text 26168\n", + "Completed text 26169\n", + "Completed text 26170\n", + "Completed text 26171\n", + "Completed text 26172\n", + "Completed text 26173\n", + "Completed text 26174\n", + "Completed text 26175\n", + "Completed text 26176\n", + "Completed text 26177\n", + "Completed text 26178\n", + "Completed text 26179\n", + "Completed text 26180\n", + "Completed text 26181\n", + "Completed text 26182\n", + "Completed text 26183\n", + "Completed text 26184\n", + "Completed text 26185\n", + "Completed text 26186\n", + "Completed text 26187\n", + "Completed text 26188\n", + "Completed text 26189\n", + "Completed text 26190\n", + "Completed text 26191\n", + "Completed text 26192\n", + "Completed text 26193\n", + "Completed text 26194\n", + "Completed text 26195\n", + "Completed text 26196\n", + "Completed text 26197\n", + "Completed text 26198\n", + "Completed text 26199\n", + "Completed text 26200\n", + "Completed text 26201\n", + "Completed text 26202\n", + "Completed text 26203\n", + "Completed text 26204\n", + "Completed text 26205\n", + "Completed text 26206\n", + "Completed text 26207\n", + "Completed text 26208\n", + "Completed text 26209\n", + "Completed text 26210\n", + "Completed text 26211\n", + "Completed text 26212\n", + "Completed text 26213\n", + "Completed text 26214\n", + "Completed text 26215\n", + "Completed text 26216\n", + "Completed text 26217\n", + "Completed text 26218\n", + "Completed text 26219\n", + "Completed text 26220\n", + "Completed text 26221\n", + "Completed text 26222\n", + "Completed text 26223\n", + "Completed text 26224\n", + "Completed text 26225\n", + "Completed text 26226\n", + "Completed text 26227\n", + "Completed text 26228\n", + "Completed text 26229\n", + "Completed text 26230\n", + "Completed text 26231\n", + "Completed text 26232\n", + "Completed text 26233\n", + "Completed text 26234\n", + "Completed text 26235\n", + "Completed text 26236\n", + "Completed text 26237\n", + "Completed text 26238\n", + "Completed text 26239\n", + "Completed text 26240\n", + "Completed text 26241\n", + "Completed text 26242\n", + "Completed text 26243\n", + "Completed text 26244\n", + "Completed text 26245\n", + "Completed text 26246\n", + "Completed text 26247\n", + "Completed text 26248\n", + "Completed text 26249\n", + "Completed text 26250\n", + "Completed text 26251\n", + "Completed text 26252\n", + "Completed text 26253\n", + "Completed text 26254\n", + "Completed text 26255\n", + "Completed text 26256\n", + "Completed text 26257\n", + "Completed text 26258\n", + "Completed text 26259\n", + "Completed text 26260\n", + "Completed text 26261\n", + "Completed text 26262\n", + "Completed text 26263\n", + "Completed text 26264\n", + "Completed text 26265\n", + "Completed text 26266\n", + "Completed text 26267\n", + "Completed text 26268\n", + "Completed text 26269\n", + "Completed text 26270\n", + "Completed text 26271\n", + "Completed text 26272\n", + "Completed text 26273\n", + "Completed text 26274\n", + "Completed text 26275\n", + "Completed text 26276\n", + "Completed text 26277\n", + "Completed text 26278\n", + "Completed text 26279\n", + "Completed text 26280\n", + "Completed text 26281\n", + "Completed text 26282\n", + "Completed text 26283\n", + "Completed text 26284\n", + "Completed text 26285\n", + "Completed text 26286\n", + "Completed text 26287\n", + "Completed text 26288\n", + "Completed text 26289\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 26290\n", + "Completed text 26291\n", + "Completed text 26292\n", + "Completed text 26293\n", + "Completed text 26294\n", + "Completed text 26295\n", + "Completed text 26296\n", + "Completed text 26297\n", + "Completed text 26298\n", + "Completed text 26299\n", + "Completed text 26300\n", + "Completed text 26301\n", + "Completed text 26302\n", + "Completed text 26303\n", + "Completed text 26304\n", + "Completed text 26305\n", + "Completed text 26306\n", + "Completed text 26307\n", + "Completed text 26308\n", + "Completed text 26309\n", + "Completed text 26310\n", + "Completed text 26311\n", + "Completed text 26312\n", + "Completed text 26313\n", + "Completed text 26314\n", + "Completed text 26315\n", + "Completed text 26316\n", + "Completed text 26317\n", + "Completed text 26318\n", + "Completed text 26319\n", + "Completed text 26320\n", + "Completed text 26321\n", + "Completed text 26322\n", + "Completed text 26323\n", + "Completed text 26324\n", + "Completed text 26325\n", + "Completed text 26326\n", + "Completed text 26327\n", + "Completed text 26328\n", + "Completed text 26329\n", + "Completed text 26330\n", + "Completed text 26331\n", + "Completed text 26332\n", + "Completed text 26333\n", + "Completed text 26334\n", + "Completed text 26335\n", + "Completed text 26336\n", + "Completed text 26337\n", + "Completed text 26338\n", + "Completed text 26339\n", + "Completed text 26340\n", + "Completed text 26341\n", + "Completed text 26342\n", + "Completed text 26343\n", + "Completed text 26344\n", + "Completed text 26345\n", + "Completed text 26346\n", + "Completed text 26347\n", + "Completed text 26348\n", + "Completed text 26349\n", + "Completed text 26350\n", + "Completed text 26351\n", + "Completed text 26352\n", + "Completed text 26353\n", + "Completed text 26354\n", + "Completed text 26355\n", + "Completed text 26356\n", + "Completed text 26357\n", + "Completed text 26358\n", + "Completed text 26359\n", + "Completed text 26360\n", + "Completed text 26361\n", + "Completed text 26362\n", + "Completed text 26363\n", + "Completed text 26364\n", + "Completed text 26365\n", + "Completed text 26366\n", + "Completed text 26367\n", + "Completed text 26368\n", + "Completed text 26369\n", + "Completed text 26370\n", + "Completed text 26371\n", + "Completed text 26372\n", + "Completed text 26373\n", + "Completed text 26374\n", + "Completed text 26375\n", + "Completed text 26376\n", + "Completed text 26377\n", + "Completed text 26378\n", + "Completed text 26379\n", + "Completed text 26380\n", + "Completed text 26381\n", + "Completed text 26382\n", + "Completed text 26383\n", + "Completed text 26384\n", + "Completed text 26385\n", + "Completed text 26386\n", + "Completed text 26387\n", + "Completed text 26388\n", + "Completed text 26389\n", + "Completed text 26390\n", + "Completed text 26391\n", + "Completed text 26392\n", + "Completed text 26393\n", + "Completed text 26394\n", + "Completed text 26395\n", + "Completed text 26396\n", + "Completed text 26397\n", + "Completed text 26398\n", + "Completed text 26399\n", + "Completed text 26400\n", + "Completed text 26401\n", + "Completed text 26402\n", + "Completed text 26403\n", + "Completed text 26404\n", + "Completed text 26405\n", + "Completed text 26406\n", + "Completed text 26407\n", + "Completed text 26408\n", + "Completed text 26409\n", + "Completed text 26410\n", + "Completed text 26411\n", + "Completed text 26412\n", + "Completed text 26413\n", + "Completed text 26414\n", + "Completed text 26415\n", + "Completed text 26416\n", + "Completed text 26417\n", + "Completed text 26418\n", + "Completed text 26419\n", + "Completed text 26420\n", + "Completed text 26421\n", + "Completed text 26422\n", + "Completed text 26423\n", + "Completed text 26424\n", + "Completed text 26425\n", + "Completed text 26426\n", + "Completed text 26427\n", + "Completed text 26428\n", + "Completed text 26429\n", + "Completed text 26430\n", + "Completed text 26431\n", + "Completed text 26432\n", + "Completed text 26433\n", + "Completed text 26434\n", + "Completed text 26435\n", + "Completed text 26436\n", + "Completed text 26437\n", + "Completed text 26438\n", + "Completed text 26439\n", + "Completed text 26440\n", + "Completed text 26441\n", + "Completed text 26442\n", + "Completed text 26443\n", + "Completed text 26444\n", + "Completed text 26445\n", + "Completed text 26446\n", + "Completed text 26447\n", + "Completed text 26448\n", + "Completed text 26449\n", + "Completed text 26450\n", + "Completed text 26451\n", + "Completed text 26452\n", + "Completed text 26453\n", + "Completed text 26454\n", + "Completed text 26455\n", + "Completed text 26456\n", + "Completed text 26457\n", + "Completed text 26458\n", + "Completed text 26459\n", + "Completed text 26460\n", + "Completed text 26461\n", + "Completed text 26462\n", + "Completed text 26463\n", + "Completed text 26464\n", + "Completed text 26465\n", + "Completed text 26466\n", + "Completed text 26467\n", + "Completed text 26468\n", + "Completed text 26469\n", + "Completed text 26470\n", + "Completed text 26471\n", + "Completed text 26472\n", + "Completed text 26473\n", + "Completed text 26474\n", + "Completed text 26475\n", + "Completed text 26476\n", + "Completed text 26477\n", + "Completed text 26478\n", + "Completed text 26479\n", + "Completed text 26480\n", + "Completed text 26481\n", + "Completed text 26482\n", + "Completed text 26483\n", + "Completed text 26484\n", + "Completed text 26485\n", + "Completed text 26486\n", + "Completed text 26487\n", + "Completed text 26488\n", + "Completed text 26489\n", + "Completed text 26490\n", + "Completed text 26491\n", + "Completed text 26492\n", + "Completed text 26493\n", + "Completed text 26494\n", + "Completed text 26495\n", + "Completed text 26496\n", + "Completed text 26497\n", + "Completed text 26498\n", + "Completed text 26499\n", + "Completed text 26500\n", + "Completed text 26501\n", + "Completed text 26502\n", + "Completed text 26503\n", + "Completed text 26504\n", + "Completed text 26505\n", + "Completed text 26506\n", + "Completed text 26507\n", + "Completed text 26508\n", + "Completed text 26509\n", + "Completed text 26510\n", + "Completed text 26511\n", + "Completed text 26512\n", + "Completed text 26513\n", + "Completed text 26514\n", + "Completed text 26515\n", + "Completed text 26516\n", + "Completed text 26517\n", + "Completed text 26518\n", + "Completed text 26519\n", + "Completed text 26520\n", + "Completed text 26521\n", + "Completed text 26522\n", + "Completed text 26523\n", + "Completed text 26524\n", + "Completed text 26525\n", + "Completed text 26526\n", + "Completed text 26527\n", + "Completed text 26528\n", + "Completed text 26529\n", + "Completed text 26530\n", + "Completed text 26531\n", + "Completed text 26532\n", + "Completed text 26533\n", + "Completed text 26534\n", + "Completed text 26535\n", + "Completed text 26536\n", + "Completed text 26537\n", + "Completed text 26538\n", + "Completed text 26539\n", + "Completed text 26540\n", + "Completed text 26541\n", + "Completed text 26542\n", + "Completed text 26543\n", + "Completed text 26544\n", + "Completed text 26545\n", + "Completed text 26546\n", + "Completed text 26547\n", + "Completed text 26548\n", + "Completed text 26549\n", + "Completed text 26550\n", + "Completed text 26551\n", + "Completed text 26552\n", + "Completed text 26553\n", + "Completed text 26554\n", + "Completed text 26555\n", + "Completed text 26556\n", + "Completed text 26557\n", + "Completed text 26558\n", + "Completed text 26559\n", + "Completed text 26560\n", + "Completed text 26561\n", + "Completed text 26562\n", + "Completed text 26563\n", + "Completed text 26564\n", + "Completed text 26565\n", + "Completed text 26566\n", + "Completed text 26567\n", + "Completed text 26568\n", + "Completed text 26569\n", + "Completed text 26570\n", + "Completed text 26571\n", + "Completed text 26572\n", + "Completed text 26573\n", + "Completed text 26574\n", + "Completed text 26575\n", + "Completed text 26576\n", + "Completed text 26577\n", + "Completed text 26578\n", + "Completed text 26579\n", + "Completed text 26580\n", + "Completed text 26581\n", + "Completed text 26582\n", + "Completed text 26583\n", + "Completed text 26584\n", + "Completed text 26585\n", + "Completed text 26586\n", + "Completed text 26587\n", + "Completed text 26588\n", + "Completed text 26589\n", + "Completed text 26590\n", + "Completed text 26591\n", + "Completed text 26592\n", + "Completed text 26593\n", + "Completed text 26594\n", + "Completed text 26595\n", + "Completed text 26596\n", + "Completed text 26597\n", + "Completed text 26598\n", + "Completed text 26599\n", + "Completed text 26600\n", + "Completed text 26601\n", + "Completed text 26602\n", + "Completed text 26603\n", + "Completed text 26604\n", + "Completed text 26605\n", + "Completed text 26606\n", + "Completed text 26607\n", + "Completed text 26608\n", + "Completed text 26609\n", + "Completed text 26610\n", + "Completed text 26611\n", + "Completed text 26612\n", + "Completed text 26613\n", + "Completed text 26614\n", + "Completed text 26615\n", + "Completed text 26616\n", + "Completed text 26617\n", + "Completed text 26618\n", + "Completed text 26619\n", + "Completed text 26620\n", + "Completed text 26621\n", + "Completed text 26622\n", + "Completed text 26623\n", + "Completed text 26624\n", + "Completed text 26625\n", + "Completed text 26626\n", + "Completed text 26627\n", + "Completed text 26628\n", + "Completed text 26629\n", + "Completed text 26630\n", + "Completed text 26631\n", + "Completed text 26632\n", + "Completed text 26633\n", + "Completed text 26634\n", + "Completed text 26635\n", + "Completed text 26636\n", + "Completed text 26637\n", + "Completed text 26638\n", + "Completed text 26639\n", + "Completed text 26640\n", + "Completed text 26641\n", + "Completed text 26642\n", + "Completed text 26643\n", + "Completed text 26644\n", + "Completed text 26645\n", + "Completed text 26646\n", + "Completed text 26647\n", + "Completed text 26648\n", + "Completed text 26649\n", + "Completed text 26650\n", + "Completed text 26651\n", + "Completed text 26652\n", + "Completed text 26653\n", + "Completed text 26654\n", + "Completed text 26655\n", + "Completed text 26656\n", + "Completed text 26657\n", + "Completed text 26658\n", + "Completed text 26659\n", + "Completed text 26660\n", + "Completed text 26661\n", + "Completed text 26662\n", + "Completed text 26663\n", + "Completed text 26664\n", + "Completed text 26665\n", + "Completed text 26666\n", + "Completed text 26667\n", + "Completed text 26668\n", + "Completed text 26669\n", + "Completed text 26670\n", + "Completed text 26671\n", + "Completed text 26672\n", + "Completed text 26673\n", + "Completed text 26674\n", + "Completed text 26675\n", + "Completed text 26676\n", + "Completed text 26677\n", + "Completed text 26678\n", + "Completed text 26679\n", + "Completed text 26680\n", + "Completed text 26681\n", + "Completed text 26682\n", + "Completed text 26683\n", + "Completed text 26684\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 26685\n", + "Completed text 26686\n", + "Completed text 26687\n", + "Completed text 26688\n", + "Completed text 26689\n", + "Completed text 26690\n", + "Completed text 26691\n", + "Completed text 26692\n", + "Completed text 26693\n", + "Completed text 26694\n", + "Completed text 26695\n", + "Completed text 26696\n", + "Completed text 26697\n", + "Completed text 26698\n", + "Completed text 26699\n", + "Completed text 26700\n", + "Completed text 26701\n", + "Completed text 26702\n", + "Completed text 26703\n", + "Completed text 26704\n", + "Completed text 26705\n", + "Completed text 26706\n", + "Completed text 26707\n", + "Completed text 26708\n", + "Completed text 26709\n", + "Completed text 26710\n", + "Completed text 26711\n", + "Completed text 26712\n", + "Completed text 26713\n", + "Completed text 26714\n", + "Completed text 26715\n", + "Completed text 26716\n", + "Completed text 26717\n", + "Completed text 26718\n", + "Completed text 26719\n", + "Completed text 26720\n", + "Completed text 26721\n", + "Completed text 26722\n", + "Completed text 26723\n", + "Completed text 26724\n", + "Completed text 26725\n", + "Completed text 26726\n", + "Completed text 26727\n", + "Completed text 26728\n", + "Completed text 26729\n", + "Completed text 26730\n", + "Completed text 26731\n", + "Completed text 26732\n", + "Completed text 26733\n", + "Completed text 26734\n", + "Completed text 26735\n", + "Completed text 26736\n", + "Completed text 26737\n", + "Completed text 26738\n", + "Completed text 26739\n", + "Completed text 26740\n", + "Completed text 26741\n", + "Completed text 26742\n", + "Completed text 26743\n", + "Completed text 26744\n", + "Completed text 26745\n", + "Completed text 26746\n", + "Completed text 26747\n", + "Completed text 26748\n", + "Completed text 26749\n", + "Completed text 26750\n", + "Completed text 26751\n", + "Completed text 26752\n", + "Completed text 26753\n", + "Completed text 26754\n", + "Completed text 26755\n", + "Completed text 26756\n", + "Completed text 26757\n", + "Completed text 26758\n", + "Completed text 26759\n", + "Completed text 26760\n", + "Completed text 26761\n", + "Completed text 26762\n", + "Completed text 26763\n", + "Completed text 26764\n", + "Completed text 26765\n", + "Completed text 26766\n", + "Completed text 26767\n", + "Completed text 26768\n", + "Completed text 26769\n", + "Completed text 26770\n", + "Completed text 26771\n", + "Completed text 26772\n", + "Completed text 26773\n", + "Completed text 26774\n", + "Completed text 26775\n", + "Completed text 26776\n", + "Completed text 26777\n", + "Completed text 26778\n", + "Completed text 26779\n", + "Completed text 26780\n", + "Completed text 26781\n", + "Completed text 26782\n", + "Completed text 26783\n", + "Completed text 26784\n", + "Completed text 26785\n", + "Completed text 26786\n", + "Completed text 26787\n", + "Completed text 26788\n", + "Completed text 26789\n", + "Completed text 26790\n", + "Completed text 26791\n", + "Completed text 26792\n", + "Completed text 26793\n", + "Completed text 26794\n", + "Completed text 26795\n", + "Completed text 26796\n", + "Completed text 26797\n", + "Completed text 26798\n", + "Completed text 26799\n", + "Completed text 26800\n", + "Completed text 26801\n", + "Completed text 26802\n", + "Completed text 26803\n", + "Completed text 26804\n", + "Completed text 26805\n", + "Completed text 26806\n", + "Completed text 26807\n", + "Completed text 26808\n", + "Completed text 26809\n", + "Completed text 26810\n", + "Completed text 26811\n", + "Completed text 26812\n", + "Completed text 26813\n", + "Completed text 26814\n", + "Completed text 26815\n", + "Completed text 26816\n", + "Completed text 26817\n", + "Completed text 26818\n", + "Completed text 26819\n", + "Completed text 26820\n", + "Completed text 26821\n", + "Completed text 26822\n", + "Completed text 26823\n", + "Completed text 26824\n", + "Completed text 26825\n", + "Completed text 26826\n", + "Completed text 26827\n", + "Completed text 26828\n", + "Completed text 26829\n", + "Completed text 26830\n", + "Completed text 26831\n", + "Completed text 26832\n", + "Completed text 26833\n", + "Completed text 26834\n", + "Completed text 26835\n", + "Completed text 26836\n", + "Completed text 26837\n", + "Completed text 26838\n", + "Completed text 26839\n", + "Completed text 26840\n", + "Completed text 26841\n", + "Completed text 26842\n", + "Completed text 26843\n", + "Completed text 26844\n", + "Completed text 26845\n", + "Completed text 26846\n", + "Completed text 26847\n", + "Completed text 26848\n", + "Completed text 26849\n", + "Completed text 26850\n", + "Completed text 26851\n", + "Completed text 26852\n", + "Completed text 26853\n", + "Completed text 26854\n", + "Completed text 26855\n", + "Completed text 26856\n", + "Completed text 26857\n", + "Completed text 26858\n", + "Completed text 26859\n", + "Completed text 26860\n", + "Completed text 26861\n", + "Completed text 26862\n", + "Completed text 26863\n", + "Completed text 26864\n", + "Completed text 26865\n", + "Completed text 26866\n", + "Completed text 26867\n", + "Completed text 26868\n", + "Completed text 26869\n", + "Completed text 26870\n", + "Completed text 26871\n", + "Completed text 26872\n", + "Completed text 26873\n", + "Completed text 26874\n", + "Completed text 26875\n", + "Completed text 26876\n", + "Completed text 26877\n", + "Completed text 26878\n", + "Completed text 26879\n", + "Completed text 26880\n", + "Completed text 26881\n", + "Completed text 26882\n", + "Completed text 26883\n", + "Completed text 26884\n", + "Completed text 26885\n", + "Completed text 26886\n", + "Completed text 26887\n", + "Completed text 26888\n", + "Completed text 26889\n", + "Completed text 26890\n", + "Completed text 26891\n", + "Completed text 26892\n", + "Completed text 26893\n", + "Completed text 26894\n", + "Completed text 26895\n", + "Completed text 26896\n", + "Completed text 26897\n", + "Completed text 26898\n", + "Completed text 26899\n", + "Completed text 26900\n", + "Completed text 26901\n", + "Completed text 26902\n", + "Completed text 26903\n", + "Completed text 26904\n", + "Completed text 26905\n", + "Completed text 26906\n", + "Completed text 26907\n", + "Completed text 26908\n", + "Completed text 26909\n", + "Completed text 26910\n", + "Completed text 26911\n", + "Completed text 26912\n", + "Completed text 26913\n", + "Completed text 26914\n", + "Completed text 26915\n", + "Completed text 26916\n", + "Completed text 26917\n", + "Completed text 26918\n", + "Completed text 26919\n", + "Completed text 26920\n", + "Completed text 26921\n", + "Completed text 26922\n", + "Completed text 26923\n", + "Completed text 26924\n", + "Completed text 26925\n", + "Completed text 26926\n", + "Completed text 26927\n", + "Completed text 26928\n", + "Completed text 26929\n", + "Completed text 26930\n", + "Completed text 26931\n", + "Completed text 26932\n", + "Completed text 26933\n", + "Completed text 26934\n", + "Completed text 26935\n", + "Completed text 26936\n", + "Completed text 26937\n", + "Completed text 26938\n", + "Completed text 26939\n", + "Completed text 26940\n", + "Completed text 26941\n", + "Completed text 26942\n", + "Completed text 26943\n", + "Completed text 26944\n", + "Completed text 26945\n", + "Completed text 26946\n", + "Completed text 26947\n", + "Completed text 26948\n", + "Completed text 26949\n", + "Completed text 26950\n", + "Completed text 26951\n", + "Completed text 26952\n", + "Completed text 26953\n", + "Completed text 26954\n", + "Completed text 26955\n", + "Completed text 26956\n", + "Completed text 26957\n", + "Completed text 26958\n", + "Completed text 26959\n", + "Completed text 26960\n", + "Completed text 26961\n", + "Completed text 26962\n", + "Completed text 26963\n", + "Completed text 26964\n", + "Completed text 26965\n", + "Completed text 26966\n", + "Completed text 26967\n", + "Completed text 26968\n", + "Completed text 26969\n", + "Completed text 26970\n", + "Completed text 26971\n", + "Completed text 26972\n", + "Completed text 26973\n", + "Completed text 26974\n", + "Completed text 26975\n", + "Completed text 26976\n", + "Completed text 26977\n", + "Completed text 26978\n", + "Completed text 26979\n", + "Completed text 26980\n", + "Completed text 26981\n", + "Completed text 26982\n", + "Completed text 26983\n", + "Completed text 26984\n", + "Completed text 26985\n", + "Completed text 26986\n", + "Completed text 26987\n", + "Completed text 26988\n", + "Completed text 26989\n", + "Completed text 26990\n", + "Completed text 26991\n", + "Completed text 26992\n", + "Completed text 26993\n", + "Completed text 26994\n", + "Completed text 26995\n", + "Completed text 26996\n", + "Completed text 26997\n", + "Completed text 26998\n", + "Completed text 26999\n", + "Completed text 27000\n", + "Completed text 27001\n", + "Completed text 27002\n", + "Completed text 27003\n", + "Completed text 27004\n", + "Completed text 27005\n", + "Completed text 27006\n", + "Completed text 27007\n", + "Completed text 27008\n", + "Completed text 27009\n", + "Completed text 27010\n", + "Completed text 27011\n", + "Completed text 27012\n", + "Completed text 27013\n", + "Completed text 27014\n", + "Completed text 27015\n", + "Completed text 27016\n", + "Completed text 27017\n", + "Completed text 27018\n", + "Completed text 27019\n", + "Completed text 27020\n", + "Completed text 27021\n", + "Completed text 27022\n", + "Completed text 27023\n", + "Completed text 27024\n", + "Completed text 27025\n", + "Completed text 27026\n", + "Completed text 27027\n", + "Completed text 27028\n", + "Completed text 27029\n", + "Completed text 27030\n", + "Completed text 27031\n", + "Completed text 27032\n", + "Completed text 27033\n", + "Completed text 27034\n", + "Completed text 27035\n", + "Completed text 27036\n", + "Completed text 27037\n", + "Completed text 27038\n", + "Completed text 27039\n", + "Completed text 27040\n", + "Completed text 27041\n", + "Completed text 27042\n", + "Completed text 27043\n", + "Completed text 27044\n", + "Completed text 27045\n", + "Completed text 27046\n", + "Completed text 27047\n", + "Completed text 27048\n", + "Completed text 27049\n", + "Completed text 27050\n", + "Completed text 27051\n", + "Completed text 27052\n", + "Completed text 27053\n", + "Completed text 27054\n", + "Completed text 27055\n", + "Completed text 27056\n", + "Completed text 27057\n", + "Completed text 27058\n", + "Completed text 27059\n", + "Completed text 27060\n", + "Completed text 27061\n", + "Completed text 27062\n", + "Completed text 27063\n", + "Completed text 27064\n", + "Completed text 27065\n", + "Completed text 27066\n", + "Completed text 27067\n", + "Completed text 27068\n", + "Completed text 27069\n", + "Completed text 27070\n", + "Completed text 27071\n", + "Completed text 27072\n", + "Completed text 27073\n", + "Completed text 27074\n", + "Completed text 27075\n", + "Completed text 27076\n", + "Completed text 27077\n", + "Completed text 27078\n", + "Completed text 27079\n", + "Completed text 27080\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 27081\n", + "Completed text 27082\n", + "Completed text 27083\n", + "Completed text 27084\n", + "Completed text 27085\n", + "Completed text 27086\n", + "Completed text 27087\n", + "Completed text 27088\n", + "Completed text 27089\n", + "Completed text 27090\n", + "Completed text 27091\n", + "Completed text 27092\n", + "Completed text 27093\n", + "Completed text 27094\n", + "Completed text 27095\n", + "Completed text 27096\n", + "Completed text 27097\n", + "Completed text 27098\n", + "Completed text 27099\n", + "Completed text 27100\n", + "Completed text 27101\n", + "Completed text 27102\n", + "Completed text 27103\n", + "Completed text 27104\n", + "Completed text 27105\n", + "Completed text 27106\n", + "Completed text 27107\n", + "Completed text 27108\n", + "Completed text 27109\n", + "Completed text 27110\n", + "Completed text 27111\n", + "Completed text 27112\n", + "Completed text 27113\n", + "Completed text 27114\n", + "Completed text 27115\n", + "Completed text 27116\n", + "Completed text 27117\n", + "Completed text 27118\n", + "Completed text 27119\n", + "Completed text 27120\n", + "Completed text 27121\n", + "Completed text 27122\n", + "Completed text 27123\n", + "Completed text 27124\n", + "Completed text 27125\n", + "Completed text 27126\n", + "Completed text 27127\n", + "Completed text 27128\n", + "Completed text 27129\n", + "Completed text 27130\n", + "Completed text 27131\n", + "Completed text 27132\n", + "Completed text 27133\n", + "Completed text 27134\n", + "Completed text 27135\n", + "Completed text 27136\n", + "Completed text 27137\n", + "Completed text 27138\n", + "Completed text 27139\n", + "Completed text 27140\n", + "Completed text 27141\n", + "Completed text 27142\n", + "Completed text 27143\n", + "Completed text 27144\n", + "Completed text 27145\n", + "Completed text 27146\n", + "Completed text 27147\n", + "Completed text 27148\n", + "Completed text 27149\n", + "Completed text 27150\n", + "Completed text 27151\n", + "Completed text 27152\n", + "Completed text 27153\n", + "Completed text 27154\n", + "Completed text 27155\n", + "Completed text 27156\n", + "Completed text 27157\n", + "Completed text 27158\n", + "Completed text 27159\n", + "Completed text 27160\n", + "Completed text 27161\n", + "Completed text 27162\n", + "Completed text 27163\n", + "Completed text 27164\n", + "Completed text 27165\n", + "Completed text 27166\n", + "Completed text 27167\n", + "Completed text 27168\n", + "Completed text 27169\n", + "Completed text 27170\n", + "Completed text 27171\n", + "Completed text 27172\n", + "Completed text 27173\n", + "Completed text 27174\n", + "Completed text 27175\n", + "Completed text 27176\n", + "Completed text 27177\n", + "Completed text 27178\n", + "Completed text 27179\n", + "Completed text 27180\n", + "Completed text 27181\n", + "Completed text 27182\n", + "Completed text 27183\n", + "Completed text 27184\n", + "Completed text 27185\n", + "Completed text 27186\n", + "Completed text 27187\n", + "Completed text 27188\n", + "Completed text 27189\n", + "Completed text 27190\n", + "Completed text 27191\n", + "Completed text 27192\n", + "Completed text 27193\n", + "Completed text 27194\n", + "Completed text 27195\n", + "Completed text 27196\n", + "Completed text 27197\n", + "Completed text 27198\n", + "Completed text 27199\n", + "Completed text 27200\n", + "Completed text 27201\n", + "Completed text 27202\n", + "Completed text 27203\n", + "Completed text 27204\n", + "Completed text 27205\n", + "Completed text 27206\n", + "Completed text 27207\n", + "Completed text 27208\n", + "Completed text 27209\n", + "Completed text 27210\n", + "Completed text 27211\n", + "Completed text 27212\n", + "Completed text 27213\n", + "Completed text 27214\n", + "Completed text 27215\n", + "Completed text 27216\n", + "Completed text 27217\n", + "Completed text 27218\n", + "Completed text 27219\n", + "Completed text 27220\n", + "Completed text 27221\n", + "Completed text 27222\n", + "Completed text 27223\n", + "Completed text 27224\n", + "Completed text 27225\n", + "Completed text 27226\n", + "Completed text 27227\n", + "Completed text 27228\n", + "Completed text 27229\n", + "Completed text 27230\n", + "Completed text 27231\n", + "Completed text 27232\n", + "Completed text 27233\n", + "Completed text 27234\n", + "Completed text 27235\n", + "Completed text 27236\n", + "Completed text 27237\n", + "Completed text 27238\n", + "Completed text 27239\n", + "Completed text 27240\n", + "Completed text 27241\n", + "Completed text 27242\n", + "Completed text 27243\n", + "Completed text 27244\n", + "Completed text 27245\n", + "Completed text 27246\n", + "Completed text 27247\n", + "Completed text 27248\n", + "Completed text 27249\n", + "Completed text 27250\n", + "Completed text 27251\n", + "Completed text 27252\n", + "Completed text 27253\n", + "Completed text 27254\n", + "Completed text 27255\n", + "Completed text 27256\n", + "Completed text 27257\n", + "Completed text 27258\n", + "Completed text 27259\n", + "Completed text 27260\n", + "Completed text 27261\n", + "Completed text 27262\n", + "Completed text 27263\n", + "Completed text 27264\n", + "Completed text 27265\n", + "Completed text 27266\n", + "Completed text 27267\n", + "Completed text 27268\n", + "Completed text 27269\n", + "Completed text 27270\n", + "Completed text 27271\n", + "Completed text 27272\n", + "Completed text 27273\n", + "Completed text 27274\n", + "Completed text 27275\n", + "Completed text 27276\n", + "Completed text 27277\n", + "Completed text 27278\n", + "Completed text 27279\n", + "Completed text 27280\n", + "Completed text 27281\n", + "Completed text 27282\n", + "Completed text 27283\n", + "Completed text 27284\n", + "Completed text 27285\n", + "Completed text 27286\n", + "Completed text 27287\n", + "Completed text 27288\n", + "Completed text 27289\n", + "Completed text 27290\n", + "Completed text 27291\n", + "Completed text 27292\n", + "Completed text 27293\n", + "Completed text 27294\n", + "Completed text 27295\n", + "Completed text 27296\n", + "Completed text 27297\n", + "Completed text 27298\n", + "Completed text 27299\n", + "Completed text 27300\n", + "Completed text 27301\n", + "Completed text 27302\n", + "Completed text 27303\n", + "Completed text 27304\n", + "Completed text 27305\n", + "Completed text 27306\n", + "Completed text 27307\n", + "Completed text 27308\n", + "Completed text 27309\n", + "Completed text 27310\n", + "Completed text 27311\n", + "Completed text 27312\n", + "Completed text 27313\n", + "Completed text 27314\n", + "Completed text 27315\n", + "Completed text 27316\n", + "Completed text 27317\n", + "Completed text 27318\n", + "Completed text 27319\n", + "Completed text 27320\n", + "Completed text 27321\n", + "Completed text 27322\n", + "Completed text 27323\n", + "Completed text 27324\n", + "Completed text 27325\n", + "Completed text 27326\n", + "Completed text 27327\n", + "Completed text 27328\n", + "Completed text 27329\n", + "Completed text 27330\n", + "Completed text 27331\n", + "Completed text 27332\n", + "Completed text 27333\n", + "Completed text 27334\n", + "Completed text 27335\n", + "Completed text 27336\n", + "Completed text 27337\n", + "Completed text 27338\n", + "Completed text 27339\n", + "Completed text 27340\n", + "Completed text 27341\n", + "Completed text 27342\n", + "Completed text 27343\n", + "Completed text 27344\n", + "Completed text 27345\n", + "Completed text 27346\n", + "Completed text 27347\n", + "Completed text 27348\n", + "Completed text 27349\n", + "Completed text 27350\n", + "Completed text 27351\n", + "Completed text 27352\n", + "Completed text 27353\n", + "Completed text 27354\n", + "Completed text 27355\n", + "Completed text 27356\n", + "Completed text 27357\n", + "Completed text 27358\n", + "Completed text 27359\n", + "Completed text 27360\n", + "Completed text 27361\n", + "Completed text 27362\n", + "Completed text 27363\n", + "Completed text 27364\n", + "Completed text 27365\n", + "Completed text 27366\n", + "Completed text 27367\n", + "Completed text 27368\n", + "Completed text 27369\n", + "Completed text 27370\n", + "Completed text 27371\n", + "Completed text 27372\n", + "Completed text 27373\n", + "Completed text 27374\n", + "Completed text 27375\n", + "Completed text 27376\n", + "Completed text 27377\n", + "Completed text 27378\n", + "Completed text 27379\n", + "Completed text 27380\n", + "Completed text 27381\n", + "Completed text 27382\n", + "Completed text 27383\n", + "Completed text 27384\n", + "Completed text 27385\n", + "Completed text 27386\n", + "Completed text 27387\n", + "Completed text 27388\n", + "Completed text 27389\n", + "Completed text 27390\n", + "Completed text 27391\n", + "Completed text 27392\n", + "Completed text 27393\n", + "Completed text 27394\n", + "Completed text 27395\n", + "Completed text 27396\n", + "Completed text 27397\n", + "Completed text 27398\n", + "Completed text 27399\n", + "Completed text 27400\n", + "Completed text 27401\n", + "Completed text 27402\n", + "Completed text 27403\n", + "Completed text 27404\n", + "Completed text 27405\n", + "Completed text 27406\n", + "Completed text 27407\n", + "Completed text 27408\n", + "Completed text 27409\n", + "Completed text 27410\n", + "Completed text 27411\n", + "Completed text 27412\n", + "Completed text 27413\n", + "Completed text 27414\n", + "Completed text 27415\n", + "Completed text 27416\n", + "Completed text 27417\n", + "Completed text 27418\n", + "Completed text 27419\n", + "Completed text 27420\n", + "Completed text 27421\n", + "Completed text 27422\n", + "Completed text 27423\n", + "Completed text 27424\n", + "Completed text 27425\n", + "Completed text 27426\n", + "Completed text 27427\n", + "Completed text 27428\n", + "Completed text 27429\n", + "Completed text 27430\n", + "Completed text 27431\n", + "Completed text 27432\n", + "Completed text 27433\n", + "Completed text 27434\n", + "Completed text 27435\n", + "Completed text 27436\n", + "Completed text 27437\n", + "Completed text 27438\n", + "Completed text 27439\n", + "Completed text 27440\n", + "Completed text 27441\n", + "Completed text 27442\n", + "Completed text 27443\n", + "Completed text 27444\n", + "Completed text 27445\n", + "Completed text 27446\n", + "Completed text 27447\n", + "Completed text 27448\n", + "Completed text 27449\n", + "Completed text 27450\n", + "Completed text 27451\n", + "Completed text 27452\n", + "Completed text 27453\n", + "Completed text 27454\n", + "Completed text 27455\n", + "Completed text 27456\n", + "Completed text 27457\n", + "Completed text 27458\n", + "Completed text 27459\n", + "Completed text 27460\n", + "Completed text 27461\n", + "Completed text 27462\n", + "Completed text 27463\n", + "Completed text 27464\n", + "Completed text 27465\n", + "Completed text 27466\n", + "Completed text 27467\n", + "Completed text 27468\n", + "Completed text 27469\n", + "Completed text 27470\n", + "Completed text 27471\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 27472\n", + "Completed text 27473\n", + "Completed text 27474\n", + "Completed text 27475\n", + "Completed text 27476\n", + "Completed text 27477\n", + "Completed text 27478\n", + "Completed text 27479\n", + "Completed text 27480\n", + "Completed text 27481\n", + "Completed text 27482\n", + "Completed text 27483\n", + "Completed text 27484\n", + "Completed text 27485\n", + "Completed text 27486\n", + "Completed text 27487\n", + "Completed text 27488\n", + "Completed text 27489\n", + "Completed text 27490\n", + "Completed text 27491\n", + "Completed text 27492\n", + "Completed text 27493\n", + "Completed text 27494\n", + "Completed text 27495\n", + "Completed text 27496\n", + "Completed text 27497\n", + "Completed text 27498\n", + "Completed text 27499\n", + "Completed text 27500\n", + "Completed text 27501\n", + "Completed text 27502\n", + "Completed text 27503\n", + "Completed text 27504\n", + "Completed text 27505\n", + "Completed text 27506\n", + "Completed text 27507\n", + "Completed text 27508\n", + "Completed text 27509\n", + "Completed text 27510\n", + "Completed text 27511\n", + "Completed text 27512\n", + "Completed text 27513\n", + "Completed text 27514\n", + "Completed text 27515\n", + "Completed text 27516\n", + "Completed text 27517\n", + "Completed text 27518\n", + "Completed text 27519\n", + "Completed text 27520\n", + "Completed text 27521\n", + "Completed text 27522\n", + "Completed text 27523\n", + "Completed text 27524\n", + "Completed text 27525\n", + "Completed text 27526\n", + "Completed text 27527\n", + "Completed text 27528\n", + "Completed text 27529\n", + "Completed text 27530\n", + "Completed text 27531\n", + "Completed text 27532\n", + "Completed text 27533\n", + "Completed text 27534\n", + "Completed text 27535\n", + "Completed text 27536\n", + "Completed text 27537\n", + "Completed text 27538\n", + "Completed text 27539\n", + "Completed text 27540\n", + "Completed text 27541\n", + "Completed text 27542\n", + "Completed text 27543\n", + "Completed text 27544\n", + "Completed text 27545\n", + "Completed text 27546\n", + "Completed text 27547\n", + "Completed text 27548\n", + "Completed text 27549\n", + "Completed text 27550\n", + "Completed text 27551\n", + "Completed text 27552\n", + "Completed text 27553\n", + "Completed text 27554\n", + "Completed text 27555\n", + "Completed text 27556\n", + "Completed text 27557\n", + "Completed text 27558\n", + "Completed text 27559\n", + "Completed text 27560\n", + "Completed text 27561\n", + "Completed text 27562\n", + "Completed text 27563\n", + "Completed text 27564\n", + "Completed text 27565\n", + "Completed text 27566\n", + "Completed text 27567\n", + "Completed text 27568\n", + "Completed text 27569\n", + "Completed text 27570\n", + "Completed text 27571\n", + "Completed text 27572\n", + "Completed text 27573\n", + "Completed text 27574\n", + "Completed text 27575\n", + "Completed text 27576\n", + "Completed text 27577\n", + "Completed text 27578\n", + "Completed text 27579\n", + "Completed text 27580\n", + "Completed text 27581\n", + "Completed text 27582\n", + "Completed text 27583\n", + "Completed text 27584\n", + "Completed text 27585\n", + "Completed text 27586\n", + "Completed text 27587\n", + "Completed text 27588\n", + "Completed text 27589\n", + "Completed text 27590\n", + "Completed text 27591\n", + "Completed text 27592\n", + "Completed text 27593\n", + "Completed text 27594\n", + "Completed text 27595\n", + "Completed text 27596\n", + "Completed text 27597\n", + "Completed text 27598\n", + "Completed text 27599\n", + "Completed text 27600\n", + "Completed text 27601\n", + "Completed text 27602\n", + "Completed text 27603\n", + "Completed text 27604\n", + "Completed text 27605\n", + "Completed text 27606\n", + "Completed text 27607\n", + "Completed text 27608\n", + "Completed text 27609\n", + "Completed text 27610\n", + "Completed text 27611\n", + "Completed text 27612\n", + "Completed text 27613\n", + "Completed text 27614\n", + "Completed text 27615\n", + "Completed text 27616\n", + "Completed text 27617\n", + "Completed text 27618\n", + "Completed text 27619\n", + "Completed text 27620\n", + "Completed text 27621\n", + "Completed text 27622\n", + "Completed text 27623\n", + "Completed text 27624\n", + "Completed text 27625\n", + "Completed text 27626\n", + "Completed text 27627\n", + "Completed text 27628\n", + "Completed text 27629\n", + "Completed text 27630\n", + "Completed text 27631\n", + "Completed text 27632\n", + "Completed text 27633\n", + "Completed text 27634\n", + "Completed text 27635\n", + "Completed text 27636\n", + "Completed text 27637\n", + "Completed text 27638\n", + "Completed text 27639\n", + "Completed text 27640\n", + "Completed text 27641\n", + "Completed text 27642\n", + "Completed text 27643\n", + "Completed text 27644\n", + "Completed text 27645\n", + "Completed text 27646\n", + "Completed text 27647\n", + "Completed text 27648\n", + "Completed text 27649\n", + "Completed text 27650\n", + "Completed text 27651\n", + "Completed text 27652\n", + "Completed text 27653\n", + "Completed text 27654\n", + "Completed text 27655\n", + "Completed text 27656\n", + "Completed text 27657\n", + "Completed text 27658\n", + "Completed text 27659\n", + "Completed text 27660\n", + "Completed text 27661\n", + "Completed text 27662\n", + "Completed text 27663\n", + "Completed text 27664\n", + "Completed text 27665\n", + "Completed text 27666\n", + "Completed text 27667\n", + "Completed text 27668\n", + "Completed text 27669\n", + "Completed text 27670\n", + "Completed text 27671\n", + "Completed text 27672\n", + "Completed text 27673\n", + "Completed text 27674\n", + "Completed text 27675\n", + "Completed text 27676\n", + "Completed text 27677\n", + "Completed text 27678\n", + "Completed text 27679\n", + "Completed text 27680\n", + "Completed text 27681\n", + "Completed text 27682\n", + "Completed text 27683\n", + "Completed text 27684\n", + "Completed text 27685\n", + "Completed text 27686\n", + "Completed text 27687\n", + "Completed text 27688\n", + "Completed text 27689\n", + "Completed text 27690\n", + "Completed text 27691\n", + "Completed text 27692\n", + "Completed text 27693\n", + "Completed text 27694\n", + "Completed text 27695\n", + "Completed text 27696\n", + "Completed text 27697\n", + "Completed text 27698\n", + "Completed text 27699\n", + "Completed text 27700\n", + "Completed text 27701\n", + "Completed text 27702\n", + "Completed text 27703\n", + "Completed text 27704\n", + "Completed text 27705\n", + "Completed text 27706\n", + "Completed text 27707\n", + "Completed text 27708\n", + "Completed text 27709\n", + "Completed text 27710\n", + "Completed text 27711\n", + "Completed text 27712\n", + "Completed text 27713\n", + "Completed text 27714\n", + "Completed text 27715\n", + "Completed text 27716\n", + "Completed text 27717\n", + "Completed text 27718\n", + "Completed text 27719\n", + "Completed text 27720\n", + "Completed text 27721\n", + "Completed text 27722\n", + "Completed text 27723\n", + "Completed text 27724\n", + "Completed text 27725\n", + "Completed text 27726\n", + "Completed text 27727\n", + "Completed text 27728\n", + "Completed text 27729\n", + "Completed text 27730\n", + "Completed text 27731\n", + "Completed text 27732\n", + "Completed text 27733\n", + "Completed text 27734\n", + "Completed text 27735\n", + "Completed text 27736\n", + "Completed text 27737\n", + "Completed text 27738\n", + "Completed text 27739\n", + "Completed text 27740\n", + "Completed text 27741\n", + "Completed text 27742\n", + "Completed text 27743\n", + "Completed text 27744\n", + "Completed text 27745\n", + "Completed text 27746\n", + "Completed text 27747\n", + "Completed text 27748\n", + "Completed text 27749\n", + "Completed text 27750\n", + "Completed text 27751\n", + "Completed text 27752\n", + "Completed text 27753\n", + "Completed text 27754\n", + "Completed text 27755\n", + "Completed text 27756\n", + "Completed text 27757\n", + "Completed text 27758\n", + "Completed text 27759\n", + "Completed text 27760\n", + "Completed text 27761\n", + "Completed text 27762\n", + "Completed text 27763\n", + "Completed text 27764\n", + "Completed text 27765\n", + "Completed text 27766\n", + "Completed text 27767\n", + "Completed text 27768\n", + "Completed text 27769\n", + "Completed text 27770\n", + "Completed text 27771\n", + "Completed text 27772\n", + "Completed text 27773\n", + "Completed text 27774\n", + "Completed text 27775\n", + "Completed text 27776\n", + "Completed text 27777\n", + "Completed text 27778\n", + "Completed text 27779\n", + "Completed text 27780\n", + "Completed text 27781\n", + "Completed text 27782\n", + "Completed text 27783\n", + "Completed text 27784\n", + "Completed text 27785\n", + "Completed text 27786\n", + "Completed text 27787\n", + "Completed text 27788\n", + "Completed text 27789\n", + "Completed text 27790\n", + "Completed text 27791\n", + "Completed text 27792\n", + "Completed text 27793\n", + "Completed text 27794\n", + "Completed text 27795\n", + "Completed text 27796\n", + "Completed text 27797\n", + "Completed text 27798\n", + "Completed text 27799\n", + "Completed text 27800\n", + "Completed text 27801\n", + "Completed text 27802\n", + "Completed text 27803\n", + "Completed text 27804\n", + "Completed text 27805\n", + "Completed text 27806\n", + "Completed text 27807\n", + "Completed text 27808\n", + "Completed text 27809\n", + "Completed text 27810\n", + "Completed text 27811\n", + "Completed text 27812\n", + "Completed text 27813\n", + "Completed text 27814\n", + "Completed text 27815\n", + "Completed text 27816\n", + "Completed text 27817\n", + "Completed text 27818\n", + "Completed text 27819\n", + "Completed text 27820\n", + "Completed text 27821\n", + "Completed text 27822\n", + "Completed text 27823\n", + "Completed text 27824\n", + "Completed text 27825\n", + "Completed text 27826\n", + "Completed text 27827\n", + "Completed text 27828\n", + "Completed text 27829\n", + "Completed text 27830\n", + "Completed text 27831\n", + "Completed text 27832\n", + "Completed text 27833\n", + "Completed text 27834\n", + "Completed text 27835\n", + "Completed text 27836\n", + "Completed text 27837\n", + "Completed text 27838\n", + "Completed text 27839\n", + "Completed text 27840\n", + "Completed text 27841\n", + "Completed text 27842\n", + "Completed text 27843\n", + "Completed text 27844\n", + "Completed text 27845\n", + "Completed text 27846\n", + "Completed text 27847\n", + "Completed text 27848\n", + "Completed text 27849\n", + "Completed text 27850\n", + "Completed text 27851\n", + "Completed text 27852\n", + "Completed text 27853\n", + "Completed text 27854\n", + "Completed text 27855\n", + "Completed text 27856\n", + "Completed text 27857\n", + "Completed text 27858\n", + "Completed text 27859\n", + "Completed text 27860\n", + "Completed text 27861\n", + "Completed text 27862\n", + "Completed text 27863\n", + "Completed text 27864\n", + "Completed text 27865\n", + "Completed text 27866\n", + "Completed text 27867\n", + "Completed text 27868\n", + "Completed text 27869\n", + "Completed text 27870\n", + "Completed text 27871\n", + "Completed text 27872\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 27873\n", + "Completed text 27874\n", + "Completed text 27875\n", + "Completed text 27876\n", + "Completed text 27877\n", + "Completed text 27878\n", + "Completed text 27879\n", + "Completed text 27880\n", + "Completed text 27881\n", + "Completed text 27882\n", + "Completed text 27883\n", + "Completed text 27884\n", + "Completed text 27885\n", + "Completed text 27886\n", + "Completed text 27887\n", + "Completed text 27888\n", + "Completed text 27889\n", + "Completed text 27890\n", + "Completed text 27891\n", + "Completed text 27892\n", + "Completed text 27893\n", + "Completed text 27894\n", + "Completed text 27895\n", + "Completed text 27896\n", + "Completed text 27897\n", + "Completed text 27898\n", + "Completed text 27899\n", + "Completed text 27900\n", + "Completed text 27901\n", + "Completed text 27902\n", + "Completed text 27903\n", + "Completed text 27904\n", + "Completed text 27905\n", + "Completed text 27906\n", + "Completed text 27907\n", + "Completed text 27908\n", + "Completed text 27909\n", + "Completed text 27910\n", + "Completed text 27911\n", + "Completed text 27912\n", + "Completed text 27913\n", + "Completed text 27914\n", + "Completed text 27915\n", + "Completed text 27916\n", + "Completed text 27917\n", + "Completed text 27918\n", + "Completed text 27919\n", + "Completed text 27920\n", + "Completed text 27921\n", + "Completed text 27922\n", + "Completed text 27923\n", + "Completed text 27924\n", + "Completed text 27925\n", + "Completed text 27926\n", + "Completed text 27927\n", + "Completed text 27928\n", + "Completed text 27929\n", + "Completed text 27930\n", + "Completed text 27931\n", + "Completed text 27932\n", + "Completed text 27933\n", + "Completed text 27934\n", + "Completed text 27935\n", + "Completed text 27936\n", + "Completed text 27937\n", + "Completed text 27938\n", + "Completed text 27939\n", + "Completed text 27940\n", + "Completed text 27941\n", + "Completed text 27942\n", + "Completed text 27943\n", + "Completed text 27944\n", + "Completed text 27945\n", + "Completed text 27946\n", + "Completed text 27947\n", + "Completed text 27948\n", + "Completed text 27949\n", + "Completed text 27950\n", + "Completed text 27951\n", + "Completed text 27952\n", + "Completed text 27953\n", + "Completed text 27954\n", + "Completed text 27955\n", + "Completed text 27956\n", + "Completed text 27957\n", + "Completed text 27958\n", + "Completed text 27959\n", + "Completed text 27960\n", + "Completed text 27961\n", + "Completed text 27962\n", + "Completed text 27963\n", + "Completed text 27964\n", + "Completed text 27965\n", + "Completed text 27966\n", + "Completed text 27967\n", + "Completed text 27968\n", + "Completed text 27969\n", + "Completed text 27970\n", + "Completed text 27971\n", + "Completed text 27972\n", + "Completed text 27973\n", + "Completed text 27974\n", + "Completed text 27975\n", + "Completed text 27976\n", + "Completed text 27977\n", + "Completed text 27978\n", + "Completed text 27979\n", + "Completed text 27980\n", + "Completed text 27981\n", + "Completed text 27982\n", + "Completed text 27983\n", + "Completed text 27984\n", + "Completed text 27985\n", + "Completed text 27986\n", + "Completed text 27987\n", + "Completed text 27988\n", + "Completed text 27989\n", + "Completed text 27990\n", + "Completed text 27991\n", + "Completed text 27992\n", + "Completed text 27993\n", + "Completed text 27994\n", + "Completed text 27995\n", + "Completed text 27996\n", + "Completed text 27997\n", + "Completed text 27998\n", + "Completed text 27999\n", + "Completed text 28000\n", + "Completed text 28001\n", + "Completed text 28002\n", + "Completed text 28003\n", + "Completed text 28004\n", + "Completed text 28005\n", + "Completed text 28006\n", + "Completed text 28007\n", + "Completed text 28008\n", + "Completed text 28009\n", + "Completed text 28010\n", + "Completed text 28011\n", + "Completed text 28012\n", + "Completed text 28013\n", + "Completed text 28014\n", + "Completed text 28015\n", + "Completed text 28016\n", + "Completed text 28017\n", + "Completed text 28018\n", + "Completed text 28019\n", + "Completed text 28020\n", + "Completed text 28021\n", + "Completed text 28022\n", + "Completed text 28023\n", + "Completed text 28024\n", + "Completed text 28025\n", + "Completed text 28026\n", + "Completed text 28027\n", + "Completed text 28028\n", + "Completed text 28029\n", + "Completed text 28030\n", + "Completed text 28031\n", + "Completed text 28032\n", + "Completed text 28033\n", + "Completed text 28034\n", + "Completed text 28035\n", + "Completed text 28036\n", + "Completed text 28037\n", + "Completed text 28038\n", + "Completed text 28039\n", + "Completed text 28040\n", + "Completed text 28041\n", + "Completed text 28042\n", + "Completed text 28043\n", + "Completed text 28044\n", + "Completed text 28045\n", + "Completed text 28046\n", + "Completed text 28047\n", + "Completed text 28048\n", + "Completed text 28049\n", + "Completed text 28050\n", + "Completed text 28051\n", + "Completed text 28052\n", + "Completed text 28053\n", + "Completed text 28054\n", + "Completed text 28055\n", + "Completed text 28056\n", + "Completed text 28057\n", + "Completed text 28058\n", + "Completed text 28059\n", + "Completed text 28060\n", + "Completed text 28061\n", + "Completed text 28062\n", + "Completed text 28063\n", + "Completed text 28064\n", + "Completed text 28065\n", + "Completed text 28066\n", + "Completed text 28067\n", + "Completed text 28068\n", + "Completed text 28069\n", + "Completed text 28070\n", + "Completed text 28071\n", + "Completed text 28072\n", + "Completed text 28073\n", + "Completed text 28074\n", + "Completed text 28075\n", + "Completed text 28076\n", + "Completed text 28077\n", + "Completed text 28078\n", + "Completed text 28079\n", + "Completed text 28080\n", + "Completed text 28081\n", + "Completed text 28082\n", + "Completed text 28083\n", + "Completed text 28084\n", + "Completed text 28085\n", + "Completed text 28086\n", + "Completed text 28087\n", + "Completed text 28088\n", + "Completed text 28089\n", + "Completed text 28090\n", + "Completed text 28091\n", + "Completed text 28092\n", + "Completed text 28093\n", + "Completed text 28094\n", + "Completed text 28095\n", + "Completed text 28096\n", + "Completed text 28097\n", + "Completed text 28098\n", + "Completed text 28099\n", + "Completed text 28100\n", + "Completed text 28101\n", + "Completed text 28102\n", + "Completed text 28103\n", + "Completed text 28104\n", + "Completed text 28105\n", + "Completed text 28106\n", + "Completed text 28107\n", + "Completed text 28108\n", + "Completed text 28109\n", + "Completed text 28110\n", + "Completed text 28111\n", + "Completed text 28112\n", + "Completed text 28113\n", + "Completed text 28114\n", + "Completed text 28115\n", + "Completed text 28116\n", + "Completed text 28117\n", + "Completed text 28118\n", + "Completed text 28119\n", + "Completed text 28120\n", + "Completed text 28121\n", + "Completed text 28122\n", + "Completed text 28123\n", + "Completed text 28124\n", + "Completed text 28125\n", + "Completed text 28126\n", + "Completed text 28127\n", + "Completed text 28128\n", + "Completed text 28129\n", + "Completed text 28130\n", + "Completed text 28131\n", + "Completed text 28132\n", + "Completed text 28133\n", + "Completed text 28134\n", + "Completed text 28135\n", + "Completed text 28136\n", + "Completed text 28137\n", + "Completed text 28138\n", + "Completed text 28139\n", + "Completed text 28140\n", + "Completed text 28141\n", + "Completed text 28142\n", + "Completed text 28143\n", + "Completed text 28144\n", + "Completed text 28145\n", + "Completed text 28146\n", + "Completed text 28147\n", + "Completed text 28148\n", + "Completed text 28149\n", + "Completed text 28150\n", + "Completed text 28151\n", + "Completed text 28152\n", + "Completed text 28153\n", + "Completed text 28154\n", + "Completed text 28155\n", + "Completed text 28156\n", + "Completed text 28157\n", + "Completed text 28158\n", + "Completed text 28159\n", + "Completed text 28160\n", + "Completed text 28161\n", + "Completed text 28162\n", + "Completed text 28163\n", + "Completed text 28164\n", + "Completed text 28165\n", + "Completed text 28166\n", + "Completed text 28167\n", + "Completed text 28168\n", + "Completed text 28169\n", + "Completed text 28170\n", + "Completed text 28171\n", + "Completed text 28172\n", + "Completed text 28173\n", + "Completed text 28174\n", + "Completed text 28175\n", + "Completed text 28176\n", + "Completed text 28177\n", + "Completed text 28178\n", + "Completed text 28179\n", + "Completed text 28180\n", + "Completed text 28181\n", + "Completed text 28182\n", + "Completed text 28183\n", + "Completed text 28184\n", + "Completed text 28185\n", + "Completed text 28186\n", + "Completed text 28187\n", + "Completed text 28188\n", + "Completed text 28189\n", + "Completed text 28190\n", + "Completed text 28191\n", + "Completed text 28192\n", + "Completed text 28193\n", + "Completed text 28194\n", + "Completed text 28195\n", + "Completed text 28196\n", + "Completed text 28197\n", + "Completed text 28198\n", + "Completed text 28199\n", + "Completed text 28200\n", + "Completed text 28201\n", + "Completed text 28202\n", + "Completed text 28203\n", + "Completed text 28204\n", + "Completed text 28205\n", + "Completed text 28206\n", + "Completed text 28207\n", + "Completed text 28208\n", + "Completed text 28209\n", + "Completed text 28210\n", + "Completed text 28211\n", + "Completed text 28212\n", + "Completed text 28213\n", + "Completed text 28214\n", + "Completed text 28215\n", + "Completed text 28216\n", + "Completed text 28217\n", + "Completed text 28218\n", + "Completed text 28219\n", + "Completed text 28220\n", + "Completed text 28221\n", + "Completed text 28222\n", + "Completed text 28223\n", + "Completed text 28224\n", + "Completed text 28225\n", + "Completed text 28226\n", + "Completed text 28227\n", + "Completed text 28228\n", + "Completed text 28229\n", + "Completed text 28230\n", + "Completed text 28231\n", + "Completed text 28232\n", + "Completed text 28233\n", + "Completed text 28234\n", + "Completed text 28235\n", + "Completed text 28236\n", + "Completed text 28237\n", + "Completed text 28238\n", + "Completed text 28239\n", + "Completed text 28240\n", + "Completed text 28241\n", + "Completed text 28242\n", + "Completed text 28243\n", + "Completed text 28244\n", + "Completed text 28245\n", + "Completed text 28246\n", + "Completed text 28247\n", + "Completed text 28248\n", + "Completed text 28249\n", + "Completed text 28250\n", + "Completed text 28251\n", + "Completed text 28252\n", + "Completed text 28253\n", + "Completed text 28254\n", + "Completed text 28255\n", + "Completed text 28256\n", + "Completed text 28257\n", + "Completed text 28258\n", + "Completed text 28259\n", + "Completed text 28260\n", + "Completed text 28261\n", + "Completed text 28262\n", + "Completed text 28263\n", + "Completed text 28264\n", + "Completed text 28265\n", + "Completed text 28266\n", + "Completed text 28267\n", + "Completed text 28268\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 28269\n", + "Completed text 28270\n", + "Completed text 28271\n", + "Completed text 28272\n", + "Completed text 28273\n", + "Completed text 28274\n", + "Completed text 28275\n", + "Completed text 28276\n", + "Completed text 28277\n", + "Completed text 28278\n", + "Completed text 28279\n", + "Completed text 28280\n", + "Completed text 28281\n", + "Completed text 28282\n", + "Completed text 28283\n", + "Completed text 28284\n", + "Completed text 28285\n", + "Completed text 28286\n", + "Completed text 28287\n", + "Completed text 28288\n", + "Completed text 28289\n", + "Completed text 28290\n", + "Completed text 28291\n", + "Completed text 28292\n", + "Completed text 28293\n", + "Completed text 28294\n", + "Completed text 28295\n", + "Completed text 28296\n", + "Completed text 28297\n", + "Completed text 28298\n", + "Completed text 28299\n", + "Completed text 28300\n", + "Completed text 28301\n", + "Completed text 28302\n", + "Completed text 28303\n", + "Completed text 28304\n", + "Completed text 28305\n", + "Completed text 28306\n", + "Completed text 28307\n", + "Completed text 28308\n", + "Completed text 28309\n", + "Completed text 28310\n", + "Completed text 28311\n", + "Completed text 28312\n", + "Completed text 28313\n", + "Completed text 28314\n", + "Completed text 28315\n", + "Completed text 28316\n", + "Completed text 28317\n", + "Completed text 28318\n", + "Completed text 28319\n", + "Completed text 28320\n", + "Completed text 28321\n", + "Completed text 28322\n", + "Completed text 28323\n", + "Completed text 28324\n", + "Completed text 28325\n", + "Completed text 28326\n", + "Completed text 28327\n", + "Completed text 28328\n", + "Completed text 28329\n", + "Completed text 28330\n", + "Completed text 28331\n", + "Completed text 28332\n", + "Completed text 28333\n", + "Completed text 28334\n", + "Completed text 28335\n", + "Completed text 28336\n", + "Completed text 28337\n", + "Completed text 28338\n", + "Completed text 28339\n", + "Completed text 28340\n", + "Completed text 28341\n", + "Completed text 28342\n", + "Completed text 28343\n", + "Completed text 28344\n", + "Completed text 28345\n", + "Completed text 28346\n", + "Completed text 28347\n", + "Completed text 28348\n", + "Completed text 28349\n", + "Completed text 28350\n", + "Completed text 28351\n", + "Completed text 28352\n", + "Completed text 28353\n", + "Completed text 28354\n", + "Completed text 28355\n", + "Completed text 28356\n", + "Completed text 28357\n", + "Completed text 28358\n", + "Completed text 28359\n", + "Completed text 28360\n", + "Completed text 28361\n", + "Completed text 28362\n", + "Completed text 28363\n", + "Completed text 28364\n", + "Completed text 28365\n", + "Completed text 28366\n", + "Completed text 28367\n", + "Completed text 28368\n", + "Completed text 28369\n", + "Completed text 28370\n", + "Completed text 28371\n", + "Completed text 28372\n", + "Completed text 28373\n", + "Completed text 28374\n", + "Completed text 28375\n", + "Completed text 28376\n", + "Completed text 28377\n", + "Completed text 28378\n", + "Completed text 28379\n", + "Completed text 28380\n", + "Completed text 28381\n", + "Completed text 28382\n", + "Completed text 28383\n", + "Completed text 28384\n", + "Completed text 28385\n", + "Completed text 28386\n", + "Completed text 28387\n", + "Completed text 28388\n", + "Completed text 28389\n", + "Completed text 28390\n", + "Completed text 28391\n", + "Completed text 28392\n", + "Completed text 28393\n", + "Completed text 28394\n", + "Completed text 28395\n", + "Completed text 28396\n", + "Completed text 28397\n", + "Completed text 28398\n", + "Completed text 28399\n", + "Completed text 28400\n", + "Completed text 28401\n", + "Completed text 28402\n", + "Completed text 28403\n", + "Completed text 28404\n", + "Completed text 28405\n", + "Completed text 28406\n", + "Completed text 28407\n", + "Completed text 28408\n", + "Completed text 28409\n", + "Completed text 28410\n", + "Completed text 28411\n", + "Completed text 28412\n", + "Completed text 28413\n", + "Completed text 28414\n", + "Completed text 28415\n", + "Completed text 28416\n", + "Completed text 28417\n", + "Completed text 28418\n", + "Completed text 28419\n", + "Completed text 28420\n", + "Completed text 28421\n", + "Completed text 28422\n", + "Completed text 28423\n", + "Completed text 28424\n", + "Completed text 28425\n", + "Completed text 28426\n", + "Completed text 28427\n", + "Completed text 28428\n", + "Completed text 28429\n", + "Completed text 28430\n", + "Completed text 28431\n", + "Completed text 28432\n", + "Completed text 28433\n", + "Completed text 28434\n", + "Completed text 28435\n", + "Completed text 28436\n", + "Completed text 28437\n", + "Completed text 28438\n", + "Completed text 28439\n", + "Completed text 28440\n", + "Completed text 28441\n", + "Completed text 28442\n", + "Completed text 28443\n", + "Completed text 28444\n", + "Completed text 28445\n", + "Completed text 28446\n", + "Completed text 28447\n", + "Completed text 28448\n", + "Completed text 28449\n", + "Completed text 28450\n", + "Completed text 28451\n", + "Completed text 28452\n", + "Completed text 28453\n", + "Completed text 28454\n", + "Completed text 28455\n", + "Completed text 28456\n", + "Completed text 28457\n", + "Completed text 28458\n", + "Completed text 28459\n", + "Completed text 28460\n", + "Completed text 28461\n", + "Completed text 28462\n", + "Completed text 28463\n", + "Completed text 28464\n", + "Completed text 28465\n", + "Completed text 28466\n", + "Completed text 28467\n", + "Completed text 28468\n", + "Completed text 28469\n", + "Completed text 28470\n", + "Completed text 28471\n", + "Completed text 28472\n", + "Completed text 28473\n", + "Completed text 28474\n", + "Completed text 28475\n", + "Completed text 28476\n", + "Completed text 28477\n", + "Completed text 28478\n", + "Completed text 28479\n", + "Completed text 28480\n", + "Completed text 28481\n", + "Completed text 28482\n", + "Completed text 28483\n", + "Completed text 28484\n", + "Completed text 28485\n", + "Completed text 28486\n", + "Completed text 28487\n", + "Completed text 28488\n", + "Completed text 28489\n", + "Completed text 28490\n", + "Completed text 28491\n", + "Completed text 28492\n", + "Completed text 28493\n", + "Completed text 28494\n", + "Completed text 28495\n", + "Completed text 28496\n", + "Completed text 28497\n", + "Completed text 28498\n", + "Completed text 28499\n", + "Completed text 28500\n", + "Completed text 28501\n", + "Completed text 28502\n", + "Completed text 28503\n", + "Completed text 28504\n", + "Completed text 28505\n", + "Completed text 28506\n", + "Completed text 28507\n", + "Completed text 28508\n", + "Completed text 28509\n", + "Completed text 28510\n", + "Completed text 28511\n", + "Completed text 28512\n", + "Completed text 28513\n", + "Completed text 28514\n", + "Completed text 28515\n", + "Completed text 28516\n", + "Completed text 28517\n", + "Completed text 28518\n", + "Completed text 28519\n", + "Completed text 28520\n", + "Completed text 28521\n", + "Completed text 28522\n", + "Completed text 28523\n", + "Completed text 28524\n", + "Completed text 28525\n", + "Completed text 28526\n", + "Completed text 28527\n", + "Completed text 28528\n", + "Completed text 28529\n", + "Completed text 28530\n", + "Completed text 28531\n", + "Completed text 28532\n", + "Completed text 28533\n", + "Completed text 28534\n", + "Completed text 28535\n", + "Completed text 28536\n", + "Completed text 28537\n", + "Completed text 28538\n", + "Completed text 28539\n", + "Completed text 28540\n", + "Completed text 28541\n", + "Completed text 28542\n", + "Completed text 28543\n", + "Completed text 28544\n", + "Completed text 28545\n", + "Completed text 28546\n", + "Completed text 28547\n", + "Completed text 28548\n", + "Completed text 28549\n", + "Completed text 28550\n", + "Completed text 28551\n", + "Completed text 28552\n", + "Completed text 28553\n", + "Completed text 28554\n", + "Completed text 28555\n", + "Completed text 28556\n", + "Completed text 28557\n", + "Completed text 28558\n", + "Completed text 28559\n", + "Completed text 28560\n", + "Completed text 28561\n", + "Completed text 28562\n", + "Completed text 28563\n", + "Completed text 28564\n", + "Completed text 28565\n", + "Completed text 28566\n", + "Completed text 28567\n", + "Completed text 28568\n", + "Completed text 28569\n", + "Completed text 28570\n", + "Completed text 28571\n", + "Completed text 28572\n", + "Completed text 28573\n", + "Completed text 28574\n", + "Completed text 28575\n", + "Completed text 28576\n", + "Completed text 28577\n", + "Completed text 28578\n", + "Completed text 28579\n", + "Completed text 28580\n", + "Completed text 28581\n", + "Completed text 28582\n", + "Completed text 28583\n", + "Completed text 28584\n", + "Completed text 28585\n", + "Completed text 28586\n", + "Completed text 28587\n", + "Completed text 28588\n", + "Completed text 28589\n", + "Completed text 28590\n", + "Completed text 28591\n", + "Completed text 28592\n", + "Completed text 28593\n", + "Completed text 28594\n", + "Completed text 28595\n", + "Completed text 28596\n", + "Completed text 28597\n", + "Completed text 28598\n", + "Completed text 28599\n", + "Completed text 28600\n", + "Completed text 28601\n", + "Completed text 28602\n", + "Completed text 28603\n", + "Completed text 28604\n", + "Completed text 28605\n", + "Completed text 28606\n", + "Completed text 28607\n", + "Completed text 28608\n", + "Completed text 28609\n", + "Completed text 28610\n", + "Completed text 28611\n", + "Completed text 28612\n", + "Completed text 28613\n", + "Completed text 28614\n", + "Completed text 28615\n", + "Completed text 28616\n", + "Completed text 28617\n", + "Completed text 28618\n", + "Completed text 28619\n", + "Completed text 28620\n", + "Completed text 28621\n", + "Completed text 28622\n", + "Completed text 28623\n", + "Completed text 28624\n", + "Completed text 28625\n", + "Completed text 28626\n", + "Completed text 28627\n", + "Completed text 28628\n", + "Completed text 28629\n", + "Completed text 28630\n", + "Completed text 28631\n", + "Completed text 28632\n", + "Completed text 28633\n", + "Completed text 28634\n", + "Completed text 28635\n", + "Completed text 28636\n", + "Completed text 28637\n", + "Completed text 28638\n", + "Completed text 28639\n", + "Completed text 28640\n", + "Completed text 28641\n", + "Completed text 28642\n", + "Completed text 28643\n", + "Completed text 28644\n", + "Completed text 28645\n", + "Completed text 28646\n", + "Completed text 28647\n", + "Completed text 28648\n", + "Completed text 28649\n", + "Completed text 28650\n", + "Completed text 28651\n", + "Completed text 28652\n", + "Completed text 28653\n", + "Completed text 28654\n", + "Completed text 28655\n", + "Completed text 28656\n", + "Completed text 28657\n", + "Completed text 28658\n", + "Completed text 28659\n", + "Completed text 28660\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 28661\n", + "Completed text 28662\n", + "Completed text 28663\n", + "Completed text 28664\n", + "Completed text 28665\n", + "Completed text 28666\n", + "Completed text 28667\n", + "Completed text 28668\n", + "Completed text 28669\n", + "Completed text 28670\n", + "Completed text 28671\n", + "Completed text 28672\n", + "Completed text 28673\n", + "Completed text 28674\n", + "Completed text 28675\n", + "Completed text 28676\n", + "Completed text 28677\n", + "Completed text 28678\n", + "Completed text 28679\n", + "Completed text 28680\n", + "Completed text 28681\n", + "Completed text 28682\n", + "Completed text 28683\n", + "Completed text 28684\n", + "Completed text 28685\n", + "Completed text 28686\n", + "Completed text 28687\n", + "Completed text 28688\n", + "Completed text 28689\n", + "Completed text 28690\n", + "Completed text 28691\n", + "Completed text 28692\n", + "Completed text 28693\n", + "Completed text 28694\n", + "Completed text 28695\n", + "Completed text 28696\n", + "Completed text 28697\n", + "Completed text 28698\n", + "Completed text 28699\n", + "Completed text 28700\n", + "Completed text 28701\n", + "Completed text 28702\n", + "Completed text 28703\n", + "Completed text 28704\n", + "Completed text 28705\n", + "Completed text 28706\n", + "Completed text 28707\n", + "Completed text 28708\n", + "Completed text 28709\n", + "Completed text 28710\n", + "Completed text 28711\n", + "Completed text 28712\n", + "Completed text 28713\n", + "Completed text 28714\n", + "Completed text 28715\n", + "Completed text 28716\n", + "Completed text 28717\n", + "Completed text 28718\n", + "Completed text 28719\n", + "Completed text 28720\n", + "Completed text 28721\n", + "Completed text 28722\n", + "Completed text 28723\n", + "Completed text 28724\n", + "Completed text 28725\n", + "Completed text 28726\n", + "Completed text 28727\n", + "Completed text 28728\n", + "Completed text 28729\n", + "Completed text 28730\n", + "Completed text 28731\n", + "Completed text 28732\n", + "Completed text 28733\n", + "Completed text 28734\n", + "Completed text 28735\n", + "Completed text 28736\n", + "Completed text 28737\n", + "Completed text 28738\n", + "Completed text 28739\n", + "Completed text 28740\n", + "Completed text 28741\n", + "Completed text 28742\n", + "Completed text 28743\n", + "Completed text 28744\n", + "Completed text 28745\n", + "Completed text 28746\n", + "Completed text 28747\n", + "Completed text 28748\n", + "Completed text 28749\n", + "Completed text 28750\n", + "Completed text 28751\n", + "Completed text 28752\n", + "Completed text 28753\n", + "Completed text 28754\n", + "Completed text 28755\n", + "Completed text 28756\n", + "Completed text 28757\n", + "Completed text 28758\n", + "Completed text 28759\n", + "Completed text 28760\n", + "Completed text 28761\n", + "Completed text 28762\n", + "Completed text 28763\n", + "Completed text 28764\n", + "Completed text 28765\n", + "Completed text 28766\n", + "Completed text 28767\n", + "Completed text 28768\n", + "Completed text 28769\n", + "Completed text 28770\n", + "Completed text 28771\n", + "Completed text 28772\n", + "Completed text 28773\n", + "Completed text 28774\n", + "Completed text 28775\n", + "Completed text 28776\n", + "Completed text 28777\n", + "Completed text 28778\n", + "Completed text 28779\n", + "Completed text 28780\n", + "Completed text 28781\n", + "Completed text 28782\n", + "Completed text 28783\n", + "Completed text 28784\n", + "Completed text 28785\n", + "Completed text 28786\n", + "Completed text 28787\n", + "Completed text 28788\n", + "Completed text 28789\n", + "Completed text 28790\n", + "Completed text 28791\n", + "Completed text 28792\n", + "Completed text 28793\n", + "Completed text 28794\n", + "Completed text 28795\n", + "Completed text 28796\n", + "Completed text 28797\n", + "Completed text 28798\n", + "Completed text 28799\n", + "Completed text 28800\n", + "Completed text 28801\n", + "Completed text 28802\n", + "Completed text 28803\n", + "Completed text 28804\n", + "Completed text 28805\n", + "Completed text 28806\n", + "Completed text 28807\n", + "Completed text 28808\n", + "Completed text 28809\n", + "Completed text 28810\n", + "Completed text 28811\n", + "Completed text 28812\n", + "Completed text 28813\n", + "Completed text 28814\n", + "Completed text 28815\n", + "Completed text 28816\n", + "Completed text 28817\n", + "Completed text 28818\n", + "Completed text 28819\n", + "Completed text 28820\n", + "Completed text 28821\n", + "Completed text 28822\n", + "Completed text 28823\n", + "Completed text 28824\n", + "Completed text 28825\n", + "Completed text 28826\n", + "Completed text 28827\n", + "Completed text 28828\n", + "Completed text 28829\n", + "Completed text 28830\n", + "Completed text 28831\n", + "Completed text 28832\n", + "Completed text 28833\n", + "Completed text 28834\n", + "Completed text 28835\n", + "Completed text 28836\n", + "Completed text 28837\n", + "Completed text 28838\n", + "Completed text 28839\n", + "Completed text 28840\n", + "Completed text 28841\n", + "Completed text 28842\n", + "Completed text 28843\n", + "Completed text 28844\n", + "Completed text 28845\n", + "Completed text 28846\n", + "Completed text 28847\n", + "Completed text 28848\n", + "Completed text 28849\n", + "Completed text 28850\n", + "Completed text 28851\n", + "Completed text 28852\n", + "Completed text 28853\n", + "Completed text 28854\n", + "Completed text 28855\n", + "Completed text 28856\n", + "Completed text 28857\n", + "Completed text 28858\n", + "Completed text 28859\n", + "Completed text 28860\n", + "Completed text 28861\n", + "Completed text 28862\n", + "Completed text 28863\n", + "Completed text 28864\n", + "Completed text 28865\n", + "Completed text 28866\n", + "Completed text 28867\n", + "Completed text 28868\n", + "Completed text 28869\n", + "Completed text 28870\n", + "Completed text 28871\n", + "Completed text 28872\n", + "Completed text 28873\n", + "Completed text 28874\n", + "Completed text 28875\n", + "Completed text 28876\n", + "Completed text 28877\n", + "Completed text 28878\n", + "Completed text 28879\n", + "Completed text 28880\n", + "Completed text 28881\n", + "Completed text 28882\n", + "Completed text 28883\n", + "Completed text 28884\n", + "Completed text 28885\n", + "Completed text 28886\n", + "Completed text 28887\n", + "Completed text 28888\n", + "Completed text 28889\n", + "Completed text 28890\n", + "Completed text 28891\n", + "Completed text 28892\n", + "Completed text 28893\n", + "Completed text 28894\n", + "Completed text 28895\n", + "Completed text 28896\n", + "Completed text 28897\n", + "Completed text 28898\n", + "Completed text 28899\n", + "Completed text 28900\n", + "Completed text 28901\n", + "Completed text 28902\n", + "Completed text 28903\n", + "Completed text 28904\n", + "Completed text 28905\n", + "Completed text 28906\n", + "Completed text 28907\n", + "Completed text 28908\n", + "Completed text 28909\n", + "Completed text 28910\n", + "Completed text 28911\n", + "Completed text 28912\n", + "Completed text 28913\n", + "Completed text 28914\n", + "Completed text 28915\n", + "Completed text 28916\n", + "Completed text 28917\n", + "Completed text 28918\n", + "Completed text 28919\n", + "Completed text 28920\n", + "Completed text 28921\n", + "Completed text 28922\n", + "Completed text 28923\n", + "Completed text 28924\n", + "Completed text 28925\n", + "Completed text 28926\n", + "Completed text 28927\n", + "Completed text 28928\n", + "Completed text 28929\n", + "Completed text 28930\n", + "Completed text 28931\n", + "Completed text 28932\n", + "Completed text 28933\n", + "Completed text 28934\n", + "Completed text 28935\n", + "Completed text 28936\n", + "Completed text 28937\n", + "Completed text 28938\n", + "Completed text 28939\n", + "Completed text 28940\n", + "Completed text 28941\n", + "Completed text 28942\n", + "Completed text 28943\n", + "Completed text 28944\n", + "Completed text 28945\n", + "Completed text 28946\n", + "Completed text 28947\n", + "Completed text 28948\n", + "Completed text 28949\n", + "Completed text 28950\n", + "Completed text 28951\n", + "Completed text 28952\n", + "Completed text 28953\n", + "Completed text 28954\n", + "Completed text 28955\n", + "Completed text 28956\n", + "Completed text 28957\n", + "Completed text 28958\n", + "Completed text 28959\n", + "Completed text 28960\n", + "Completed text 28961\n", + "Completed text 28962\n", + "Completed text 28963\n", + "Completed text 28964\n", + "Completed text 28965\n", + "Completed text 28966\n", + "Completed text 28967\n", + "Completed text 28968\n", + "Completed text 28969\n", + "Completed text 28970\n", + "Completed text 28971\n", + "Completed text 28972\n", + "Completed text 28973\n", + "Completed text 28974\n", + "Completed text 28975\n", + "Completed text 28976\n", + "Completed text 28977\n", + "Completed text 28978\n", + "Completed text 28979\n", + "Completed text 28980\n", + "Completed text 28981\n", + "Completed text 28982\n", + "Completed text 28983\n", + "Completed text 28984\n", + "Completed text 28985\n", + "Completed text 28986\n", + "Completed text 28987\n", + "Completed text 28988\n", + "Completed text 28989\n", + "Completed text 28990\n", + "Completed text 28991\n", + "Completed text 28992\n", + "Completed text 28993\n", + "Completed text 28994\n", + "Completed text 28995\n", + "Completed text 28996\n", + "Completed text 28997\n", + "Completed text 28998\n", + "Completed text 28999\n", + "Completed text 29000\n", + "Completed text 29001\n", + "Completed text 29002\n", + "Completed text 29003\n", + "Completed text 29004\n", + "Completed text 29005\n", + "Completed text 29006\n", + "Completed text 29007\n", + "Completed text 29008\n", + "Completed text 29009\n", + "Completed text 29010\n", + "Completed text 29011\n", + "Completed text 29012\n", + "Completed text 29013\n", + "Completed text 29014\n", + "Completed text 29015\n", + "Completed text 29016\n", + "Completed text 29017\n", + "Completed text 29018\n", + "Completed text 29019\n", + "Completed text 29020\n", + "Completed text 29021\n", + "Completed text 29022\n", + "Completed text 29023\n", + "Completed text 29024\n", + "Completed text 29025\n", + "Completed text 29026\n", + "Completed text 29027\n", + "Completed text 29028\n", + "Completed text 29029\n", + "Completed text 29030\n", + "Completed text 29031\n", + "Completed text 29032\n", + "Completed text 29033\n", + "Completed text 29034\n", + "Completed text 29035\n", + "Completed text 29036\n", + "Completed text 29037\n", + "Completed text 29038\n", + "Completed text 29039\n", + "Completed text 29040\n", + "Completed text 29041\n", + "Completed text 29042\n", + "Completed text 29043\n", + "Completed text 29044\n", + "Completed text 29045\n", + "Completed text 29046\n", + "Completed text 29047\n", + "Completed text 29048\n", + "Completed text 29049\n", + "Completed text 29050\n", + "Completed text 29051\n", + "Completed text 29052\n", + "Completed text 29053\n", + "Completed text 29054\n", + "Completed text 29055\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 29056\n", + "Completed text 29057\n", + "Completed text 29058\n", + "Completed text 29059\n", + "Completed text 29060\n", + "Completed text 29061\n", + "Completed text 29062\n", + "Completed text 29063\n", + "Completed text 29064\n", + "Completed text 29065\n", + "Completed text 29066\n", + "Completed text 29067\n", + "Completed text 29068\n", + "Completed text 29069\n", + "Completed text 29070\n", + "Completed text 29071\n", + "Completed text 29072\n", + "Completed text 29073\n", + "Completed text 29074\n", + "Completed text 29075\n", + "Completed text 29076\n", + "Completed text 29077\n", + "Completed text 29078\n", + "Completed text 29079\n", + "Completed text 29080\n", + "Completed text 29081\n", + "Completed text 29082\n", + "Completed text 29083\n", + "Completed text 29084\n", + "Completed text 29085\n", + "Completed text 29086\n", + "Completed text 29087\n", + "Completed text 29088\n", + "Completed text 29089\n", + "Completed text 29090\n", + "Completed text 29091\n", + "Completed text 29092\n", + "Completed text 29093\n", + "Completed text 29094\n", + "Completed text 29095\n", + "Completed text 29096\n", + "Completed text 29097\n", + "Completed text 29098\n", + "Completed text 29099\n", + "Completed text 29100\n", + "Completed text 29101\n", + "Completed text 29102\n", + "Completed text 29103\n", + "Completed text 29104\n", + "Completed text 29105\n", + "Completed text 29106\n", + "Completed text 29107\n", + "Completed text 29108\n", + "Completed text 29109\n", + "Completed text 29110\n", + "Completed text 29111\n", + "Completed text 29112\n", + "Completed text 29113\n", + "Completed text 29114\n", + "Completed text 29115\n", + "Completed text 29116\n", + "Completed text 29117\n", + "Completed text 29118\n", + "Completed text 29119\n", + "Completed text 29120\n", + "Completed text 29121\n", + "Completed text 29122\n", + "Completed text 29123\n", + "Completed text 29124\n", + "Completed text 29125\n", + "Completed text 29126\n", + "Completed text 29127\n", + "Completed text 29128\n", + "Completed text 29129\n", + "Completed text 29130\n", + "Completed text 29131\n", + "Completed text 29132\n", + "Completed text 29133\n", + "Completed text 29134\n", + "Completed text 29135\n", + "Completed text 29136\n", + "Completed text 29137\n", + "Completed text 29138\n", + "Completed text 29139\n", + "Completed text 29140\n", + "Completed text 29141\n", + "Completed text 29142\n", + "Completed text 29143\n", + "Completed text 29144\n", + "Completed text 29145\n", + "Completed text 29146\n", + "Completed text 29147\n", + "Completed text 29148\n", + "Completed text 29149\n", + "Completed text 29150\n", + "Completed text 29151\n", + "Completed text 29152\n", + "Completed text 29153\n", + "Completed text 29154\n", + "Completed text 29155\n", + "Completed text 29156\n", + "Completed text 29157\n", + "Completed text 29158\n", + "Completed text 29159\n", + "Completed text 29160\n", + "Completed text 29161\n", + "Completed text 29162\n", + "Completed text 29163\n", + "Completed text 29164\n", + "Completed text 29165\n", + "Completed text 29166\n", + "Completed text 29167\n", + "Completed text 29168\n", + "Completed text 29169\n", + "Completed text 29170\n", + "Completed text 29171\n", + "Completed text 29172\n", + "Completed text 29173\n", + "Completed text 29174\n", + "Completed text 29175\n", + "Completed text 29176\n", + "Completed text 29177\n", + "Completed text 29178\n", + "Completed text 29179\n", + "Completed text 29180\n", + "Completed text 29181\n", + "Completed text 29182\n", + "Completed text 29183\n", + "Completed text 29184\n", + "Completed text 29185\n", + "Completed text 29186\n", + "Completed text 29187\n", + "Completed text 29188\n", + "Completed text 29189\n", + "Completed text 29190\n", + "Completed text 29191\n", + "Completed text 29192\n", + "Completed text 29193\n", + "Completed text 29194\n", + "Completed text 29195\n", + "Completed text 29196\n", + "Completed text 29197\n", + "Completed text 29198\n", + "Completed text 29199\n", + "Completed text 29200\n", + "Completed text 29201\n", + "Completed text 29202\n", + "Completed text 29203\n", + "Completed text 29204\n", + "Completed text 29205\n", + "Completed text 29206\n", + "Completed text 29207\n", + "Completed text 29208\n", + "Completed text 29209\n", + "Completed text 29210\n", + "Completed text 29211\n", + "Completed text 29212\n", + "Completed text 29213\n", + "Completed text 29214\n", + "Completed text 29215\n", + "Completed text 29216\n", + "Completed text 29217\n", + "Completed text 29218\n", + "Completed text 29219\n", + "Completed text 29220\n", + "Completed text 29221\n", + "Completed text 29222\n", + "Completed text 29223\n", + "Completed text 29224\n", + "Completed text 29225\n", + "Completed text 29226\n", + "Completed text 29227\n", + "Completed text 29228\n", + "Completed text 29229\n", + "Completed text 29230\n", + "Completed text 29231\n", + "Completed text 29232\n", + "Completed text 29233\n", + "Completed text 29234\n", + "Completed text 29235\n", + "Completed text 29236\n", + "Completed text 29237\n", + "Completed text 29238\n", + "Completed text 29239\n", + "Completed text 29240\n", + "Completed text 29241\n", + "Completed text 29242\n", + "Completed text 29243\n", + "Completed text 29244\n", + "Completed text 29245\n", + "Completed text 29246\n", + "Completed text 29247\n", + "Completed text 29248\n", + "Completed text 29249\n", + "Completed text 29250\n", + "Completed text 29251\n", + "Completed text 29252\n", + "Completed text 29253\n", + "Completed text 29254\n", + "Completed text 29255\n", + "Completed text 29256\n", + "Completed text 29257\n", + "Completed text 29258\n", + "Completed text 29259\n", + "Completed text 29260\n", + "Completed text 29261\n", + "Completed text 29262\n", + "Completed text 29263\n", + "Completed text 29264\n", + "Completed text 29265\n", + "Completed text 29266\n", + "Completed text 29267\n", + "Completed text 29268\n", + "Completed text 29269\n", + "Completed text 29270\n", + "Completed text 29271\n", + "Completed text 29272\n", + "Completed text 29273\n", + "Completed text 29274\n", + "Completed text 29275\n", + "Completed text 29276\n", + "Completed text 29277\n", + "Completed text 29278\n", + "Completed text 29279\n", + "Completed text 29280\n", + "Completed text 29281\n", + "Completed text 29282\n", + "Completed text 29283\n", + "Completed text 29284\n", + "Completed text 29285\n", + "Completed text 29286\n", + "Completed text 29287\n", + "Completed text 29288\n", + "Completed text 29289\n", + "Completed text 29290\n", + "Completed text 29291\n", + "Completed text 29292\n", + "Completed text 29293\n", + "Completed text 29294\n", + "Completed text 29295\n", + "Completed text 29296\n", + "Completed text 29297\n", + "Completed text 29298\n", + "Completed text 29299\n", + "Completed text 29300\n", + "Completed text 29301\n", + "Completed text 29302\n", + "Completed text 29303\n", + "Completed text 29304\n", + "Completed text 29305\n", + "Completed text 29306\n", + "Completed text 29307\n", + "Completed text 29308\n", + "Completed text 29309\n", + "Completed text 29310\n", + "Completed text 29311\n", + "Completed text 29312\n", + "Completed text 29313\n", + "Completed text 29314\n", + "Completed text 29315\n", + "Completed text 29316\n", + "Completed text 29317\n", + "Completed text 29318\n", + "Completed text 29319\n", + "Completed text 29320\n", + "Completed text 29321\n", + "Completed text 29322\n", + "Completed text 29323\n", + "Completed text 29324\n", + "Completed text 29325\n", + "Completed text 29326\n", + "Completed text 29327\n", + "Completed text 29328\n", + "Completed text 29329\n", + "Completed text 29330\n", + "Completed text 29331\n", + "Completed text 29332\n", + "Completed text 29333\n", + "Completed text 29334\n", + "Completed text 29335\n", + "Completed text 29336\n", + "Completed text 29337\n", + "Completed text 29338\n", + "Completed text 29339\n", + "Completed text 29340\n", + "Completed text 29341\n", + "Completed text 29342\n", + "Completed text 29343\n", + "Completed text 29344\n", + "Completed text 29345\n", + "Completed text 29346\n", + "Completed text 29347\n", + "Completed text 29348\n", + "Completed text 29349\n", + "Completed text 29350\n", + "Completed text 29351\n", + "Completed text 29352\n", + "Completed text 29353\n", + "Completed text 29354\n", + "Completed text 29355\n", + "Completed text 29356\n", + "Completed text 29357\n", + "Completed text 29358\n", + "Completed text 29359\n", + "Completed text 29360\n", + "Completed text 29361\n", + "Completed text 29362\n", + "Completed text 29363\n", + "Completed text 29364\n", + "Completed text 29365\n", + "Completed text 29366\n", + "Completed text 29367\n", + "Completed text 29368\n", + "Completed text 29369\n", + "Completed text 29370\n", + "Completed text 29371\n", + "Completed text 29372\n", + "Completed text 29373\n", + "Completed text 29374\n", + "Completed text 29375\n", + "Completed text 29376\n", + "Completed text 29377\n", + "Completed text 29378\n", + "Completed text 29379\n", + "Completed text 29380\n", + "Completed text 29381\n", + "Completed text 29382\n", + "Completed text 29383\n", + "Completed text 29384\n", + "Completed text 29385\n", + "Completed text 29386\n", + "Completed text 29387\n", + "Completed text 29388\n", + "Completed text 29389\n", + "Completed text 29390\n", + "Completed text 29391\n", + "Completed text 29392\n", + "Completed text 29393\n", + "Completed text 29394\n", + "Completed text 29395\n", + "Completed text 29396\n", + "Completed text 29397\n", + "Completed text 29398\n", + "Completed text 29399\n", + "Completed text 29400\n", + "Completed text 29401\n", + "Completed text 29402\n", + "Completed text 29403\n", + "Completed text 29404\n", + "Completed text 29405\n", + "Completed text 29406\n", + "Completed text 29407\n", + "Completed text 29408\n", + "Completed text 29409\n", + "Completed text 29410\n", + "Completed text 29411\n", + "Completed text 29412\n", + "Completed text 29413\n", + "Completed text 29414\n", + "Completed text 29415\n", + "Completed text 29416\n", + "Completed text 29417\n", + "Completed text 29418\n", + "Completed text 29419\n", + "Completed text 29420\n", + "Completed text 29421\n", + "Completed text 29422\n", + "Completed text 29423\n", + "Completed text 29424\n", + "Completed text 29425\n", + "Completed text 29426\n", + "Completed text 29427\n", + "Completed text 29428\n", + "Completed text 29429\n", + "Completed text 29430\n", + "Completed text 29431\n", + "Completed text 29432\n", + "Completed text 29433\n", + "Completed text 29434\n", + "Completed text 29435\n", + "Completed text 29436\n", + "Completed text 29437\n", + "Completed text 29438\n", + "Completed text 29439\n", + "Completed text 29440\n", + "Completed text 29441\n", + "Completed text 29442\n", + "Completed text 29443\n", + "Completed text 29444\n", + "Completed text 29445\n", + "Completed text 29446\n", + "Completed text 29447\n", + "Completed text 29448\n", + "Completed text 29449\n", + "Completed text 29450\n", + "Completed text 29451\n", + "Completed text 29452\n", + "Completed text 29453\n", + "Completed text 29454\n", + "Completed text 29455\n", + "Completed text 29456\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 29457\n", + "Completed text 29458\n", + "Completed text 29459\n", + "Completed text 29460\n", + "Completed text 29461\n", + "Completed text 29462\n", + "Completed text 29463\n", + "Completed text 29464\n", + "Completed text 29465\n", + "Completed text 29466\n", + "Completed text 29467\n", + "Completed text 29468\n", + "Completed text 29469\n", + "Completed text 29470\n", + "Completed text 29471\n", + "Completed text 29472\n", + "Completed text 29473\n", + "Completed text 29474\n", + "Completed text 29475\n", + "Completed text 29476\n", + "Completed text 29477\n", + "Completed text 29478\n", + "Completed text 29479\n", + "Completed text 29480\n", + "Completed text 29481\n", + "Completed text 29482\n", + "Completed text 29483\n", + "Completed text 29484\n", + "Completed text 29485\n", + "Completed text 29486\n", + "Completed text 29487\n", + "Completed text 29488\n", + "Completed text 29489\n", + "Completed text 29490\n", + "Completed text 29491\n", + "Completed text 29492\n", + "Completed text 29493\n", + "Completed text 29494\n", + "Completed text 29495\n", + "Completed text 29496\n", + "Completed text 29497\n", + "Completed text 29498\n", + "Completed text 29499\n", + "Completed text 29500\n", + "Completed text 29501\n", + "Completed text 29502\n", + "Completed text 29503\n", + "Completed text 29504\n", + "Completed text 29505\n", + "Completed text 29506\n", + "Completed text 29507\n", + "Completed text 29508\n", + "Completed text 29509\n", + "Completed text 29510\n", + "Completed text 29511\n", + "Completed text 29512\n", + "Completed text 29513\n", + "Completed text 29514\n", + "Completed text 29515\n", + "Completed text 29516\n", + "Completed text 29517\n", + "Completed text 29518\n", + "Completed text 29519\n", + "Completed text 29520\n", + "Completed text 29521\n", + "Completed text 29522\n", + "Completed text 29523\n", + "Completed text 29524\n", + "Completed text 29525\n", + "Completed text 29526\n", + "Completed text 29527\n", + "Completed text 29528\n", + "Completed text 29529\n", + "Completed text 29530\n", + "Completed text 29531\n", + "Completed text 29532\n", + "Completed text 29533\n", + "Completed text 29534\n", + "Completed text 29535\n", + "Completed text 29536\n", + "Completed text 29537\n", + "Completed text 29538\n", + "Completed text 29539\n", + "Completed text 29540\n", + "Completed text 29541\n", + "Completed text 29542\n", + "Completed text 29543\n", + "Completed text 29544\n", + "Completed text 29545\n", + "Completed text 29546\n", + "Completed text 29547\n", + "Completed text 29548\n", + "Completed text 29549\n", + "Completed text 29550\n", + "Completed text 29551\n", + "Completed text 29552\n", + "Completed text 29553\n", + "Completed text 29554\n", + "Completed text 29555\n", + "Completed text 29556\n", + "Completed text 29557\n", + "Completed text 29558\n", + "Completed text 29559\n", + "Completed text 29560\n", + "Completed text 29561\n", + "Completed text 29562\n", + "Completed text 29563\n", + "Completed text 29564\n", + "Completed text 29565\n", + "Completed text 29566\n", + "Completed text 29567\n", + "Completed text 29568\n", + "Completed text 29569\n", + "Completed text 29570\n", + "Completed text 29571\n", + "Completed text 29572\n", + "Completed text 29573\n", + "Completed text 29574\n", + "Completed text 29575\n", + "Completed text 29576\n", + "Completed text 29577\n", + "Completed text 29578\n", + "Completed text 29579\n", + "Completed text 29580\n", + "Completed text 29581\n", + "Completed text 29582\n", + "Completed text 29583\n", + "Completed text 29584\n", + "Completed text 29585\n", + "Completed text 29586\n", + "Completed text 29587\n", + "Completed text 29588\n", + "Completed text 29589\n", + "Completed text 29590\n", + "Completed text 29591\n", + "Completed text 29592\n", + "Completed text 29593\n", + "Completed text 29594\n", + "Completed text 29595\n", + "Completed text 29596\n", + "Completed text 29597\n", + "Completed text 29598\n", + "Completed text 29599\n", + "Completed text 29600\n", + "Completed text 29601\n", + "Completed text 29602\n", + "Completed text 29603\n", + "Completed text 29604\n", + "Completed text 29605\n", + "Completed text 29606\n", + "Completed text 29607\n", + "Completed text 29608\n", + "Completed text 29609\n", + "Completed text 29610\n", + "Completed text 29611\n", + "Completed text 29612\n", + "Completed text 29613\n", + "Completed text 29614\n", + "Completed text 29615\n", + "Completed text 29616\n", + "Completed text 29617\n", + "Completed text 29618\n", + "Completed text 29619\n", + "Completed text 29620\n", + "Completed text 29621\n", + "Completed text 29622\n", + "Completed text 29623\n", + "Completed text 29624\n", + "Completed text 29625\n", + "Completed text 29626\n", + "Completed text 29627\n", + "Completed text 29628\n", + "Completed text 29629\n", + "Completed text 29630\n", + "Completed text 29631\n", + "Completed text 29632\n", + "Completed text 29633\n", + "Completed text 29634\n", + "Completed text 29635\n", + "Completed text 29636\n", + "Completed text 29637\n", + "Completed text 29638\n", + "Completed text 29639\n", + "Completed text 29640\n", + "Completed text 29641\n", + "Completed text 29642\n", + "Completed text 29643\n", + "Completed text 29644\n", + "Completed text 29645\n", + "Completed text 29646\n", + "Completed text 29647\n", + "Completed text 29648\n", + "Completed text 29649\n", + "Completed text 29650\n", + "Completed text 29651\n", + "Completed text 29652\n", + "Completed text 29653\n", + "Completed text 29654\n", + "Completed text 29655\n", + "Completed text 29656\n", + "Completed text 29657\n", + "Completed text 29658\n", + "Completed text 29659\n", + "Completed text 29660\n", + "Completed text 29661\n", + "Completed text 29662\n", + "Completed text 29663\n", + "Completed text 29664\n", + "Completed text 29665\n", + "Completed text 29666\n", + "Completed text 29667\n", + "Completed text 29668\n", + "Completed text 29669\n", + "Completed text 29670\n", + "Completed text 29671\n", + "Completed text 29672\n", + "Completed text 29673\n", + "Completed text 29674\n", + "Completed text 29675\n", + "Completed text 29676\n", + "Completed text 29677\n", + "Completed text 29678\n", + "Completed text 29679\n", + "Completed text 29680\n", + "Completed text 29681\n", + "Completed text 29682\n", + "Completed text 29683\n", + "Completed text 29684\n", + "Completed text 29685\n", + "Completed text 29686\n", + "Completed text 29687\n", + "Completed text 29688\n", + "Completed text 29689\n", + "Completed text 29690\n", + "Completed text 29691\n", + "Completed text 29692\n", + "Completed text 29693\n", + "Completed text 29694\n", + "Completed text 29695\n", + "Completed text 29696\n", + "Completed text 29697\n", + "Completed text 29698\n", + "Completed text 29699\n", + "Completed text 29700\n", + "Completed text 29701\n", + "Completed text 29702\n", + "Completed text 29703\n", + "Completed text 29704\n", + "Completed text 29705\n", + "Completed text 29706\n", + "Completed text 29707\n", + "Completed text 29708\n", + "Completed text 29709\n", + "Completed text 29710\n", + "Completed text 29711\n", + "Completed text 29712\n", + "Completed text 29713\n", + "Completed text 29714\n", + "Completed text 29715\n", + "Completed text 29716\n", + "Completed text 29717\n", + "Completed text 29718\n", + "Completed text 29719\n", + "Completed text 29720\n", + "Completed text 29721\n", + "Completed text 29722\n", + "Completed text 29723\n", + "Completed text 29724\n", + "Completed text 29725\n", + "Completed text 29726\n", + "Completed text 29727\n", + "Completed text 29728\n", + "Completed text 29729\n", + "Completed text 29730\n", + "Completed text 29731\n", + "Completed text 29732\n", + "Completed text 29733\n", + "Completed text 29734\n", + "Completed text 29735\n", + "Completed text 29736\n", + "Completed text 29737\n", + "Completed text 29738\n", + "Completed text 29739\n", + "Completed text 29740\n", + "Completed text 29741\n", + "Completed text 29742\n", + "Completed text 29743\n", + "Completed text 29744\n", + "Completed text 29745\n", + "Completed text 29746\n", + "Completed text 29747\n", + "Completed text 29748\n", + "Completed text 29749\n", + "Completed text 29750\n", + "Completed text 29751\n", + "Completed text 29752\n", + "Completed text 29753\n", + "Completed text 29754\n", + "Completed text 29755\n", + "Completed text 29756\n", + "Completed text 29757\n", + "Completed text 29758\n", + "Completed text 29759\n", + "Completed text 29760\n", + "Completed text 29761\n", + "Completed text 29762\n", + "Completed text 29763\n", + "Completed text 29764\n", + "Completed text 29765\n", + "Completed text 29766\n", + "Completed text 29767\n", + "Completed text 29768\n", + "Completed text 29769\n", + "Completed text 29770\n", + "Completed text 29771\n", + "Completed text 29772\n", + "Completed text 29773\n", + "Completed text 29774\n", + "Completed text 29775\n", + "Completed text 29776\n", + "Completed text 29777\n", + "Completed text 29778\n", + "Completed text 29779\n", + "Completed text 29780\n", + "Completed text 29781\n", + "Completed text 29782\n", + "Completed text 29783\n", + "Completed text 29784\n", + "Completed text 29785\n", + "Completed text 29786\n", + "Completed text 29787\n", + "Completed text 29788\n", + "Completed text 29789\n", + "Completed text 29790\n", + "Completed text 29791\n", + "Completed text 29792\n", + "Completed text 29793\n", + "Completed text 29794\n", + "Completed text 29795\n", + "Completed text 29796\n", + "Completed text 29797\n", + "Completed text 29798\n", + "Completed text 29799\n", + "Completed text 29800\n", + "Completed text 29801\n", + "Completed text 29802\n", + "Completed text 29803\n", + "Completed text 29804\n", + "Completed text 29805\n", + "Completed text 29806\n", + "Completed text 29807\n", + "Completed text 29808\n", + "Completed text 29809\n", + "Completed text 29810\n", + "Completed text 29811\n", + "Completed text 29812\n", + "Completed text 29813\n", + "Completed text 29814\n", + "Completed text 29815\n", + "Completed text 29816\n", + "Completed text 29817\n", + "Completed text 29818\n", + "Completed text 29819\n", + "Completed text 29820\n", + "Completed text 29821\n", + "Completed text 29822\n", + "Completed text 29823\n", + "Completed text 29824\n", + "Completed text 29825\n", + "Completed text 29826\n", + "Completed text 29827\n", + "Completed text 29828\n", + "Completed text 29829\n", + "Completed text 29830\n", + "Completed text 29831\n", + "Completed text 29832\n", + "Completed text 29833\n", + "Completed text 29834\n", + "Completed text 29835\n", + "Completed text 29836\n", + "Completed text 29837\n", + "Completed text 29838\n", + "Completed text 29839\n", + "Completed text 29840\n", + "Completed text 29841\n", + "Completed text 29842\n", + "Completed text 29843\n", + "Completed text 29844\n", + "Completed text 29845\n", + "Completed text 29846\n", + "Completed text 29847\n", + "Completed text 29848\n", + "Completed text 29849\n", + "Completed text 29850\n", + "Completed text 29851\n", + "Completed text 29852\n", + "Completed text 29853\n", + "Completed text 29854\n", + "Completed text 29855\n", + "Completed text 29856\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 29857\n", + "Completed text 29858\n", + "Completed text 29859\n", + "Completed text 29860\n", + "Completed text 29861\n", + "Completed text 29862\n", + "Completed text 29863\n", + "Completed text 29864\n", + "Completed text 29865\n", + "Completed text 29866\n", + "Completed text 29867\n", + "Completed text 29868\n", + "Completed text 29869\n", + "Completed text 29870\n", + "Completed text 29871\n", + "Completed text 29872\n", + "Completed text 29873\n", + "Completed text 29874\n", + "Completed text 29875\n", + "Completed text 29876\n", + "Completed text 29877\n", + "Completed text 29878\n", + "Completed text 29879\n", + "Completed text 29880\n", + "Completed text 29881\n", + "Completed text 29882\n", + "Completed text 29883\n", + "Completed text 29884\n", + "Completed text 29885\n", + "Completed text 29886\n", + "Completed text 29887\n", + "Completed text 29888\n", + "Completed text 29889\n", + "Completed text 29890\n", + "Completed text 29891\n", + "Completed text 29892\n", + "Completed text 29893\n", + "Completed text 29894\n", + "Completed text 29895\n", + "Completed text 29896\n", + "Completed text 29897\n", + "Completed text 29898\n", + "Completed text 29899\n", + "Completed text 29900\n", + "Completed text 29901\n", + "Completed text 29902\n", + "Completed text 29903\n", + "Completed text 29904\n", + "Completed text 29905\n", + "Completed text 29906\n", + "Completed text 29907\n", + "Completed text 29908\n", + "Completed text 29909\n", + "Completed text 29910\n", + "Completed text 29911\n", + "Completed text 29912\n", + "Completed text 29913\n", + "Completed text 29914\n", + "Completed text 29915\n", + "Completed text 29916\n", + "Completed text 29917\n", + "Completed text 29918\n", + "Completed text 29919\n", + "Completed text 29920\n", + "Completed text 29921\n", + "Completed text 29922\n", + "Completed text 29923\n", + "Completed text 29924\n", + "Completed text 29925\n", + "Completed text 29926\n", + "Completed text 29927\n", + "Completed text 29928\n", + "Completed text 29929\n", + "Completed text 29930\n", + "Completed text 29931\n", + "Completed text 29932\n", + "Completed text 29933\n", + "Completed text 29934\n", + "Completed text 29935\n", + "Completed text 29936\n", + "Completed text 29937\n", + "Completed text 29938\n", + "Completed text 29939\n", + "Completed text 29940\n", + "Completed text 29941\n", + "Completed text 29942\n", + "Completed text 29943\n", + "Completed text 29944\n", + "Completed text 29945\n", + "Completed text 29946\n", + "Completed text 29947\n", + "Completed text 29948\n", + "Completed text 29949\n", + "Completed text 29950\n", + "Completed text 29951\n", + "Completed text 29952\n", + "Completed text 29953\n", + "Completed text 29954\n", + "Completed text 29955\n", + "Completed text 29956\n", + "Completed text 29957\n", + "Completed text 29958\n", + "Completed text 29959\n", + "Completed text 29960\n", + "Completed text 29961\n", + "Completed text 29962\n", + "Completed text 29963\n", + "Completed text 29964\n", + "Completed text 29965\n", + "Completed text 29966\n", + "Completed text 29967\n", + "Completed text 29968\n", + "Completed text 29969\n", + "Completed text 29970\n", + "Completed text 29971\n", + "Completed text 29972\n", + "Completed text 29973\n", + "Completed text 29974\n", + "Completed text 29975\n", + "Completed text 29976\n", + "Completed text 29977\n", + "Completed text 29978\n", + "Completed text 29979\n", + "Completed text 29980\n", + "Completed text 29981\n", + "Completed text 29982\n", + "Completed text 29983\n", + "Completed text 29984\n", + "Completed text 29985\n", + "Completed text 29986\n", + "Completed text 29987\n", + "Completed text 29988\n", + "Completed text 29989\n", + "Completed text 29990\n", + "Completed text 29991\n", + "Completed text 29992\n", + "Completed text 29993\n", + "Completed text 29994\n", + "Completed text 29995\n", + "Completed text 29996\n", + "Completed text 29997\n", + "Completed text 29998\n", + "Completed text 29999\n", + "Completed text 30000\n", + "Completed text 30001\n", + "Completed text 30002\n", + "Completed text 30003\n", + "Completed text 30004\n", + "Completed text 30005\n", + "Completed text 30006\n", + "Completed text 30007\n", + "Completed text 30008\n", + "Completed text 30009\n", + "Completed text 30010\n", + "Completed text 30011\n", + "Completed text 30012\n", + "Completed text 30013\n", + "Completed text 30014\n", + "Completed text 30015\n", + "Completed text 30016\n", + "Completed text 30017\n", + "Completed text 30018\n", + "Completed text 30019\n", + "Completed text 30020\n", + "Completed text 30021\n", + "Completed text 30022\n", + "Completed text 30023\n", + "Completed text 30024\n", + "Completed text 30025\n", + "Completed text 30026\n", + "Completed text 30027\n", + "Completed text 30028\n", + "Completed text 30029\n", + "Completed text 30030\n", + "Completed text 30031\n", + "Completed text 30032\n", + "Completed text 30033\n", + "Completed text 30034\n", + "Completed text 30035\n", + "Completed text 30036\n", + "Completed text 30037\n", + "Completed text 30038\n", + "Completed text 30039\n", + "Completed text 30040\n", + "Completed text 30041\n", + "Completed text 30042\n", + "Completed text 30043\n", + "Completed text 30044\n", + "Completed text 30045\n", + "Completed text 30046\n", + "Completed text 30047\n", + "Completed text 30048\n", + "Completed text 30049\n", + "Completed text 30050\n", + "Completed text 30051\n", + "Completed text 30052\n", + "Completed text 30053\n", + "Completed text 30054\n", + "Completed text 30055\n", + "Completed text 30056\n", + "Completed text 30057\n", + "Completed text 30058\n", + "Completed text 30059\n", + "Completed text 30060\n", + "Completed text 30061\n", + "Completed text 30062\n", + "Completed text 30063\n", + "Completed text 30064\n", + "Completed text 30065\n", + "Completed text 30066\n", + "Completed text 30067\n", + "Completed text 30068\n", + "Completed text 30069\n", + "Completed text 30070\n", + "Completed text 30071\n", + "Completed text 30072\n", + "Completed text 30073\n", + "Completed text 30074\n", + "Completed text 30075\n", + "Completed text 30076\n", + "Completed text 30077\n", + "Completed text 30078\n", + "Completed text 30079\n", + "Completed text 30080\n", + "Completed text 30081\n", + "Completed text 30082\n", + "Completed text 30083\n", + "Completed text 30084\n", + "Completed text 30085\n", + "Completed text 30086\n", + "Completed text 30087\n", + "Completed text 30088\n", + "Completed text 30089\n", + "Completed text 30090\n", + "Completed text 30091\n", + "Completed text 30092\n", + "Completed text 30093\n", + "Completed text 30094\n", + "Completed text 30095\n", + "Completed text 30096\n", + "Completed text 30097\n", + "Completed text 30098\n", + "Completed text 30099\n", + "Completed text 30100\n", + "Completed text 30101\n", + "Completed text 30102\n", + "Completed text 30103\n", + "Completed text 30104\n", + "Completed text 30105\n", + "Completed text 30106\n", + "Completed text 30107\n", + "Completed text 30108\n", + "Completed text 30109\n", + "Completed text 30110\n", + "Completed text 30111\n", + "Completed text 30112\n", + "Completed text 30113\n", + "Completed text 30114\n", + "Completed text 30115\n", + "Completed text 30116\n", + "Completed text 30117\n", + "Completed text 30118\n", + "Completed text 30119\n", + "Completed text 30120\n", + "Completed text 30121\n", + "Completed text 30122\n", + "Completed text 30123\n", + "Completed text 30124\n", + "Completed text 30125\n", + "Completed text 30126\n", + "Completed text 30127\n", + "Completed text 30128\n", + "Completed text 30129\n", + "Completed text 30130\n", + "Completed text 30131\n", + "Completed text 30132\n", + "Completed text 30133\n", + "Completed text 30134\n", + "Completed text 30135\n", + "Completed text 30136\n", + "Completed text 30137\n", + "Completed text 30138\n", + "Completed text 30139\n", + "Completed text 30140\n", + "Completed text 30141\n", + "Completed text 30142\n", + "Completed text 30143\n", + "Completed text 30144\n", + "Completed text 30145\n", + "Completed text 30146\n", + "Completed text 30147\n", + "Completed text 30148\n", + "Completed text 30149\n", + "Completed text 30150\n", + "Completed text 30151\n", + "Completed text 30152\n", + "Completed text 30153\n", + "Completed text 30154\n", + "Completed text 30155\n", + "Completed text 30156\n", + "Completed text 30157\n", + "Completed text 30158\n", + "Completed text 30159\n", + "Completed text 30160\n", + "Completed text 30161\n", + "Completed text 30162\n", + "Completed text 30163\n", + "Completed text 30164\n", + "Completed text 30165\n", + "Completed text 30166\n", + "Completed text 30167\n", + "Completed text 30168\n", + "Completed text 30169\n", + "Completed text 30170\n", + "Completed text 30171\n", + "Completed text 30172\n", + "Completed text 30173\n", + "Completed text 30174\n", + "Completed text 30175\n", + "Completed text 30176\n", + "Completed text 30177\n", + "Completed text 30178\n", + "Completed text 30179\n", + "Completed text 30180\n", + "Completed text 30181\n", + "Completed text 30182\n", + "Completed text 30183\n", + "Completed text 30184\n", + "Completed text 30185\n", + "Completed text 30186\n", + "Completed text 30187\n", + "Completed text 30188\n", + "Completed text 30189\n", + "Completed text 30190\n", + "Completed text 30191\n", + "Completed text 30192\n", + "Completed text 30193\n", + "Completed text 30194\n", + "Completed text 30195\n", + "Completed text 30196\n", + "Completed text 30197\n", + "Completed text 30198\n", + "Completed text 30199\n", + "Completed text 30200\n", + "Completed text 30201\n", + "Completed text 30202\n", + "Completed text 30203\n", + "Completed text 30204\n", + "Completed text 30205\n", + "Completed text 30206\n", + "Completed text 30207\n", + "Completed text 30208\n", + "Completed text 30209\n", + "Completed text 30210\n", + "Completed text 30211\n", + "Completed text 30212\n", + "Completed text 30213\n", + "Completed text 30214\n", + "Completed text 30215\n", + "Completed text 30216\n", + "Completed text 30217\n", + "Completed text 30218\n", + "Completed text 30219\n", + "Completed text 30220\n", + "Completed text 30221\n", + "Completed text 30222\n", + "Completed text 30223\n", + "Completed text 30224\n", + "Completed text 30225\n", + "Completed text 30226\n", + "Completed text 30227\n", + "Completed text 30228\n", + "Completed text 30229\n", + "Completed text 30230\n", + "Completed text 30231\n", + "Completed text 30232\n", + "Completed text 30233\n", + "Completed text 30234\n", + "Completed text 30235\n", + "Completed text 30236\n", + "Completed text 30237\n", + "Completed text 30238\n", + "Completed text 30239\n", + "Completed text 30240\n", + "Completed text 30241\n", + "Completed text 30242\n", + "Completed text 30243\n", + "Completed text 30244\n", + "Completed text 30245\n", + "Completed text 30246\n", + "Completed text 30247\n", + "Completed text 30248\n", + "Completed text 30249\n", + "Completed text 30250\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 30251\n", + "Completed text 30252\n", + "Completed text 30253\n", + "Completed text 30254\n", + "Completed text 30255\n", + "Completed text 30256\n", + "Completed text 30257\n", + "Completed text 30258\n", + "Completed text 30259\n", + "Completed text 30260\n", + "Completed text 30261\n", + "Completed text 30262\n", + "Completed text 30263\n", + "Completed text 30264\n", + "Completed text 30265\n", + "Completed text 30266\n", + "Completed text 30267\n", + "Completed text 30268\n", + "Completed text 30269\n", + "Completed text 30270\n", + "Completed text 30271\n", + "Completed text 30272\n", + "Completed text 30273\n", + "Completed text 30274\n", + "Completed text 30275\n", + "Completed text 30276\n", + "Completed text 30277\n", + "Completed text 30278\n", + "Completed text 30279\n", + "Completed text 30280\n", + "Completed text 30281\n", + "Completed text 30282\n", + "Completed text 30283\n", + "Completed text 30284\n", + "Completed text 30285\n", + "Completed text 30286\n", + "Completed text 30287\n", + "Completed text 30288\n", + "Completed text 30289\n", + "Completed text 30290\n", + "Completed text 30291\n", + "Completed text 30292\n", + "Completed text 30293\n", + "Completed text 30294\n", + "Completed text 30295\n", + "Completed text 30296\n", + "Completed text 30297\n", + "Completed text 30298\n", + "Completed text 30299\n", + "Completed text 30300\n", + "Completed text 30301\n", + "Completed text 30302\n", + "Completed text 30303\n", + "Completed text 30304\n", + "Completed text 30305\n", + "Completed text 30306\n", + "Completed text 30307\n", + "Completed text 30308\n", + "Completed text 30309\n", + "Completed text 30310\n", + "Completed text 30311\n", + "Completed text 30312\n", + "Completed text 30313\n", + "Completed text 30314\n", + "Completed text 30315\n", + "Completed text 30316\n", + "Completed text 30317\n", + "Completed text 30318\n", + "Completed text 30319\n", + "Completed text 30320\n", + "Completed text 30321\n", + "Completed text 30322\n", + "Completed text 30323\n", + "Completed text 30324\n", + "Completed text 30325\n", + "Completed text 30326\n", + "Completed text 30327\n", + "Completed text 30328\n", + "Completed text 30329\n", + "Completed text 30330\n", + "Completed text 30331\n", + "Completed text 30332\n", + "Completed text 30333\n", + "Completed text 30334\n", + "Completed text 30335\n", + "Completed text 30336\n", + "Completed text 30337\n", + "Completed text 30338\n", + "Completed text 30339\n", + "Completed text 30340\n", + "Completed text 30341\n", + "Completed text 30342\n", + "Completed text 30343\n", + "Completed text 30344\n", + "Completed text 30345\n", + "Completed text 30346\n", + "Completed text 30347\n", + "Completed text 30348\n", + "Completed text 30349\n", + "Completed text 30350\n", + "Completed text 30351\n", + "Completed text 30352\n", + "Completed text 30353\n", + "Completed text 30354\n", + "Completed text 30355\n", + "Completed text 30356\n", + "Completed text 30357\n", + "Completed text 30358\n", + "Completed text 30359\n", + "Completed text 30360\n", + "Completed text 30361\n", + "Completed text 30362\n", + "Completed text 30363\n", + "Completed text 30364\n", + "Completed text 30365\n", + "Completed text 30366\n", + "Completed text 30367\n", + "Completed text 30368\n", + "Completed text 30369\n", + "Completed text 30370\n", + "Completed text 30371\n", + "Completed text 30372\n", + "Completed text 30373\n", + "Completed text 30374\n", + "Completed text 30375\n", + "Completed text 30376\n", + "Completed text 30377\n", + "Completed text 30378\n", + "Completed text 30379\n", + "Completed text 30380\n", + "Completed text 30381\n", + "Completed text 30382\n", + "Completed text 30383\n", + "Completed text 30384\n", + "Completed text 30385\n", + "Completed text 30386\n", + "Completed text 30387\n", + "Completed text 30388\n", + "Completed text 30389\n", + "Completed text 30390\n", + "Completed text 30391\n", + "Completed text 30392\n", + "Completed text 30393\n", + "Completed text 30394\n", + "Completed text 30395\n", + "Completed text 30396\n", + "Completed text 30397\n", + "Completed text 30398\n", + "Completed text 30399\n", + "Completed text 30400\n", + "Completed text 30401\n", + "Completed text 30402\n", + "Completed text 30403\n", + "Completed text 30404\n", + "Completed text 30405\n", + "Completed text 30406\n", + "Completed text 30407\n", + "Completed text 30408\n", + "Completed text 30409\n", + "Completed text 30410\n", + "Completed text 30411\n", + "Completed text 30412\n", + "Completed text 30413\n", + "Completed text 30414\n", + "Completed text 30415\n", + "Completed text 30416\n", + "Completed text 30417\n", + "Completed text 30418\n", + "Completed text 30419\n", + "Completed text 30420\n", + "Completed text 30421\n", + "Completed text 30422\n", + "Completed text 30423\n", + "Completed text 30424\n", + "Completed text 30425\n", + "Completed text 30426\n", + "Completed text 30427\n", + "Completed text 30428\n", + "Completed text 30429\n", + "Completed text 30430\n", + "Completed text 30431\n", + "Completed text 30432\n", + "Completed text 30433\n", + "Completed text 30434\n", + "Completed text 30435\n", + "Completed text 30436\n", + "Completed text 30437\n", + "Completed text 30438\n", + "Completed text 30439\n", + "Completed text 30440\n", + "Completed text 30441\n", + "Completed text 30442\n", + "Completed text 30443\n", + "Completed text 30444\n", + "Completed text 30445\n", + "Completed text 30446\n", + "Completed text 30447\n", + "Completed text 30448\n", + "Completed text 30449\n", + "Completed text 30450\n", + "Completed text 30451\n", + "Completed text 30452\n", + "Completed text 30453\n", + "Completed text 30454\n", + "Completed text 30455\n", + "Completed text 30456\n", + "Completed text 30457\n", + "Completed text 30458\n", + "Completed text 30459\n", + "Completed text 30460\n", + "Completed text 30461\n", + "Completed text 30462\n", + "Completed text 30463\n", + "Completed text 30464\n", + "Completed text 30465\n", + "Completed text 30466\n", + "Completed text 30467\n", + "Completed text 30468\n", + "Completed text 30469\n", + "Completed text 30470\n", + "Completed text 30471\n", + "Completed text 30472\n", + "Completed text 30473\n", + "Completed text 30474\n", + "Completed text 30475\n", + "Completed text 30476\n", + "Completed text 30477\n", + "Completed text 30478\n", + "Completed text 30479\n", + "Completed text 30480\n", + "Completed text 30481\n", + "Completed text 30482\n", + "Completed text 30483\n", + "Completed text 30484\n", + "Completed text 30485\n", + "Completed text 30486\n", + "Completed text 30487\n", + "Completed text 30488\n", + "Completed text 30489\n", + "Completed text 30490\n", + "Completed text 30491\n", + "Completed text 30492\n", + "Completed text 30493\n", + "Completed text 30494\n", + "Completed text 30495\n", + "Completed text 30496\n", + "Completed text 30497\n", + "Completed text 30498\n", + "Completed text 30499\n", + "Completed text 30500\n", + "Completed text 30501\n", + "Completed text 30502\n", + "Completed text 30503\n", + "Completed text 30504\n", + "Completed text 30505\n", + "Completed text 30506\n", + "Completed text 30507\n", + "Completed text 30508\n", + "Completed text 30509\n", + "Completed text 30510\n", + "Completed text 30511\n", + "Completed text 30512\n", + "Completed text 30513\n", + "Completed text 30514\n", + "Completed text 30515\n", + "Completed text 30516\n", + "Completed text 30517\n", + "Completed text 30518\n", + "Completed text 30519\n", + "Completed text 30520\n", + "Completed text 30521\n", + "Completed text 30522\n", + "Completed text 30523\n", + "Completed text 30524\n", + "Completed text 30525\n", + "Completed text 30526\n", + "Completed text 30527\n", + "Completed text 30528\n", + "Completed text 30529\n", + "Completed text 30530\n", + "Completed text 30531\n", + "Completed text 30532\n", + "Completed text 30533\n", + "Completed text 30534\n", + "Completed text 30535\n", + "Completed text 30536\n", + "Completed text 30537\n", + "Completed text 30538\n", + "Completed text 30539\n", + "Completed text 30540\n", + "Completed text 30541\n", + "Completed text 30542\n", + "Completed text 30543\n", + "Completed text 30544\n", + "Completed text 30545\n", + "Completed text 30546\n", + "Completed text 30547\n", + "Completed text 30548\n", + "Completed text 30549\n", + "Completed text 30550\n", + "Completed text 30551\n", + "Completed text 30552\n", + "Completed text 30553\n", + "Completed text 30554\n", + "Completed text 30555\n", + "Completed text 30556\n", + "Completed text 30557\n", + "Completed text 30558\n", + "Completed text 30559\n", + "Completed text 30560\n", + "Completed text 30561\n", + "Completed text 30562\n", + "Completed text 30563\n", + "Completed text 30564\n", + "Completed text 30565\n", + "Completed text 30566\n", + "Completed text 30567\n", + "Completed text 30568\n", + "Completed text 30569\n", + "Completed text 30570\n", + "Completed text 30571\n", + "Completed text 30572\n", + "Completed text 30573\n", + "Completed text 30574\n", + "Completed text 30575\n", + "Completed text 30576\n", + "Completed text 30577\n", + "Completed text 30578\n", + "Completed text 30579\n", + "Completed text 30580\n", + "Completed text 30581\n", + "Completed text 30582\n", + "Completed text 30583\n", + "Completed text 30584\n", + "Completed text 30585\n", + "Completed text 30586\n", + "Completed text 30587\n", + "Completed text 30588\n", + "Completed text 30589\n", + "Completed text 30590\n", + "Completed text 30591\n", + "Completed text 30592\n", + "Completed text 30593\n", + "Completed text 30594\n", + "Completed text 30595\n", + "Completed text 30596\n", + "Completed text 30597\n", + "Completed text 30598\n", + "Completed text 30599\n", + "Completed text 30600\n", + "Completed text 30601\n", + "Completed text 30602\n", + "Completed text 30603\n", + "Completed text 30604\n", + "Completed text 30605\n", + "Completed text 30606\n", + "Completed text 30607\n", + "Completed text 30608\n", + "Completed text 30609\n", + "Completed text 30610\n", + "Completed text 30611\n", + "Completed text 30612\n", + "Completed text 30613\n", + "Completed text 30614\n", + "Completed text 30615\n", + "Completed text 30616\n", + "Completed text 30617\n", + "Completed text 30618\n", + "Completed text 30619\n", + "Completed text 30620\n", + "Completed text 30621\n", + "Completed text 30622\n", + "Completed text 30623\n", + "Completed text 30624\n", + "Completed text 30625\n", + "Completed text 30626\n", + "Completed text 30627\n", + "Completed text 30628\n", + "Completed text 30629\n", + "Completed text 30630\n", + "Completed text 30631\n", + "Completed text 30632\n", + "Completed text 30633\n", + "Completed text 30634\n", + "Completed text 30635\n", + "Completed text 30636\n", + "Completed text 30637\n", + "Completed text 30638\n", + "Completed text 30639\n", + "Completed text 30640\n", + "Completed text 30641\n", + "Completed text 30642\n", + "Completed text 30643\n", + "Completed text 30644\n", + "Completed text 30645\n", + "Completed text 30646\n", + "Completed text 30647\n", + "Completed text 30648\n", + "Completed text 30649\n", + "Completed text 30650\n", + "Completed text 30651\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 30652\n", + "Completed text 30653\n", + "Completed text 30654\n", + "Completed text 30655\n", + "Completed text 30656\n", + "Completed text 30657\n", + "Completed text 30658\n", + "Completed text 30659\n", + "Completed text 30660\n", + "Completed text 30661\n", + "Completed text 30662\n", + "Completed text 30663\n", + "Completed text 30664\n", + "Completed text 30665\n", + "Completed text 30666\n", + "Completed text 30667\n", + "Completed text 30668\n", + "Completed text 30669\n", + "Completed text 30670\n", + "Completed text 30671\n", + "Completed text 30672\n", + "Completed text 30673\n", + "Completed text 30674\n", + "Completed text 30675\n", + "Completed text 30676\n", + "Completed text 30677\n", + "Completed text 30678\n", + "Completed text 30679\n", + "Completed text 30680\n", + "Completed text 30681\n", + "Completed text 30682\n", + "Completed text 30683\n", + "Completed text 30684\n", + "Completed text 30685\n", + "Completed text 30686\n", + "Completed text 30687\n", + "Completed text 30688\n", + "Completed text 30689\n", + "Completed text 30690\n", + "Completed text 30691\n", + "Completed text 30692\n", + "Completed text 30693\n", + "Completed text 30694\n", + "Completed text 30695\n", + "Completed text 30696\n", + "Completed text 30697\n", + "Completed text 30698\n", + "Completed text 30699\n", + "Completed text 30700\n", + "Completed text 30701\n", + "Completed text 30702\n", + "Completed text 30703\n", + "Completed text 30704\n", + "Completed text 30705\n", + "Completed text 30706\n", + "Completed text 30707\n", + "Completed text 30708\n", + "Completed text 30709\n", + "Completed text 30710\n", + "Completed text 30711\n", + "Completed text 30712\n", + "Completed text 30713\n", + "Completed text 30714\n", + "Completed text 30715\n", + "Completed text 30716\n", + "Completed text 30717\n", + "Completed text 30718\n", + "Completed text 30719\n", + "Completed text 30720\n", + "Completed text 30721\n", + "Completed text 30722\n", + "Completed text 30723\n", + "Completed text 30724\n", + "Completed text 30725\n", + "Completed text 30726\n", + "Completed text 30727\n", + "Completed text 30728\n", + "Completed text 30729\n", + "Completed text 30730\n", + "Completed text 30731\n", + "Completed text 30732\n", + "Completed text 30733\n", + "Completed text 30734\n", + "Completed text 30735\n", + "Completed text 30736\n", + "Completed text 30737\n", + "Completed text 30738\n", + "Completed text 30739\n", + "Completed text 30740\n", + "Completed text 30741\n", + "Completed text 30742\n", + "Completed text 30743\n", + "Completed text 30744\n", + "Completed text 30745\n", + "Completed text 30746\n", + "Completed text 30747\n", + "Completed text 30748\n", + "Completed text 30749\n", + "Completed text 30750\n", + "Completed text 30751\n", + "Completed text 30752\n", + "Completed text 30753\n", + "Completed text 30754\n", + "Completed text 30755\n", + "Completed text 30756\n", + "Completed text 30757\n", + "Completed text 30758\n", + "Completed text 30759\n", + "Completed text 30760\n", + "Completed text 30761\n", + "Completed text 30762\n", + "Completed text 30763\n", + "Completed text 30764\n", + "Completed text 30765\n", + "Completed text 30766\n", + "Completed text 30767\n", + "Completed text 30768\n", + "Completed text 30769\n", + "Completed text 30770\n", + "Completed text 30771\n", + "Completed text 30772\n", + "Completed text 30773\n", + "Completed text 30774\n", + "Completed text 30775\n", + "Completed text 30776\n", + "Completed text 30777\n", + "Completed text 30778\n", + "Completed text 30779\n", + "Completed text 30780\n", + "Completed text 30781\n", + "Completed text 30782\n", + "Completed text 30783\n", + "Completed text 30784\n", + "Completed text 30785\n", + "Completed text 30786\n", + "Completed text 30787\n", + "Completed text 30788\n", + "Completed text 30789\n", + "Completed text 30790\n", + "Completed text 30791\n", + "Completed text 30792\n", + "Completed text 30793\n", + "Completed text 30794\n", + "Completed text 30795\n", + "Completed text 30796\n", + "Completed text 30797\n", + "Completed text 30798\n", + "Completed text 30799\n", + "Completed text 30800\n", + "Completed text 30801\n", + "Completed text 30802\n", + "Completed text 30803\n", + "Completed text 30804\n", + "Completed text 30805\n", + "Completed text 30806\n", + "Completed text 30807\n", + "Completed text 30808\n", + "Completed text 30809\n", + "Completed text 30810\n", + "Completed text 30811\n", + "Completed text 30812\n", + "Completed text 30813\n", + "Completed text 30814\n", + "Completed text 30815\n", + "Completed text 30816\n", + "Completed text 30817\n", + "Completed text 30818\n", + "Completed text 30819\n", + "Completed text 30820\n", + "Completed text 30821\n", + "Completed text 30822\n", + "Completed text 30823\n", + "Completed text 30824\n", + "Completed text 30825\n", + "Completed text 30826\n", + "Completed text 30827\n", + "Completed text 30828\n", + "Completed text 30829\n", + "Completed text 30830\n", + "Completed text 30831\n", + "Completed text 30832\n", + "Completed text 30833\n", + "Completed text 30834\n", + "Completed text 30835\n", + "Completed text 30836\n", + "Completed text 30837\n", + "Completed text 30838\n", + "Completed text 30839\n", + "Completed text 30840\n", + "Completed text 30841\n", + "Completed text 30842\n", + "Completed text 30843\n", + "Completed text 30844\n", + "Completed text 30845\n", + "Completed text 30846\n", + "Completed text 30847\n", + "Completed text 30848\n", + "Completed text 30849\n", + "Completed text 30850\n", + "Completed text 30851\n", + "Completed text 30852\n", + "Completed text 30853\n", + "Completed text 30854\n", + "Completed text 30855\n", + "Completed text 30856\n", + "Completed text 30857\n", + "Completed text 30858\n", + "Completed text 30859\n", + "Completed text 30860\n", + "Completed text 30861\n", + "Completed text 30862\n", + "Completed text 30863\n", + "Completed text 30864\n", + "Completed text 30865\n", + "Completed text 30866\n", + "Completed text 30867\n", + "Completed text 30868\n", + "Completed text 30869\n", + "Completed text 30870\n", + "Completed text 30871\n", + "Completed text 30872\n", + "Completed text 30873\n", + "Completed text 30874\n", + "Completed text 30875\n", + "Completed text 30876\n", + "Completed text 30877\n", + "Completed text 30878\n", + "Completed text 30879\n", + "Completed text 30880\n", + "Completed text 30881\n", + "Completed text 30882\n", + "Completed text 30883\n", + "Completed text 30884\n", + "Completed text 30885\n", + "Completed text 30886\n", + "Completed text 30887\n", + "Completed text 30888\n", + "Completed text 30889\n", + "Completed text 30890\n", + "Completed text 30891\n", + "Completed text 30892\n", + "Completed text 30893\n", + "Completed text 30894\n", + "Completed text 30895\n", + "Completed text 30896\n", + "Completed text 30897\n", + "Completed text 30898\n", + "Completed text 30899\n", + "Completed text 30900\n", + "Completed text 30901\n", + "Completed text 30902\n", + "Completed text 30903\n", + "Completed text 30904\n", + "Completed text 30905\n", + "Completed text 30906\n", + "Completed text 30907\n", + "Completed text 30908\n", + "Completed text 30909\n", + "Completed text 30910\n", + "Completed text 30911\n", + "Completed text 30912\n", + "Completed text 30913\n", + "Completed text 30914\n", + "Completed text 30915\n", + "Completed text 30916\n", + "Completed text 30917\n", + "Completed text 30918\n", + "Completed text 30919\n", + "Completed text 30920\n", + "Completed text 30921\n", + "Completed text 30922\n", + "Completed text 30923\n", + "Completed text 30924\n", + "Completed text 30925\n", + "Completed text 30926\n", + "Completed text 30927\n", + "Completed text 30928\n", + "Completed text 30929\n", + "Completed text 30930\n", + "Completed text 30931\n", + "Completed text 30932\n", + "Completed text 30933\n", + "Completed text 30934\n", + "Completed text 30935\n", + "Completed text 30936\n", + "Completed text 30937\n", + "Completed text 30938\n", + "Completed text 30939\n", + "Completed text 30940\n", + "Completed text 30941\n", + "Completed text 30942\n", + "Completed text 30943\n", + "Completed text 30944\n", + "Completed text 30945\n", + "Completed text 30946\n", + "Completed text 30947\n", + "Completed text 30948\n", + "Completed text 30949\n", + "Completed text 30950\n", + "Completed text 30951\n", + "Completed text 30952\n", + "Completed text 30953\n", + "Completed text 30954\n", + "Completed text 30955\n", + "Completed text 30956\n", + "Completed text 30957\n", + "Completed text 30958\n", + "Completed text 30959\n", + "Completed text 30960\n", + "Completed text 30961\n", + "Completed text 30962\n", + "Completed text 30963\n", + "Completed text 30964\n", + "Completed text 30965\n", + "Completed text 30966\n", + "Completed text 30967\n", + "Completed text 30968\n", + "Completed text 30969\n", + "Completed text 30970\n", + "Completed text 30971\n", + "Completed text 30972\n", + "Completed text 30973\n", + "Completed text 30974\n", + "Completed text 30975\n", + "Completed text 30976\n", + "Completed text 30977\n", + "Completed text 30978\n", + "Completed text 30979\n", + "Completed text 30980\n", + "Completed text 30981\n", + "Completed text 30982\n", + "Completed text 30983\n", + "Completed text 30984\n", + "Completed text 30985\n", + "Completed text 30986\n", + "Completed text 30987\n", + "Completed text 30988\n", + "Completed text 30989\n", + "Completed text 30990\n", + "Completed text 30991\n", + "Completed text 30992\n", + "Completed text 30993\n", + "Completed text 30994\n", + "Completed text 30995\n", + "Completed text 30996\n", + "Completed text 30997\n", + "Completed text 30998\n", + "Completed text 30999\n", + "Completed text 31000\n", + "Completed text 31001\n", + "Completed text 31002\n", + "Completed text 31003\n", + "Completed text 31004\n", + "Completed text 31005\n", + "Completed text 31006\n", + "Completed text 31007\n", + "Completed text 31008\n", + "Completed text 31009\n", + "Completed text 31010\n", + "Completed text 31011\n", + "Completed text 31012\n", + "Completed text 31013\n", + "Completed text 31014\n", + "Completed text 31015\n", + "Completed text 31016\n", + "Completed text 31017\n", + "Completed text 31018\n", + "Completed text 31019\n", + "Completed text 31020\n", + "Completed text 31021\n", + "Completed text 31022\n", + "Completed text 31023\n", + "Completed text 31024\n", + "Completed text 31025\n", + "Completed text 31026\n", + "Completed text 31027\n", + "Completed text 31028\n", + "Completed text 31029\n", + "Completed text 31030\n", + "Completed text 31031\n", + "Completed text 31032\n", + "Completed text 31033\n", + "Completed text 31034\n", + "Completed text 31035\n", + "Completed text 31036\n", + "Completed text 31037\n", + "Completed text 31038\n", + "Completed text 31039\n", + "Completed text 31040\n", + "Completed text 31041\n", + "Completed text 31042\n", + "Completed text 31043\n", + "Completed text 31044\n", + "Completed text 31045\n", + "Completed text 31046\n", + "Completed text 31047\n", + "Completed text 31048\n", + "Completed text 31049\n", + "Completed text 31050\n", + "Completed text 31051\n", + "Completed text 31052\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 31053\n", + "Completed text 31054\n", + "Completed text 31055\n", + "Completed text 31056\n", + "Completed text 31057\n", + "Completed text 31058\n", + "Completed text 31059\n", + "Completed text 31060\n", + "Completed text 31061\n", + "Completed text 31062\n", + "Completed text 31063\n", + "Completed text 31064\n", + "Completed text 31065\n", + "Completed text 31066\n", + "Completed text 31067\n", + "Completed text 31068\n", + "Completed text 31069\n", + "Completed text 31070\n", + "Completed text 31071\n", + "Completed text 31072\n", + "Completed text 31073\n", + "Completed text 31074\n", + "Completed text 31075\n", + "Completed text 31076\n", + "Completed text 31077\n", + "Completed text 31078\n", + "Completed text 31079\n", + "Completed text 31080\n", + "Completed text 31081\n", + "Completed text 31082\n", + "Completed text 31083\n", + "Completed text 31084\n", + "Completed text 31085\n", + "Completed text 31086\n", + "Completed text 31087\n", + "Completed text 31088\n", + "Completed text 31089\n", + "Completed text 31090\n", + "Completed text 31091\n", + "Completed text 31092\n", + "Completed text 31093\n", + "Completed text 31094\n", + "Completed text 31095\n", + "Completed text 31096\n", + "Completed text 31097\n", + "Completed text 31098\n", + "Completed text 31099\n", + "Completed text 31100\n", + "Completed text 31101\n", + "Completed text 31102\n", + "Completed text 31103\n", + "Completed text 31104\n", + "Completed text 31105\n", + "Completed text 31106\n", + "Completed text 31107\n", + "Completed text 31108\n", + "Completed text 31109\n", + "Completed text 31110\n", + "Completed text 31111\n", + "Completed text 31112\n", + "Completed text 31113\n", + "Completed text 31114\n", + "Completed text 31115\n", + "Completed text 31116\n", + "Completed text 31117\n", + "Completed text 31118\n", + "Completed text 31119\n", + "Completed text 31120\n", + "Completed text 31121\n", + "Completed text 31122\n", + "Completed text 31123\n", + "Completed text 31124\n", + "Completed text 31125\n", + "Completed text 31126\n", + "Completed text 31127\n", + "Completed text 31128\n", + "Completed text 31129\n", + "Completed text 31130\n", + "Completed text 31131\n", + "Completed text 31132\n", + "Completed text 31133\n", + "Completed text 31134\n", + "Completed text 31135\n", + "Completed text 31136\n", + "Completed text 31137\n", + "Completed text 31138\n", + "Completed text 31139\n", + "Completed text 31140\n", + "Completed text 31141\n", + "Completed text 31142\n", + "Completed text 31143\n", + "Completed text 31144\n", + "Completed text 31145\n", + "Completed text 31146\n", + "Completed text 31147\n", + "Completed text 31148\n", + "Completed text 31149\n", + "Completed text 31150\n", + "Completed text 31151\n", + "Completed text 31152\n", + "Completed text 31153\n", + "Completed text 31154\n", + "Completed text 31155\n", + "Completed text 31156\n", + "Completed text 31157\n", + "Completed text 31158\n", + "Completed text 31159\n", + "Completed text 31160\n", + "Completed text 31161\n", + "Completed text 31162\n", + "Completed text 31163\n", + "Completed text 31164\n", + "Completed text 31165\n", + "Completed text 31166\n", + "Completed text 31167\n", + "Completed text 31168\n", + "Completed text 31169\n", + "Completed text 31170\n", + "Completed text 31171\n", + "Completed text 31172\n", + "Completed text 31173\n", + "Completed text 31174\n", + "Completed text 31175\n", + "Completed text 31176\n", + "Completed text 31177\n", + "Completed text 31178\n", + "Completed text 31179\n", + "Completed text 31180\n", + "Completed text 31181\n", + "Completed text 31182\n", + "Completed text 31183\n", + "Completed text 31184\n", + "Completed text 31185\n", + "Completed text 31186\n", + "Completed text 31187\n", + "Completed text 31188\n", + "Completed text 31189\n", + "Completed text 31190\n", + "Completed text 31191\n", + "Completed text 31192\n", + "Completed text 31193\n", + "Completed text 31194\n", + "Completed text 31195\n", + "Completed text 31196\n", + "Completed text 31197\n", + "Completed text 31198\n", + "Completed text 31199\n", + "Completed text 31200\n", + "Completed text 31201\n", + "Completed text 31202\n", + "Completed text 31203\n", + "Completed text 31204\n", + "Completed text 31205\n", + "Completed text 31206\n", + "Completed text 31207\n", + "Completed text 31208\n", + "Completed text 31209\n", + "Completed text 31210\n", + "Completed text 31211\n", + "Completed text 31212\n", + "Completed text 31213\n", + "Completed text 31214\n", + "Completed text 31215\n", + "Completed text 31216\n", + "Completed text 31217\n", + "Completed text 31218\n", + "Completed text 31219\n", + "Completed text 31220\n", + "Completed text 31221\n", + "Completed text 31222\n", + "Completed text 31223\n", + "Completed text 31224\n", + "Completed text 31225\n", + "Completed text 31226\n", + "Completed text 31227\n", + "Completed text 31228\n", + "Completed text 31229\n", + "Completed text 31230\n", + "Completed text 31231\n", + "Completed text 31232\n", + "Completed text 31233\n", + "Completed text 31234\n", + "Completed text 31235\n", + "Completed text 31236\n", + "Completed text 31237\n", + "Completed text 31238\n", + "Completed text 31239\n", + "Completed text 31240\n", + "Completed text 31241\n", + "Completed text 31242\n", + "Completed text 31243\n", + "Completed text 31244\n", + "Completed text 31245\n", + "Completed text 31246\n", + "Completed text 31247\n", + "Completed text 31248\n", + "Completed text 31249\n", + "Completed text 31250\n", + "Completed text 31251\n", + "Completed text 31252\n", + "Completed text 31253\n", + "Completed text 31254\n", + "Completed text 31255\n", + "Completed text 31256\n", + "Completed text 31257\n", + "Completed text 31258\n", + "Completed text 31259\n", + "Completed text 31260\n", + "Completed text 31261\n", + "Completed text 31262\n", + "Completed text 31263\n", + "Completed text 31264\n", + "Completed text 31265\n", + "Completed text 31266\n", + "Completed text 31267\n", + "Completed text 31268\n", + "Completed text 31269\n", + "Completed text 31270\n", + "Completed text 31271\n", + "Completed text 31272\n", + "Completed text 31273\n", + "Completed text 31274\n", + "Completed text 31275\n", + "Completed text 31276\n", + "Completed text 31277\n", + "Completed text 31278\n", + "Completed text 31279\n", + "Completed text 31280\n", + "Completed text 31281\n", + "Completed text 31282\n", + "Completed text 31283\n", + "Completed text 31284\n", + "Completed text 31285\n", + "Completed text 31286\n", + "Completed text 31287\n", + "Completed text 31288\n", + "Completed text 31289\n", + "Completed text 31290\n", + "Completed text 31291\n", + "Completed text 31292\n", + "Completed text 31293\n", + "Completed text 31294\n", + "Completed text 31295\n", + "Completed text 31296\n", + "Completed text 31297\n", + "Completed text 31298\n", + "Completed text 31299\n", + "Completed text 31300\n", + "Completed text 31301\n", + "Completed text 31302\n", + "Completed text 31303\n", + "Completed text 31304\n", + "Completed text 31305\n", + "Completed text 31306\n", + "Completed text 31307\n", + "Completed text 31308\n", + "Completed text 31309\n", + "Completed text 31310\n", + "Completed text 31311\n", + "Completed text 31312\n", + "Completed text 31313\n", + "Completed text 31314\n", + "Completed text 31315\n", + "Completed text 31316\n", + "Completed text 31317\n", + "Completed text 31318\n", + "Completed text 31319\n", + "Completed text 31320\n", + "Completed text 31321\n", + "Completed text 31322\n", + "Completed text 31323\n", + "Completed text 31324\n", + "Completed text 31325\n", + "Completed text 31326\n", + "Completed text 31327\n", + "Completed text 31328\n", + "Completed text 31329\n", + "Completed text 31330\n", + "Completed text 31331\n", + "Completed text 31332\n", + "Completed text 31333\n", + "Completed text 31334\n", + "Completed text 31335\n", + "Completed text 31336\n", + "Completed text 31337\n", + "Completed text 31338\n", + "Completed text 31339\n", + "Completed text 31340\n", + "Completed text 31341\n", + "Completed text 31342\n", + "Completed text 31343\n", + "Completed text 31344\n", + "Completed text 31345\n", + "Completed text 31346\n", + "Completed text 31347\n", + "Completed text 31348\n", + "Completed text 31349\n", + "Completed text 31350\n", + "Completed text 31351\n", + "Completed text 31352\n", + "Completed text 31353\n", + "Completed text 31354\n", + "Completed text 31355\n", + "Completed text 31356\n", + "Completed text 31357\n", + "Completed text 31358\n", + "Completed text 31359\n", + "Completed text 31360\n", + "Completed text 31361\n", + "Completed text 31362\n", + "Completed text 31363\n", + "Completed text 31364\n", + "Completed text 31365\n", + "Completed text 31366\n", + "Completed text 31367\n", + "Completed text 31368\n", + "Completed text 31369\n", + "Completed text 31370\n", + "Completed text 31371\n", + "Completed text 31372\n", + "Completed text 31373\n", + "Completed text 31374\n", + "Completed text 31375\n", + "Completed text 31376\n", + "Completed text 31377\n", + "Completed text 31378\n", + "Completed text 31379\n", + "Completed text 31380\n", + "Completed text 31381\n", + "Completed text 31382\n", + "Completed text 31383\n", + "Completed text 31384\n", + "Completed text 31385\n", + "Completed text 31386\n", + "Completed text 31387\n", + "Completed text 31388\n", + "Completed text 31389\n", + "Completed text 31390\n", + "Completed text 31391\n", + "Completed text 31392\n", + "Completed text 31393\n", + "Completed text 31394\n", + "Completed text 31395\n", + "Completed text 31396\n", + "Completed text 31397\n", + "Completed text 31398\n", + "Completed text 31399\n", + "Completed text 31400\n", + "Completed text 31401\n", + "Completed text 31402\n", + "Completed text 31403\n", + "Completed text 31404\n", + "Completed text 31405\n", + "Completed text 31406\n", + "Completed text 31407\n", + "Completed text 31408\n", + "Completed text 31409\n", + "Completed text 31410\n", + "Completed text 31411\n", + "Completed text 31412\n", + "Completed text 31413\n", + "Completed text 31414\n", + "Completed text 31415\n", + "Completed text 31416\n", + "Completed text 31417\n", + "Completed text 31418\n", + "Completed text 31419\n", + "Completed text 31420\n", + "Completed text 31421\n", + "Completed text 31422\n", + "Completed text 31423\n", + "Completed text 31424\n", + "Completed text 31425\n", + "Completed text 31426\n", + "Completed text 31427\n", + "Completed text 31428\n", + "Completed text 31429\n", + "Completed text 31430\n", + "Completed text 31431\n", + "Completed text 31432\n", + "Completed text 31433\n", + "Completed text 31434\n", + "Completed text 31435\n", + "Completed text 31436\n", + "Completed text 31437\n", + "Completed text 31438\n", + "Completed text 31439\n", + "Completed text 31440\n", + "Completed text 31441\n", + "Completed text 31442\n", + "Completed text 31443\n", + "Completed text 31444\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 31445\n", + "Completed text 31446\n", + "Completed text 31447\n", + "Completed text 31448\n", + "Completed text 31449\n", + "Completed text 31450\n", + "Completed text 31451\n", + "Completed text 31452\n", + "Completed text 31453\n", + "Completed text 31454\n", + "Completed text 31455\n", + "Completed text 31456\n", + "Completed text 31457\n", + "Completed text 31458\n", + "Completed text 31459\n", + "Completed text 31460\n", + "Completed text 31461\n", + "Completed text 31462\n", + "Completed text 31463\n", + "Completed text 31464\n", + "Completed text 31465\n", + "Completed text 31466\n", + "Completed text 31467\n", + "Completed text 31468\n", + "Completed text 31469\n", + "Completed text 31470\n", + "Completed text 31471\n", + "Completed text 31472\n", + "Completed text 31473\n", + "Completed text 31474\n", + "Completed text 31475\n", + "Completed text 31476\n", + "Completed text 31477\n", + "Completed text 31478\n", + "Completed text 31479\n", + "Completed text 31480\n", + "Completed text 31481\n", + "Completed text 31482\n", + "Completed text 31483\n", + "Completed text 31484\n", + "Completed text 31485\n", + "Completed text 31486\n", + "Completed text 31487\n", + "Completed text 31488\n", + "Completed text 31489\n", + "Completed text 31490\n", + "Completed text 31491\n", + "Completed text 31492\n", + "Completed text 31493\n", + "Completed text 31494\n", + "Completed text 31495\n", + "Completed text 31496\n", + "Completed text 31497\n", + "Completed text 31498\n", + "Completed text 31499\n", + "Completed text 31500\n", + "Completed text 31501\n", + "Completed text 31502\n", + "Completed text 31503\n", + "Completed text 31504\n", + "Completed text 31505\n", + "Completed text 31506\n", + "Completed text 31507\n", + "Completed text 31508\n", + "Completed text 31509\n", + "Completed text 31510\n", + "Completed text 31511\n", + "Completed text 31512\n", + "Completed text 31513\n", + "Completed text 31514\n", + "Completed text 31515\n", + "Completed text 31516\n", + "Completed text 31517\n", + "Completed text 31518\n", + "Completed text 31519\n", + "Completed text 31520\n", + "Completed text 31521\n", + "Completed text 31522\n", + "Completed text 31523\n", + "Completed text 31524\n", + "Completed text 31525\n", + "Completed text 31526\n", + "Completed text 31527\n", + "Completed text 31528\n", + "Completed text 31529\n", + "Completed text 31530\n", + "Completed text 31531\n", + "Completed text 31532\n", + "Completed text 31533\n", + "Completed text 31534\n", + "Completed text 31535\n", + "Completed text 31536\n", + "Completed text 31537\n", + "Completed text 31538\n", + "Completed text 31539\n", + "Completed text 31540\n", + "Completed text 31541\n", + "Completed text 31542\n", + "Completed text 31543\n", + "Completed text 31544\n", + "Completed text 31545\n", + "Completed text 31546\n", + "Completed text 31547\n", + "Completed text 31548\n", + "Completed text 31549\n", + "Completed text 31550\n", + "Completed text 31551\n", + "Completed text 31552\n", + "Completed text 31553\n", + "Completed text 31554\n", + "Completed text 31555\n", + "Completed text 31556\n", + "Completed text 31557\n", + "Completed text 31558\n", + "Completed text 31559\n", + "Completed text 31560\n", + "Completed text 31561\n", + "Completed text 31562\n", + "Completed text 31563\n", + "Completed text 31564\n", + "Completed text 31565\n", + "Completed text 31566\n", + "Completed text 31567\n", + "Completed text 31568\n", + "Completed text 31569\n", + "Completed text 31570\n", + "Completed text 31571\n", + "Completed text 31572\n", + "Completed text 31573\n", + "Completed text 31574\n", + "Completed text 31575\n", + "Completed text 31576\n", + "Completed text 31577\n", + "Completed text 31578\n", + "Completed text 31579\n", + "Completed text 31580\n", + "Completed text 31581\n", + "Completed text 31582\n", + "Completed text 31583\n", + "Completed text 31584\n", + "Completed text 31585\n", + "Completed text 31586\n", + "Completed text 31587\n", + "Completed text 31588\n", + "Completed text 31589\n", + "Completed text 31590\n", + "Completed text 31591\n", + "Completed text 31592\n", + "Completed text 31593\n", + "Completed text 31594\n", + "Completed text 31595\n", + "Completed text 31596\n", + "Completed text 31597\n", + "Completed text 31598\n", + "Completed text 31599\n", + "Completed text 31600\n", + "Completed text 31601\n", + "Completed text 31602\n", + "Completed text 31603\n", + "Completed text 31604\n", + "Completed text 31605\n", + "Completed text 31606\n", + "Completed text 31607\n", + "Completed text 31608\n", + "Completed text 31609\n", + "Completed text 31610\n", + "Completed text 31611\n", + "Completed text 31612\n", + "Completed text 31613\n", + "Completed text 31614\n", + "Completed text 31615\n", + "Completed text 31616\n", + "Completed text 31617\n", + "Completed text 31618\n", + "Completed text 31619\n", + "Completed text 31620\n", + "Completed text 31621\n", + "Completed text 31622\n", + "Completed text 31623\n", + "Completed text 31624\n", + "Completed text 31625\n", + "Completed text 31626\n", + "Completed text 31627\n", + "Completed text 31628\n", + "Completed text 31629\n", + "Completed text 31630\n", + "Completed text 31631\n", + "Completed text 31632\n", + "Completed text 31633\n", + "Completed text 31634\n", + "Completed text 31635\n", + "Completed text 31636\n", + "Completed text 31637\n", + "Completed text 31638\n", + "Completed text 31639\n", + "Completed text 31640\n", + "Completed text 31641\n", + "Completed text 31642\n", + "Completed text 31643\n", + "Completed text 31644\n", + "Completed text 31645\n", + "Completed text 31646\n", + "Completed text 31647\n", + "Completed text 31648\n", + "Completed text 31649\n", + "Completed text 31650\n", + "Completed text 31651\n", + "Completed text 31652\n", + "Completed text 31653\n", + "Completed text 31654\n", + "Completed text 31655\n", + "Completed text 31656\n", + "Completed text 31657\n", + "Completed text 31658\n", + "Completed text 31659\n", + "Completed text 31660\n", + "Completed text 31661\n", + "Completed text 31662\n", + "Completed text 31663\n", + "Completed text 31664\n", + "Completed text 31665\n", + "Completed text 31666\n", + "Completed text 31667\n", + "Completed text 31668\n", + "Completed text 31669\n", + "Completed text 31670\n", + "Completed text 31671\n", + "Completed text 31672\n", + "Completed text 31673\n", + "Completed text 31674\n", + "Completed text 31675\n", + "Completed text 31676\n", + "Completed text 31677\n", + "Completed text 31678\n", + "Completed text 31679\n", + "Completed text 31680\n", + "Completed text 31681\n", + "Completed text 31682\n", + "Completed text 31683\n", + "Completed text 31684\n", + "Completed text 31685\n", + "Completed text 31686\n", + "Completed text 31687\n", + "Completed text 31688\n", + "Completed text 31689\n", + "Completed text 31690\n", + "Completed text 31691\n", + "Completed text 31692\n", + "Completed text 31693\n", + "Completed text 31694\n", + "Completed text 31695\n", + "Completed text 31696\n", + "Completed text 31697\n", + "Completed text 31698\n", + "Completed text 31699\n", + "Completed text 31700\n", + "Completed text 31701\n", + "Completed text 31702\n", + "Completed text 31703\n", + "Completed text 31704\n", + "Completed text 31705\n", + "Completed text 31706\n", + "Completed text 31707\n", + "Completed text 31708\n", + "Completed text 31709\n", + "Completed text 31710\n", + "Completed text 31711\n", + "Completed text 31712\n", + "Completed text 31713\n", + "Completed text 31714\n", + "Completed text 31715\n", + "Completed text 31716\n", + "Completed text 31717\n", + "Completed text 31718\n", + "Completed text 31719\n", + "Completed text 31720\n", + "Completed text 31721\n", + "Completed text 31722\n", + "Completed text 31723\n", + "Completed text 31724\n", + "Completed text 31725\n", + "Completed text 31726\n", + "Completed text 31727\n", + "Completed text 31728\n", + "Completed text 31729\n", + "Completed text 31730\n", + "Completed text 31731\n", + "Completed text 31732\n", + "Completed text 31733\n", + "Completed text 31734\n", + "Completed text 31735\n", + "Completed text 31736\n", + "Completed text 31737\n", + "Completed text 31738\n", + "Completed text 31739\n", + "Completed text 31740\n", + "Completed text 31741\n", + "Completed text 31742\n", + "Completed text 31743\n", + "Completed text 31744\n", + "Completed text 31745\n", + "Completed text 31746\n", + "Completed text 31747\n", + "Completed text 31748\n", + "Completed text 31749\n", + "Completed text 31750\n", + "Completed text 31751\n", + "Completed text 31752\n", + "Completed text 31753\n", + "Completed text 31754\n", + "Completed text 31755\n", + "Completed text 31756\n", + "Completed text 31757\n", + "Completed text 31758\n", + "Completed text 31759\n", + "Completed text 31760\n", + "Completed text 31761\n", + "Completed text 31762\n", + "Completed text 31763\n", + "Completed text 31764\n", + "Completed text 31765\n", + "Completed text 31766\n", + "Completed text 31767\n", + "Completed text 31768\n", + "Completed text 31769\n", + "Completed text 31770\n", + "Completed text 31771\n", + "Completed text 31772\n", + "Completed text 31773\n", + "Completed text 31774\n", + "Completed text 31775\n", + "Completed text 31776\n", + "Completed text 31777\n", + "Completed text 31778\n", + "Completed text 31779\n", + "Completed text 31780\n", + "Completed text 31781\n", + "Completed text 31782\n", + "Completed text 31783\n", + "Completed text 31784\n", + "Completed text 31785\n", + "Completed text 31786\n", + "Completed text 31787\n", + "Completed text 31788\n", + "Completed text 31789\n", + "Completed text 31790\n", + "Completed text 31791\n", + "Completed text 31792\n", + "Completed text 31793\n", + "Completed text 31794\n", + "Completed text 31795\n", + "Completed text 31796\n", + "Completed text 31797\n", + "Completed text 31798\n", + "Completed text 31799\n", + "Completed text 31800\n", + "Completed text 31801\n", + "Completed text 31802\n", + "Completed text 31803\n", + "Completed text 31804\n", + "Completed text 31805\n", + "Completed text 31806\n", + "Completed text 31807\n", + "Completed text 31808\n", + "Completed text 31809\n", + "Completed text 31810\n", + "Completed text 31811\n", + "Completed text 31812\n", + "Completed text 31813\n", + "Completed text 31814\n", + "Completed text 31815\n", + "Completed text 31816\n", + "Completed text 31817\n", + "Completed text 31818\n", + "Completed text 31819\n", + "Completed text 31820\n", + "Completed text 31821\n", + "Completed text 31822\n", + "Completed text 31823\n", + "Completed text 31824\n", + "Completed text 31825\n", + "Completed text 31826\n", + "Completed text 31827\n", + "Completed text 31828\n", + "Completed text 31829\n", + "Completed text 31830\n", + "Completed text 31831\n", + "Completed text 31832\n", + "Completed text 31833\n", + "Completed text 31834\n", + "Completed text 31835\n", + "Completed text 31836\n", + "Completed text 31837\n", + "Completed text 31838\n", + "Completed text 31839\n", + "Completed text 31840\n", + "Completed text 31841\n", + "Completed text 31842\n", + "Completed text 31843\n", + "Completed text 31844\n", + "Completed text 31845\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 31846\n", + "Completed text 31847\n", + "Completed text 31848\n", + "Completed text 31849\n", + "Completed text 31850\n", + "Completed text 31851\n", + "Completed text 31852\n", + "Completed text 31853\n", + "Completed text 31854\n", + "Completed text 31855\n", + "Completed text 31856\n", + "Completed text 31857\n", + "Completed text 31858\n", + "Completed text 31859\n", + "Completed text 31860\n", + "Completed text 31861\n", + "Completed text 31862\n", + "Completed text 31863\n", + "Completed text 31864\n", + "Completed text 31865\n", + "Completed text 31866\n", + "Completed text 31867\n", + "Completed text 31868\n", + "Completed text 31869\n", + "Completed text 31870\n", + "Completed text 31871\n", + "Completed text 31872\n", + "Completed text 31873\n", + "Completed text 31874\n", + "Completed text 31875\n", + "Completed text 31876\n", + "Completed text 31877\n", + "Completed text 31878\n", + "Completed text 31879\n", + "Completed text 31880\n", + "Completed text 31881\n", + "Completed text 31882\n", + "Completed text 31883\n", + "Completed text 31884\n", + "Completed text 31885\n", + "Completed text 31886\n", + "Completed text 31887\n", + "Completed text 31888\n", + "Completed text 31889\n", + "Completed text 31890\n", + "Completed text 31891\n", + "Completed text 31892\n", + "Completed text 31893\n", + "Completed text 31894\n", + "Completed text 31895\n", + "Completed text 31896\n", + "Completed text 31897\n", + "Completed text 31898\n", + "Completed text 31899\n", + "Completed text 31900\n", + "Completed text 31901\n", + "Completed text 31902\n", + "Completed text 31903\n", + "Completed text 31904\n", + "Completed text 31905\n", + "Completed text 31906\n", + "Completed text 31907\n", + "Completed text 31908\n", + "Completed text 31909\n", + "Completed text 31910\n", + "Completed text 31911\n", + "Completed text 31912\n", + "Completed text 31913\n", + "Completed text 31914\n", + "Completed text 31915\n", + "Completed text 31916\n", + "Completed text 31917\n", + "Completed text 31918\n", + "Completed text 31919\n", + "Completed text 31920\n", + "Completed text 31921\n", + "Completed text 31922\n", + "Completed text 31923\n", + "Completed text 31924\n", + "Completed text 31925\n", + "Completed text 31926\n", + "Completed text 31927\n", + "Completed text 31928\n", + "Completed text 31929\n", + "Completed text 31930\n", + "Completed text 31931\n", + "Completed text 31932\n", + "Completed text 31933\n", + "Completed text 31934\n", + "Completed text 31935\n", + "Completed text 31936\n", + "Completed text 31937\n", + "Completed text 31938\n", + "Completed text 31939\n", + "Completed text 31940\n", + "Completed text 31941\n", + "Completed text 31942\n", + "Completed text 31943\n", + "Completed text 31944\n", + "Completed text 31945\n", + "Completed text 31946\n", + "Completed text 31947\n", + "Completed text 31948\n", + "Completed text 31949\n", + "Completed text 31950\n", + "Completed text 31951\n", + "Completed text 31952\n", + "Completed text 31953\n", + "Completed text 31954\n", + "Completed text 31955\n", + "Completed text 31956\n", + "Completed text 31957\n", + "Completed text 31958\n", + "Completed text 31959\n", + "Completed text 31960\n", + "Completed text 31961\n", + "Completed text 31962\n", + "Completed text 31963\n", + "Completed text 31964\n", + "Completed text 31965\n", + "Completed text 31966\n", + "Completed text 31967\n", + "Completed text 31968\n", + "Completed text 31969\n", + "Completed text 31970\n", + "Completed text 31971\n", + "Completed text 31972\n", + "Completed text 31973\n", + "Completed text 31974\n", + "Completed text 31975\n", + "Completed text 31976\n", + "Completed text 31977\n", + "Completed text 31978\n", + "Completed text 31979\n", + "Completed text 31980\n", + "Completed text 31981\n", + "Completed text 31982\n", + "Completed text 31983\n", + "Completed text 31984\n", + "Completed text 31985\n", + "Completed text 31986\n", + "Completed text 31987\n", + "Completed text 31988\n", + "Completed text 31989\n", + "Completed text 31990\n", + "Completed text 31991\n", + "Completed text 31992\n", + "Completed text 31993\n", + "Completed text 31994\n", + "Completed text 31995\n", + "Completed text 31996\n", + "Completed text 31997\n", + "Completed text 31998\n", + "Completed text 31999\n", + "Completed text 32000\n", + "Completed text 32001\n", + "Completed text 32002\n", + "Completed text 32003\n", + "Completed text 32004\n", + "Completed text 32005\n", + "Completed text 32006\n", + "Completed text 32007\n", + "Completed text 32008\n", + "Completed text 32009\n", + "Completed text 32010\n", + "Completed text 32011\n", + "Completed text 32012\n", + "Completed text 32013\n", + "Completed text 32014\n", + "Completed text 32015\n", + "Completed text 32016\n", + "Completed text 32017\n", + "Completed text 32018\n", + "Completed text 32019\n", + "Completed text 32020\n", + "Completed text 32021\n", + "Completed text 32022\n", + "Completed text 32023\n", + "Completed text 32024\n", + "Completed text 32025\n", + "Completed text 32026\n", + "Completed text 32027\n", + "Completed text 32028\n", + "Completed text 32029\n", + "Completed text 32030\n", + "Completed text 32031\n", + "Completed text 32032\n", + "Completed text 32033\n", + "Completed text 32034\n", + "Completed text 32035\n", + "Completed text 32036\n", + "Completed text 32037\n", + "Completed text 32038\n", + "Completed text 32039\n", + "Completed text 32040\n", + "Completed text 32041\n", + "Completed text 32042\n", + "Completed text 32043\n", + "Completed text 32044\n", + "Completed text 32045\n", + "Completed text 32046\n", + "Completed text 32047\n", + "Completed text 32048\n", + "Completed text 32049\n", + "Completed text 32050\n", + "Completed text 32051\n", + "Completed text 32052\n", + "Completed text 32053\n", + "Completed text 32054\n", + "Completed text 32055\n", + "Completed text 32056\n", + "Completed text 32057\n", + "Completed text 32058\n", + "Completed text 32059\n", + "Completed text 32060\n", + "Completed text 32061\n", + "Completed text 32062\n", + "Completed text 32063\n", + "Completed text 32064\n", + "Completed text 32065\n", + "Completed text 32066\n", + "Completed text 32067\n", + "Completed text 32068\n", + "Completed text 32069\n", + "Completed text 32070\n", + "Completed text 32071\n", + "Completed text 32072\n", + "Completed text 32073\n", + "Completed text 32074\n", + "Completed text 32075\n", + "Completed text 32076\n", + "Completed text 32077\n", + "Completed text 32078\n", + "Completed text 32079\n", + "Completed text 32080\n", + "Completed text 32081\n", + "Completed text 32082\n", + "Completed text 32083\n", + "Completed text 32084\n", + "Completed text 32085\n", + "Completed text 32086\n", + "Completed text 32087\n", + "Completed text 32088\n", + "Completed text 32089\n", + "Completed text 32090\n", + "Completed text 32091\n", + "Completed text 32092\n", + "Completed text 32093\n", + "Completed text 32094\n", + "Completed text 32095\n", + "Completed text 32096\n", + "Completed text 32097\n", + "Completed text 32098\n", + "Completed text 32099\n", + "Completed text 32100\n", + "Completed text 32101\n", + "Completed text 32102\n", + "Completed text 32103\n", + "Completed text 32104\n", + "Completed text 32105\n", + "Completed text 32106\n", + "Completed text 32107\n", + "Completed text 32108\n", + "Completed text 32109\n", + "Completed text 32110\n", + "Completed text 32111\n", + "Completed text 32112\n", + "Completed text 32113\n", + "Completed text 32114\n", + "Completed text 32115\n", + "Completed text 32116\n", + "Completed text 32117\n", + "Completed text 32118\n", + "Completed text 32119\n", + "Completed text 32120\n", + "Completed text 32121\n", + "Completed text 32122\n", + "Completed text 32123\n", + "Completed text 32124\n", + "Completed text 32125\n", + "Completed text 32126\n", + "Completed text 32127\n", + "Completed text 32128\n", + "Completed text 32129\n", + "Completed text 32130\n", + "Completed text 32131\n", + "Completed text 32132\n", + "Completed text 32133\n", + "Completed text 32134\n", + "Completed text 32135\n", + "Completed text 32136\n", + "Completed text 32137\n", + "Completed text 32138\n", + "Completed text 32139\n", + "Completed text 32140\n", + "Completed text 32141\n", + "Completed text 32142\n", + "Completed text 32143\n", + "Completed text 32144\n", + "Completed text 32145\n", + "Completed text 32146\n", + "Completed text 32147\n", + "Completed text 32148\n", + "Completed text 32149\n", + "Completed text 32150\n", + "Completed text 32151\n", + "Completed text 32152\n", + "Completed text 32153\n", + "Completed text 32154\n", + "Completed text 32155\n", + "Completed text 32156\n", + "Completed text 32157\n", + "Completed text 32158\n", + "Completed text 32159\n", + "Completed text 32160\n", + "Completed text 32161\n", + "Completed text 32162\n", + "Completed text 32163\n", + "Completed text 32164\n", + "Completed text 32165\n", + "Completed text 32166\n", + "Completed text 32167\n", + "Completed text 32168\n", + "Completed text 32169\n", + "Completed text 32170\n", + "Completed text 32171\n", + "Completed text 32172\n", + "Completed text 32173\n", + "Completed text 32174\n", + "Completed text 32175\n", + "Completed text 32176\n", + "Completed text 32177\n", + "Completed text 32178\n", + "Completed text 32179\n", + "Completed text 32180\n", + "Completed text 32181\n", + "Completed text 32182\n", + "Completed text 32183\n", + "Completed text 32184\n", + "Completed text 32185\n", + "Completed text 32186\n", + "Completed text 32187\n", + "Completed text 32188\n", + "Completed text 32189\n", + "Completed text 32190\n", + "Completed text 32191\n", + "Completed text 32192\n", + "Completed text 32193\n", + "Completed text 32194\n", + "Completed text 32195\n", + "Completed text 32196\n", + "Completed text 32197\n", + "Completed text 32198\n", + "Completed text 32199\n", + "Completed text 32200\n", + "Completed text 32201\n", + "Completed text 32202\n", + "Completed text 32203\n", + "Completed text 32204\n", + "Completed text 32205\n", + "Completed text 32206\n", + "Completed text 32207\n", + "Completed text 32208\n", + "Completed text 32209\n", + "Completed text 32210\n", + "Completed text 32211\n", + "Completed text 32212\n", + "Completed text 32213\n", + "Completed text 32214\n", + "Completed text 32215\n", + "Completed text 32216\n", + "Completed text 32217\n", + "Completed text 32218\n", + "Completed text 32219\n", + "Completed text 32220\n", + "Completed text 32221\n", + "Completed text 32222\n", + "Completed text 32223\n", + "Completed text 32224\n", + "Completed text 32225\n", + "Completed text 32226\n", + "Completed text 32227\n", + "Completed text 32228\n", + "Completed text 32229\n", + "Completed text 32230\n", + "Completed text 32231\n", + "Completed text 32232\n", + "Completed text 32233\n", + "Completed text 32234\n", + "Completed text 32235\n", + "Completed text 32236\n", + "Completed text 32237\n", + "Completed text 32238\n", + "Completed text 32239\n", + "Completed text 32240\n", + "Completed text 32241\n", + "Completed text 32242\n", + "Completed text 32243\n", + "Completed text 32244\n", + "Completed text 32245\n", + "Completed text 32246\n", + "Completed text 32247\n", + "Completed text 32248\n", + "Completed text 32249\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 32250\n", + "Completed text 32251\n", + "Completed text 32252\n", + "Completed text 32253\n", + "Completed text 32254\n", + "Completed text 32255\n", + "Completed text 32256\n", + "Completed text 32257\n", + "Completed text 32258\n", + "Completed text 32259\n", + "Completed text 32260\n", + "Completed text 32261\n", + "Completed text 32262\n", + "Completed text 32263\n", + "Completed text 32264\n", + "Completed text 32265\n", + "Completed text 32266\n", + "Completed text 32267\n", + "Completed text 32268\n", + "Completed text 32269\n", + "Completed text 32270\n", + "Completed text 32271\n", + "Completed text 32272\n", + "Completed text 32273\n", + "Completed text 32274\n", + "Completed text 32275\n", + "Completed text 32276\n", + "Completed text 32277\n", + "Completed text 32278\n", + "Completed text 32279\n", + "Completed text 32280\n", + "Completed text 32281\n", + "Completed text 32282\n", + "Completed text 32283\n", + "Completed text 32284\n", + "Completed text 32285\n", + "Completed text 32286\n", + "Completed text 32287\n", + "Completed text 32288\n", + "Completed text 32289\n", + "Completed text 32290\n", + "Completed text 32291\n", + "Completed text 32292\n", + "Completed text 32293\n", + "Completed text 32294\n", + "Completed text 32295\n", + "Completed text 32296\n", + "Completed text 32297\n", + "Completed text 32298\n", + "Completed text 32299\n", + "Completed text 32300\n", + "Completed text 32301\n", + "Completed text 32302\n", + "Completed text 32303\n", + "Completed text 32304\n", + "Completed text 32305\n", + "Completed text 32306\n", + "Completed text 32307\n", + "Completed text 32308\n", + "Completed text 32309\n", + "Completed text 32310\n", + "Completed text 32311\n", + "Completed text 32312\n", + "Completed text 32313\n", + "Completed text 32314\n", + "Completed text 32315\n", + "Completed text 32316\n", + "Completed text 32317\n", + "Completed text 32318\n", + "Completed text 32319\n", + "Completed text 32320\n", + "Completed text 32321\n", + "Completed text 32322\n", + "Completed text 32323\n", + "Completed text 32324\n", + "Completed text 32325\n", + "Completed text 32326\n", + "Completed text 32327\n", + "Completed text 32328\n", + "Completed text 32329\n", + "Completed text 32330\n", + "Completed text 32331\n", + "Completed text 32332\n", + "Completed text 32333\n", + "Completed text 32334\n", + "Completed text 32335\n", + "Completed text 32336\n", + "Completed text 32337\n", + "Completed text 32338\n", + "Completed text 32339\n", + "Completed text 32340\n", + "Completed text 32341\n", + "Completed text 32342\n", + "Completed text 32343\n", + "Completed text 32344\n", + "Completed text 32345\n", + "Completed text 32346\n", + "Completed text 32347\n", + "Completed text 32348\n", + "Completed text 32349\n", + "Completed text 32350\n", + "Completed text 32351\n", + "Completed text 32352\n", + "Completed text 32353\n", + "Completed text 32354\n", + "Completed text 32355\n", + "Completed text 32356\n", + "Completed text 32357\n", + "Completed text 32358\n", + "Completed text 32359\n", + "Completed text 32360\n", + "Completed text 32361\n", + "Completed text 32362\n", + "Completed text 32363\n", + "Completed text 32364\n", + "Completed text 32365\n", + "Completed text 32366\n", + "Completed text 32367\n", + "Completed text 32368\n", + "Completed text 32369\n", + "Completed text 32370\n", + "Completed text 32371\n", + "Completed text 32372\n", + "Completed text 32373\n", + "Completed text 32374\n", + "Completed text 32375\n", + "Completed text 32376\n", + "Completed text 32377\n", + "Completed text 32378\n", + "Completed text 32379\n", + "Completed text 32380\n", + "Completed text 32381\n", + "Completed text 32382\n", + "Completed text 32383\n", + "Completed text 32384\n", + "Completed text 32385\n", + "Completed text 32386\n", + "Completed text 32387\n", + "Completed text 32388\n", + "Completed text 32389\n", + "Completed text 32390\n", + "Completed text 32391\n", + "Completed text 32392\n", + "Completed text 32393\n", + "Completed text 32394\n", + "Completed text 32395\n", + "Completed text 32396\n", + "Completed text 32397\n", + "Completed text 32398\n", + "Completed text 32399\n", + "Completed text 32400\n", + "Completed text 32401\n", + "Completed text 32402\n", + "Completed text 32403\n", + "Completed text 32404\n", + "Completed text 32405\n", + "Completed text 32406\n", + "Completed text 32407\n", + "Completed text 32408\n", + "Completed text 32409\n", + "Completed text 32410\n", + "Completed text 32411\n", + "Completed text 32412\n", + "Completed text 32413\n", + "Completed text 32414\n", + "Completed text 32415\n", + "Completed text 32416\n", + "Completed text 32417\n", + "Completed text 32418\n", + "Completed text 32419\n", + "Completed text 32420\n", + "Completed text 32421\n", + "Completed text 32422\n", + "Completed text 32423\n", + "Completed text 32424\n", + "Completed text 32425\n", + "Completed text 32426\n", + "Completed text 32427\n", + "Completed text 32428\n", + "Completed text 32429\n", + "Completed text 32430\n", + "Completed text 32431\n", + "Completed text 32432\n", + "Completed text 32433\n", + "Completed text 32434\n", + "Completed text 32435\n", + "Completed text 32436\n", + "Completed text 32437\n", + "Completed text 32438\n", + "Completed text 32439\n", + "Completed text 32440\n", + "Completed text 32441\n", + "Completed text 32442\n", + "Completed text 32443\n", + "Completed text 32444\n", + "Completed text 32445\n", + "Completed text 32446\n", + "Completed text 32447\n", + "Completed text 32448\n", + "Completed text 32449\n", + "Completed text 32450\n", + "Completed text 32451\n", + "Completed text 32452\n", + "Completed text 32453\n", + "Completed text 32454\n", + "Completed text 32455\n", + "Completed text 32456\n", + "Completed text 32457\n", + "Completed text 32458\n", + "Completed text 32459\n", + "Completed text 32460\n", + "Completed text 32461\n", + "Completed text 32462\n", + "Completed text 32463\n", + "Completed text 32464\n", + "Completed text 32465\n", + "Completed text 32466\n", + "Completed text 32467\n", + "Completed text 32468\n", + "Completed text 32469\n", + "Completed text 32470\n", + "Completed text 32471\n", + "Completed text 32472\n", + "Completed text 32473\n", + "Completed text 32474\n", + "Completed text 32475\n", + "Completed text 32476\n", + "Completed text 32477\n", + "Completed text 32478\n", + "Completed text 32479\n", + "Completed text 32480\n", + "Completed text 32481\n", + "Completed text 32482\n", + "Completed text 32483\n", + "Completed text 32484\n", + "Completed text 32485\n", + "Completed text 32486\n", + "Completed text 32487\n", + "Completed text 32488\n", + "Completed text 32489\n", + "Completed text 32490\n", + "Completed text 32491\n", + "Completed text 32492\n", + "Completed text 32493\n", + "Completed text 32494\n", + "Completed text 32495\n", + "Completed text 32496\n", + "Completed text 32497\n", + "Completed text 32498\n", + "Completed text 32499\n", + "Completed text 32500\n", + "Completed text 32501\n", + "Completed text 32502\n", + "Completed text 32503\n", + "Completed text 32504\n", + "Completed text 32505\n", + "Completed text 32506\n", + "Completed text 32507\n", + "Completed text 32508\n", + "Completed text 32509\n", + "Completed text 32510\n", + "Completed text 32511\n", + "Completed text 32512\n", + "Completed text 32513\n", + "Completed text 32514\n", + "Completed text 32515\n", + "Completed text 32516\n", + "Completed text 32517\n", + "Completed text 32518\n", + "Completed text 32519\n", + "Completed text 32520\n", + "Completed text 32521\n", + "Completed text 32522\n", + "Completed text 32523\n", + "Completed text 32524\n", + "Completed text 32525\n", + "Completed text 32526\n", + "Completed text 32527\n", + "Completed text 32528\n", + "Completed text 32529\n", + "Completed text 32530\n", + "Completed text 32531\n", + "Completed text 32532\n", + "Completed text 32533\n", + "Completed text 32534\n", + "Completed text 32535\n", + "Completed text 32536\n", + "Completed text 32537\n", + "Completed text 32538\n", + "Completed text 32539\n", + "Completed text 32540\n", + "Completed text 32541\n", + "Completed text 32542\n", + "Completed text 32543\n", + "Completed text 32544\n", + "Completed text 32545\n", + "Completed text 32546\n", + "Completed text 32547\n", + "Completed text 32548\n", + "Completed text 32549\n", + "Completed text 32550\n", + "Completed text 32551\n", + "Completed text 32552\n", + "Completed text 32553\n", + "Completed text 32554\n", + "Completed text 32555\n", + "Completed text 32556\n", + "Completed text 32557\n", + "Completed text 32558\n", + "Completed text 32559\n", + "Completed text 32560\n", + "Completed text 32561\n", + "Completed text 32562\n", + "Completed text 32563\n", + "Completed text 32564\n", + "Completed text 32565\n", + "Completed text 32566\n", + "Completed text 32567\n", + "Completed text 32568\n", + "Completed text 32569\n", + "Completed text 32570\n", + "Completed text 32571\n", + "Completed text 32572\n", + "Completed text 32573\n", + "Completed text 32574\n", + "Completed text 32575\n", + "Completed text 32576\n", + "Completed text 32577\n", + "Completed text 32578\n", + "Completed text 32579\n", + "Completed text 32580\n", + "Completed text 32581\n", + "Completed text 32582\n", + "Completed text 32583\n", + "Completed text 32584\n", + "Completed text 32585\n", + "Completed text 32586\n", + "Completed text 32587\n", + "Completed text 32588\n", + "Completed text 32589\n", + "Completed text 32590\n", + "Completed text 32591\n", + "Completed text 32592\n", + "Completed text 32593\n", + "Completed text 32594\n", + "Completed text 32595\n", + "Completed text 32596\n", + "Completed text 32597\n", + "Completed text 32598\n", + "Completed text 32599\n", + "Completed text 32600\n", + "Completed text 32601\n", + "Completed text 32602\n", + "Completed text 32603\n", + "Completed text 32604\n", + "Completed text 32605\n", + "Completed text 32606\n", + "Completed text 32607\n", + "Completed text 32608\n", + "Completed text 32609\n", + "Completed text 32610\n", + "Completed text 32611\n", + "Completed text 32612\n", + "Completed text 32613\n", + "Completed text 32614\n", + "Completed text 32615\n", + "Completed text 32616\n", + "Completed text 32617\n", + "Completed text 32618\n", + "Completed text 32619\n", + "Completed text 32620\n", + "Completed text 32621\n", + "Completed text 32622\n", + "Completed text 32623\n", + "Completed text 32624\n", + "Completed text 32625\n", + "Completed text 32626\n", + "Completed text 32627\n", + "Completed text 32628\n", + "Completed text 32629\n", + "Completed text 32630\n", + "Completed text 32631\n", + "Completed text 32632\n", + "Completed text 32633\n", + "Completed text 32634\n", + "Completed text 32635\n", + "Completed text 32636\n", + "Completed text 32637\n", + "Completed text 32638\n", + "Completed text 32639\n", + "Completed text 32640\n", + "Completed text 32641\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 32642\n", + "Completed text 32643\n", + "Completed text 32644\n", + "Completed text 32645\n", + "Completed text 32646\n", + "Completed text 32647\n", + "Completed text 32648\n", + "Completed text 32649\n", + "Completed text 32650\n", + "Completed text 32651\n", + "Completed text 32652\n", + "Completed text 32653\n", + "Completed text 32654\n", + "Completed text 32655\n", + "Completed text 32656\n", + "Completed text 32657\n", + "Completed text 32658\n", + "Completed text 32659\n", + "Completed text 32660\n", + "Completed text 32661\n", + "Completed text 32662\n", + "Completed text 32663\n", + "Completed text 32664\n", + "Completed text 32665\n", + "Completed text 32666\n", + "Completed text 32667\n", + "Completed text 32668\n", + "Completed text 32669\n", + "Completed text 32670\n", + "Completed text 32671\n", + "Completed text 32672\n", + "Completed text 32673\n", + "Completed text 32674\n", + "Completed text 32675\n", + "Completed text 32676\n", + "Completed text 32677\n", + "Completed text 32678\n", + "Completed text 32679\n", + "Completed text 32680\n", + "Completed text 32681\n", + "Completed text 32682\n", + "Completed text 32683\n", + "Completed text 32684\n", + "Completed text 32685\n", + "Completed text 32686\n", + "Completed text 32687\n", + "Completed text 32688\n", + "Completed text 32689\n", + "Completed text 32690\n", + "Completed text 32691\n", + "Completed text 32692\n", + "Completed text 32693\n", + "Completed text 32694\n", + "Completed text 32695\n", + "Completed text 32696\n", + "Completed text 32697\n", + "Completed text 32698\n", + "Completed text 32699\n", + "Completed text 32700\n", + "Completed text 32701\n", + "Completed text 32702\n", + "Completed text 32703\n", + "Completed text 32704\n", + "Completed text 32705\n", + "Completed text 32706\n", + "Completed text 32707\n", + "Completed text 32708\n", + "Completed text 32709\n", + "Completed text 32710\n", + "Completed text 32711\n", + "Completed text 32712\n", + "Completed text 32713\n", + "Completed text 32714\n", + "Completed text 32715\n", + "Completed text 32716\n", + "Completed text 32717\n", + "Completed text 32718\n", + "Completed text 32719\n", + "Completed text 32720\n", + "Completed text 32721\n", + "Completed text 32722\n", + "Completed text 32723\n", + "Completed text 32724\n", + "Completed text 32725\n", + "Completed text 32726\n", + "Completed text 32727\n", + "Completed text 32728\n", + "Completed text 32729\n", + "Completed text 32730\n", + "Completed text 32731\n", + "Completed text 32732\n", + "Completed text 32733\n", + "Completed text 32734\n", + "Completed text 32735\n", + "Completed text 32736\n", + "Completed text 32737\n", + "Completed text 32738\n", + "Completed text 32739\n", + "Completed text 32740\n", + "Completed text 32741\n", + "Completed text 32742\n", + "Completed text 32743\n", + "Completed text 32744\n", + "Completed text 32745\n", + "Completed text 32746\n", + "Completed text 32747\n", + "Completed text 32748\n", + "Completed text 32749\n", + "Completed text 32750\n", + "Completed text 32751\n", + "Completed text 32752\n", + "Completed text 32753\n", + "Completed text 32754\n", + "Completed text 32755\n", + "Completed text 32756\n", + "Completed text 32757\n", + "Completed text 32758\n", + "Completed text 32759\n", + "Completed text 32760\n", + "Completed text 32761\n", + "Completed text 32762\n", + "Completed text 32763\n", + "Completed text 32764\n", + "Completed text 32765\n", + "Completed text 32766\n", + "Completed text 32767\n", + "Completed text 32768\n", + "Completed text 32769\n", + "Completed text 32770\n", + "Completed text 32771\n", + "Completed text 32772\n", + "Completed text 32773\n", + "Completed text 32774\n", + "Completed text 32775\n", + "Completed text 32776\n", + "Completed text 32777\n", + "Completed text 32778\n", + "Completed text 32779\n", + "Completed text 32780\n", + "Completed text 32781\n", + "Completed text 32782\n", + "Completed text 32783\n", + "Completed text 32784\n", + "Completed text 32785\n", + "Completed text 32786\n", + "Completed text 32787\n", + "Completed text 32788\n", + "Completed text 32789\n", + "Completed text 32790\n", + "Completed text 32791\n", + "Completed text 32792\n", + "Completed text 32793\n", + "Completed text 32794\n", + "Completed text 32795\n", + "Completed text 32796\n", + "Completed text 32797\n", + "Completed text 32798\n", + "Completed text 32799\n", + "Completed text 32800\n", + "Completed text 32801\n", + "Completed text 32802\n", + "Completed text 32803\n", + "Completed text 32804\n", + "Completed text 32805\n", + "Completed text 32806\n", + "Completed text 32807\n", + "Completed text 32808\n", + "Completed text 32809\n", + "Completed text 32810\n", + "Completed text 32811\n", + "Completed text 32812\n", + "Completed text 32813\n", + "Completed text 32814\n", + "Completed text 32815\n", + "Completed text 32816\n", + "Completed text 32817\n", + "Completed text 32818\n", + "Completed text 32819\n", + "Completed text 32820\n", + "Completed text 32821\n", + "Completed text 32822\n", + "Completed text 32823\n", + "Completed text 32824\n", + "Completed text 32825\n", + "Completed text 32826\n", + "Completed text 32827\n", + "Completed text 32828\n", + "Completed text 32829\n", + "Completed text 32830\n", + "Completed text 32831\n", + "Completed text 32832\n", + "Completed text 32833\n", + "Completed text 32834\n", + "Completed text 32835\n", + "Completed text 32836\n", + "Completed text 32837\n", + "Completed text 32838\n", + "Completed text 32839\n", + "Completed text 32840\n", + "Completed text 32841\n", + "Completed text 32842\n", + "Completed text 32843\n", + "Completed text 32844\n", + "Completed text 32845\n", + "Completed text 32846\n", + "Completed text 32847\n", + "Completed text 32848\n", + "Completed text 32849\n", + "Completed text 32850\n", + "Completed text 32851\n", + "Completed text 32852\n", + "Completed text 32853\n", + "Completed text 32854\n", + "Completed text 32855\n", + "Completed text 32856\n", + "Completed text 32857\n", + "Completed text 32858\n", + "Completed text 32859\n", + "Completed text 32860\n", + "Completed text 32861\n", + "Completed text 32862\n", + "Completed text 32863\n", + "Completed text 32864\n", + "Completed text 32865\n", + "Completed text 32866\n", + "Completed text 32867\n", + "Completed text 32868\n", + "Completed text 32869\n", + "Completed text 32870\n", + "Completed text 32871\n", + "Completed text 32872\n", + "Completed text 32873\n", + "Completed text 32874\n", + "Completed text 32875\n", + "Completed text 32876\n", + "Completed text 32877\n", + "Completed text 32878\n", + "Completed text 32879\n", + "Completed text 32880\n", + "Completed text 32881\n", + "Completed text 32882\n", + "Completed text 32883\n", + "Completed text 32884\n", + "Completed text 32885\n", + "Completed text 32886\n", + "Completed text 32887\n", + "Completed text 32888\n", + "Completed text 32889\n", + "Completed text 32890\n", + "Completed text 32891\n", + "Completed text 32892\n", + "Completed text 32893\n", + "Completed text 32894\n", + "Completed text 32895\n", + "Completed text 32896\n", + "Completed text 32897\n", + "Completed text 32898\n", + "Completed text 32899\n", + "Completed text 32900\n", + "Completed text 32901\n", + "Completed text 32902\n", + "Completed text 32903\n", + "Completed text 32904\n", + "Completed text 32905\n", + "Completed text 32906\n", + "Completed text 32907\n", + "Completed text 32908\n", + "Completed text 32909\n", + "Completed text 32910\n", + "Completed text 32911\n", + "Completed text 32912\n", + "Completed text 32913\n", + "Completed text 32914\n", + "Completed text 32915\n", + "Completed text 32916\n", + "Completed text 32917\n", + "Completed text 32918\n", + "Completed text 32919\n", + "Completed text 32920\n", + "Completed text 32921\n", + "Completed text 32922\n", + "Completed text 32923\n", + "Completed text 32924\n", + "Completed text 32925\n", + "Completed text 32926\n", + "Completed text 32927\n", + "Completed text 32928\n", + "Completed text 32929\n", + "Completed text 32930\n", + "Completed text 32931\n", + "Completed text 32932\n", + "Completed text 32933\n", + "Completed text 32934\n", + "Completed text 32935\n", + "Completed text 32936\n", + "Completed text 32937\n", + "Completed text 32938\n", + "Completed text 32939\n", + "Completed text 32940\n", + "Completed text 32941\n", + "Completed text 32942\n", + "Completed text 32943\n", + "Completed text 32944\n", + "Completed text 32945\n", + "Completed text 32946\n", + "Completed text 32947\n", + "Completed text 32948\n", + "Completed text 32949\n", + "Completed text 32950\n", + "Completed text 32951\n", + "Completed text 32952\n", + "Completed text 32953\n", + "Completed text 32954\n", + "Completed text 32955\n", + "Completed text 32956\n", + "Completed text 32957\n", + "Completed text 32958\n", + "Completed text 32959\n", + "Completed text 32960\n", + "Completed text 32961\n", + "Completed text 32962\n", + "Completed text 32963\n", + "Completed text 32964\n", + "Completed text 32965\n", + "Completed text 32966\n", + "Completed text 32967\n", + "Completed text 32968\n", + "Completed text 32969\n", + "Completed text 32970\n", + "Completed text 32971\n", + "Completed text 32972\n", + "Completed text 32973\n", + "Completed text 32974\n", + "Completed text 32975\n", + "Completed text 32976\n", + "Completed text 32977\n", + "Completed text 32978\n", + "Completed text 32979\n", + "Completed text 32980\n", + "Completed text 32981\n", + "Completed text 32982\n", + "Completed text 32983\n", + "Completed text 32984\n", + "Completed text 32985\n", + "Completed text 32986\n", + "Completed text 32987\n", + "Completed text 32988\n", + "Completed text 32989\n", + "Completed text 32990\n", + "Completed text 32991\n", + "Completed text 32992\n", + "Completed text 32993\n", + "Completed text 32994\n", + "Completed text 32995\n", + "Completed text 32996\n", + "Completed text 32997\n", + "Completed text 32998\n", + "Completed text 32999\n", + "Completed text 33000\n", + "Completed text 33001\n", + "Completed text 33002\n", + "Completed text 33003\n", + "Completed text 33004\n", + "Completed text 33005\n", + "Completed text 33006\n", + "Completed text 33007\n", + "Completed text 33008\n", + "Completed text 33009\n", + "Completed text 33010\n", + "Completed text 33011\n", + "Completed text 33012\n", + "Completed text 33013\n", + "Completed text 33014\n", + "Completed text 33015\n", + "Completed text 33016\n", + "Completed text 33017\n", + "Completed text 33018\n", + "Completed text 33019\n", + "Completed text 33020\n", + "Completed text 33021\n", + "Completed text 33022\n", + "Completed text 33023\n", + "Completed text 33024\n", + "Completed text 33025\n", + "Completed text 33026\n", + "Completed text 33027\n", + "Completed text 33028\n", + "Completed text 33029\n", + "Completed text 33030\n", + "Completed text 33031\n", + "Completed text 33032\n", + "Completed text 33033\n", + "Completed text 33034\n", + "Completed text 33035\n", + "Completed text 33036\n", + "Completed text 33037\n", + "Completed text 33038\n", + "Completed text 33039\n", + "Completed text 33040\n", + "Completed text 33041\n", + "Completed text 33042\n", + "Completed text 33043\n", + "Completed text 33044\n", + "Completed text 33045\n", + "Completed text 33046\n", + "Completed text 33047\n", + "Completed text 33048\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 33049\n", + "Completed text 33050\n", + "Completed text 33051\n", + "Completed text 33052\n", + "Completed text 33053\n", + "Completed text 33054\n", + "Completed text 33055\n", + "Completed text 33056\n", + "Completed text 33057\n", + "Completed text 33058\n", + "Completed text 33059\n", + "Completed text 33060\n", + "Completed text 33061\n", + "Completed text 33062\n", + "Completed text 33063\n", + "Completed text 33064\n", + "Completed text 33065\n", + "Completed text 33066\n", + "Completed text 33067\n", + "Completed text 33068\n", + "Completed text 33069\n", + "Completed text 33070\n", + "Completed text 33071\n", + "Completed text 33072\n", + "Completed text 33073\n", + "Completed text 33074\n", + "Completed text 33075\n", + "Completed text 33076\n", + "Completed text 33077\n", + "Completed text 33078\n", + "Completed text 33079\n", + "Completed text 33080\n", + "Completed text 33081\n", + "Completed text 33082\n", + "Completed text 33083\n", + "Completed text 33084\n", + "Completed text 33085\n", + "Completed text 33086\n", + "Completed text 33087\n", + "Completed text 33088\n", + "Completed text 33089\n", + "Completed text 33090\n", + "Completed text 33091\n", + "Completed text 33092\n", + "Completed text 33093\n", + "Completed text 33094\n", + "Completed text 33095\n", + "Completed text 33096\n", + "Completed text 33097\n", + "Completed text 33098\n", + "Completed text 33099\n", + "Completed text 33100\n", + "Completed text 33101\n", + "Completed text 33102\n", + "Completed text 33103\n", + "Completed text 33104\n", + "Completed text 33105\n", + "Completed text 33106\n", + "Completed text 33107\n", + "Completed text 33108\n", + "Completed text 33109\n", + "Completed text 33110\n", + "Completed text 33111\n", + "Completed text 33112\n", + "Completed text 33113\n", + "Completed text 33114\n", + "Completed text 33115\n", + "Completed text 33116\n", + "Completed text 33117\n", + "Completed text 33118\n", + "Completed text 33119\n", + "Completed text 33120\n", + "Completed text 33121\n", + "Completed text 33122\n", + "Completed text 33123\n", + "Completed text 33124\n", + "Completed text 33125\n", + "Completed text 33126\n", + "Completed text 33127\n", + "Completed text 33128\n", + "Completed text 33129\n", + "Completed text 33130\n", + "Completed text 33131\n", + "Completed text 33132\n", + "Completed text 33133\n", + "Completed text 33134\n", + "Completed text 33135\n", + "Completed text 33136\n", + "Completed text 33137\n", + "Completed text 33138\n", + "Completed text 33139\n", + "Completed text 33140\n", + "Completed text 33141\n", + "Completed text 33142\n", + "Completed text 33143\n", + "Completed text 33144\n", + "Completed text 33145\n", + "Completed text 33146\n", + "Completed text 33147\n", + "Completed text 33148\n", + "Completed text 33149\n", + "Completed text 33150\n", + "Completed text 33151\n", + "Completed text 33152\n", + "Completed text 33153\n", + "Completed text 33154\n", + "Completed text 33155\n", + "Completed text 33156\n", + "Completed text 33157\n", + "Completed text 33158\n", + "Completed text 33159\n", + "Completed text 33160\n", + "Completed text 33161\n", + "Completed text 33162\n", + "Completed text 33163\n", + "Completed text 33164\n", + "Completed text 33165\n", + "Completed text 33166\n", + "Completed text 33167\n", + "Completed text 33168\n", + "Completed text 33169\n", + "Completed text 33170\n", + "Completed text 33171\n", + "Completed text 33172\n", + "Completed text 33173\n", + "Completed text 33174\n", + "Completed text 33175\n", + "Completed text 33176\n", + "Completed text 33177\n", + "Completed text 33178\n", + "Completed text 33179\n", + "Completed text 33180\n", + "Completed text 33181\n", + "Completed text 33182\n", + "Completed text 33183\n", + "Completed text 33184\n", + "Completed text 33185\n", + "Completed text 33186\n", + "Completed text 33187\n", + "Completed text 33188\n", + "Completed text 33189\n", + "Completed text 33190\n", + "Completed text 33191\n", + "Completed text 33192\n", + "Completed text 33193\n", + "Completed text 33194\n", + "Completed text 33195\n", + "Completed text 33196\n", + "Completed text 33197\n", + "Completed text 33198\n", + "Completed text 33199\n", + "Completed text 33200\n", + "Completed text 33201\n", + "Completed text 33202\n", + "Completed text 33203\n", + "Completed text 33204\n", + "Completed text 33205\n", + "Completed text 33206\n", + "Completed text 33207\n", + "Completed text 33208\n", + "Completed text 33209\n", + "Completed text 33210\n", + "Completed text 33211\n", + "Completed text 33212\n", + "Completed text 33213\n", + "Completed text 33214\n", + "Completed text 33215\n", + "Completed text 33216\n", + "Completed text 33217\n", + "Completed text 33218\n", + "Completed text 33219\n", + "Completed text 33220\n", + "Completed text 33221\n", + "Completed text 33222\n", + "Completed text 33223\n", + "Completed text 33224\n", + "Completed text 33225\n", + "Completed text 33226\n", + "Completed text 33227\n", + "Completed text 33228\n", + "Completed text 33229\n", + "Completed text 33230\n", + "Completed text 33231\n", + "Completed text 33232\n", + "Completed text 33233\n", + "Completed text 33234\n", + "Completed text 33235\n", + "Completed text 33236\n", + "Completed text 33237\n", + "Completed text 33238\n", + "Completed text 33239\n", + "Completed text 33240\n", + "Completed text 33241\n", + "Completed text 33242\n", + "Completed text 33243\n", + "Completed text 33244\n", + "Completed text 33245\n", + "Completed text 33246\n", + "Completed text 33247\n", + "Completed text 33248\n", + "Completed text 33249\n", + "Completed text 33250\n", + "Completed text 33251\n", + "Completed text 33252\n", + "Completed text 33253\n", + "Completed text 33254\n", + "Completed text 33255\n", + "Completed text 33256\n", + "Completed text 33257\n", + "Completed text 33258\n", + "Completed text 33259\n", + "Completed text 33260\n", + "Completed text 33261\n", + "Completed text 33262\n", + "Completed text 33263\n", + "Completed text 33264\n", + "Completed text 33265\n", + "Completed text 33266\n", + "Completed text 33267\n", + "Completed text 33268\n", + "Completed text 33269\n", + "Completed text 33270\n", + "Completed text 33271\n", + "Completed text 33272\n", + "Completed text 33273\n", + "Completed text 33274\n", + "Completed text 33275\n", + "Completed text 33276\n", + "Completed text 33277\n", + "Completed text 33278\n", + "Completed text 33279\n", + "Completed text 33280\n", + "Completed text 33281\n", + "Completed text 33282\n", + "Completed text 33283\n", + "Completed text 33284\n", + "Completed text 33285\n", + "Completed text 33286\n", + "Completed text 33287\n", + "Completed text 33288\n", + "Completed text 33289\n", + "Completed text 33290\n", + "Completed text 33291\n", + "Completed text 33292\n", + "Completed text 33293\n", + "Completed text 33294\n", + "Completed text 33295\n", + "Completed text 33296\n", + "Completed text 33297\n", + "Completed text 33298\n", + "Completed text 33299\n", + "Completed text 33300\n", + "Completed text 33301\n", + "Completed text 33302\n", + "Completed text 33303\n", + "Completed text 33304\n", + "Completed text 33305\n", + "Completed text 33306\n", + "Completed text 33307\n", + "Completed text 33308\n", + "Completed text 33309\n", + "Completed text 33310\n", + "Completed text 33311\n", + "Completed text 33312\n", + "Completed text 33313\n", + "Completed text 33314\n", + "Completed text 33315\n", + "Completed text 33316\n", + "Completed text 33317\n", + "Completed text 33318\n", + "Completed text 33319\n", + "Completed text 33320\n", + "Completed text 33321\n", + "Completed text 33322\n", + "Completed text 33323\n", + "Completed text 33324\n", + "Completed text 33325\n", + "Completed text 33326\n", + "Completed text 33327\n", + "Completed text 33328\n", + "Completed text 33329\n", + "Completed text 33330\n", + "Completed text 33331\n", + "Completed text 33332\n", + "Completed text 33333\n", + "Completed text 33334\n", + "Completed text 33335\n", + "Completed text 33336\n", + "Completed text 33337\n", + "Completed text 33338\n", + "Completed text 33339\n", + "Completed text 33340\n", + "Completed text 33341\n", + "Completed text 33342\n", + "Completed text 33343\n", + "Completed text 33344\n", + "Completed text 33345\n", + "Completed text 33346\n", + "Completed text 33347\n", + "Completed text 33348\n", + "Completed text 33349\n", + "Completed text 33350\n", + "Completed text 33351\n", + "Completed text 33352\n", + "Completed text 33353\n", + "Completed text 33354\n", + "Completed text 33355\n", + "Completed text 33356\n", + "Completed text 33357\n", + "Completed text 33358\n", + "Completed text 33359\n", + "Completed text 33360\n", + "Completed text 33361\n", + "Completed text 33362\n", + "Completed text 33363\n", + "Completed text 33364\n", + "Completed text 33365\n", + "Completed text 33366\n", + "Completed text 33367\n", + "Completed text 33368\n", + "Completed text 33369\n", + "Completed text 33370\n", + "Completed text 33371\n", + "Completed text 33372\n", + "Completed text 33373\n", + "Completed text 33374\n", + "Completed text 33375\n", + "Completed text 33376\n", + "Completed text 33377\n", + "Completed text 33378\n", + "Completed text 33379\n", + "Completed text 33380\n", + "Completed text 33381\n", + "Completed text 33382\n", + "Completed text 33383\n", + "Completed text 33384\n", + "Completed text 33385\n", + "Completed text 33386\n", + "Completed text 33387\n", + "Completed text 33388\n", + "Completed text 33389\n", + "Completed text 33390\n", + "Completed text 33391\n", + "Completed text 33392\n", + "Completed text 33393\n", + "Completed text 33394\n", + "Completed text 33395\n", + "Completed text 33396\n", + "Completed text 33397\n", + "Completed text 33398\n", + "Completed text 33399\n", + "Completed text 33400\n", + "Completed text 33401\n", + "Completed text 33402\n", + "Completed text 33403\n", + "Completed text 33404\n", + "Completed text 33405\n", + "Completed text 33406\n", + "Completed text 33407\n", + "Completed text 33408\n", + "Completed text 33409\n", + "Completed text 33410\n", + "Completed text 33411\n", + "Completed text 33412\n", + "Completed text 33413\n", + "Completed text 33414\n", + "Completed text 33415\n", + "Completed text 33416\n", + "Completed text 33417\n", + "Completed text 33418\n", + "Completed text 33419\n", + "Completed text 33420\n", + "Completed text 33421\n", + "Completed text 33422\n", + "Completed text 33423\n", + "Completed text 33424\n", + "Completed text 33425\n", + "Completed text 33426\n", + "Completed text 33427\n", + "Completed text 33428\n", + "Completed text 33429\n", + "Completed text 33430\n", + "Completed text 33431\n", + "Completed text 33432\n", + "Completed text 33433\n", + "Completed text 33434\n", + "Completed text 33435\n", + "Completed text 33436\n", + "Completed text 33437\n", + "Completed text 33438\n", + "Completed text 33439\n", + "Completed text 33440\n", + "Completed text 33441\n", + "Completed text 33442\n", + "Completed text 33443\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 33444\n", + "Completed text 33445\n", + "Completed text 33446\n", + "Completed text 33447\n", + "Completed text 33448\n", + "Completed text 33449\n", + "Completed text 33450\n", + "Completed text 33451\n", + "Completed text 33452\n", + "Completed text 33453\n", + "Completed text 33454\n", + "Completed text 33455\n", + "Completed text 33456\n", + "Completed text 33457\n", + "Completed text 33458\n", + "Completed text 33459\n", + "Completed text 33460\n", + "Completed text 33461\n", + "Completed text 33462\n", + "Completed text 33463\n", + "Completed text 33464\n", + "Completed text 33465\n", + "Completed text 33466\n", + "Completed text 33467\n", + "Completed text 33468\n", + "Completed text 33469\n", + "Completed text 33470\n", + "Completed text 33471\n", + "Completed text 33472\n", + "Completed text 33473\n", + "Completed text 33474\n", + "Completed text 33475\n", + "Completed text 33476\n", + "Completed text 33477\n", + "Completed text 33478\n", + "Completed text 33479\n", + "Completed text 33480\n", + "Completed text 33481\n", + "Completed text 33482\n", + "Completed text 33483\n", + "Completed text 33484\n", + "Completed text 33485\n", + "Completed text 33486\n", + "Completed text 33487\n", + "Completed text 33488\n", + "Completed text 33489\n", + "Completed text 33490\n", + "Completed text 33491\n", + "Completed text 33492\n", + "Completed text 33493\n", + "Completed text 33494\n", + "Completed text 33495\n", + "Completed text 33496\n", + "Completed text 33497\n", + "Completed text 33498\n", + "Completed text 33499\n", + "Completed text 33500\n", + "Completed text 33501\n", + "Completed text 33502\n", + "Completed text 33503\n", + "Completed text 33504\n", + "Completed text 33505\n", + "Completed text 33506\n", + "Completed text 33507\n", + "Completed text 33508\n", + "Completed text 33509\n", + "Completed text 33510\n", + "Completed text 33511\n", + "Completed text 33512\n", + "Completed text 33513\n", + "Completed text 33514\n", + "Completed text 33515\n", + "Completed text 33516\n", + "Completed text 33517\n", + "Completed text 33518\n", + "Completed text 33519\n", + "Completed text 33520\n", + "Completed text 33521\n", + "Completed text 33522\n", + "Completed text 33523\n", + "Completed text 33524\n", + "Completed text 33525\n", + "Completed text 33526\n", + "Completed text 33527\n", + "Completed text 33528\n", + "Completed text 33529\n", + "Completed text 33530\n", + "Completed text 33531\n", + "Completed text 33532\n", + "Completed text 33533\n", + "Completed text 33534\n", + "Completed text 33535\n", + "Completed text 33536\n", + "Completed text 33537\n", + "Completed text 33538\n", + "Completed text 33539\n", + "Completed text 33540\n", + "Completed text 33541\n", + "Completed text 33542\n", + "Completed text 33543\n", + "Completed text 33544\n", + "Completed text 33545\n", + "Completed text 33546\n", + "Completed text 33547\n", + "Completed text 33548\n", + "Completed text 33549\n", + "Completed text 33550\n", + "Completed text 33551\n", + "Completed text 33552\n", + "Completed text 33553\n", + "Completed text 33554\n", + "Completed text 33555\n", + "Completed text 33556\n", + "Completed text 33557\n", + "Completed text 33558\n", + "Completed text 33559\n", + "Completed text 33560\n", + "Completed text 33561\n", + "Completed text 33562\n", + "Completed text 33563\n", + "Completed text 33564\n", + "Completed text 33565\n", + "Completed text 33566\n", + "Completed text 33567\n", + "Completed text 33568\n", + "Completed text 33569\n", + "Completed text 33570\n", + "Completed text 33571\n", + "Completed text 33572\n", + "Completed text 33573\n", + "Completed text 33574\n", + "Completed text 33575\n", + "Completed text 33576\n", + "Completed text 33577\n", + "Completed text 33578\n", + "Completed text 33579\n", + "Completed text 33580\n", + "Completed text 33581\n", + "Completed text 33582\n", + "Completed text 33583\n", + "Completed text 33584\n", + "Completed text 33585\n", + "Completed text 33586\n", + "Completed text 33587\n", + "Completed text 33588\n", + "Completed text 33589\n", + "Completed text 33590\n", + "Completed text 33591\n", + "Completed text 33592\n", + "Completed text 33593\n", + "Completed text 33594\n", + "Completed text 33595\n", + "Completed text 33596\n", + "Completed text 33597\n", + "Completed text 33598\n", + "Completed text 33599\n", + "Completed text 33600\n", + "Completed text 33601\n", + "Completed text 33602\n", + "Completed text 33603\n", + "Completed text 33604\n", + "Completed text 33605\n", + "Completed text 33606\n", + "Completed text 33607\n", + "Completed text 33608\n", + "Completed text 33609\n", + "Completed text 33610\n", + "Completed text 33611\n", + "Completed text 33612\n", + "Completed text 33613\n", + "Completed text 33614\n", + "Completed text 33615\n", + "Completed text 33616\n", + "Completed text 33617\n", + "Completed text 33618\n", + "Completed text 33619\n", + "Completed text 33620\n", + "Completed text 33621\n", + "Completed text 33622\n", + "Completed text 33623\n", + "Completed text 33624\n", + "Completed text 33625\n", + "Completed text 33626\n", + "Completed text 33627\n", + "Completed text 33628\n", + "Completed text 33629\n", + "Completed text 33630\n", + "Completed text 33631\n", + "Completed text 33632\n", + "Completed text 33633\n", + "Completed text 33634\n", + "Completed text 33635\n", + "Completed text 33636\n", + "Completed text 33637\n", + "Completed text 33638\n", + "Completed text 33639\n", + "Completed text 33640\n", + "Completed text 33641\n", + "Completed text 33642\n", + "Completed text 33643\n", + "Completed text 33644\n", + "Completed text 33645\n", + "Completed text 33646\n", + "Completed text 33647\n", + "Completed text 33648\n", + "Completed text 33649\n", + "Completed text 33650\n", + "Completed text 33651\n", + "Completed text 33652\n", + "Completed text 33653\n", + "Completed text 33654\n", + "Completed text 33655\n", + "Completed text 33656\n", + "Completed text 33657\n", + "Completed text 33658\n", + "Completed text 33659\n", + "Completed text 33660\n", + "Completed text 33661\n", + "Completed text 33662\n", + "Completed text 33663\n", + "Completed text 33664\n", + "Completed text 33665\n", + "Completed text 33666\n", + "Completed text 33667\n", + "Completed text 33668\n", + "Completed text 33669\n", + "Completed text 33670\n", + "Completed text 33671\n", + "Completed text 33672\n", + "Completed text 33673\n", + "Completed text 33674\n", + "Completed text 33675\n", + "Completed text 33676\n", + "Completed text 33677\n", + "Completed text 33678\n", + "Completed text 33679\n", + "Completed text 33680\n", + "Completed text 33681\n", + "Completed text 33682\n", + "Completed text 33683\n", + "Completed text 33684\n", + "Completed text 33685\n", + "Completed text 33686\n", + "Completed text 33687\n", + "Completed text 33688\n", + "Completed text 33689\n", + "Completed text 33690\n", + "Completed text 33691\n", + "Completed text 33692\n", + "Completed text 33693\n", + "Completed text 33694\n", + "Completed text 33695\n", + "Completed text 33696\n", + "Completed text 33697\n", + "Completed text 33698\n", + "Completed text 33699\n", + "Completed text 33700\n", + "Completed text 33701\n", + "Completed text 33702\n", + "Completed text 33703\n", + "Completed text 33704\n", + "Completed text 33705\n", + "Completed text 33706\n", + "Completed text 33707\n", + "Completed text 33708\n", + "Completed text 33709\n", + "Completed text 33710\n", + "Completed text 33711\n", + "Completed text 33712\n", + "Completed text 33713\n", + "Completed text 33714\n", + "Completed text 33715\n", + "Completed text 33716\n", + "Completed text 33717\n", + "Completed text 33718\n", + "Completed text 33719\n", + "Completed text 33720\n", + "Completed text 33721\n", + "Completed text 33722\n", + "Completed text 33723\n", + "Completed text 33724\n", + "Completed text 33725\n", + "Completed text 33726\n", + "Completed text 33727\n", + "Completed text 33728\n", + "Completed text 33729\n", + "Completed text 33730\n", + "Completed text 33731\n", + "Completed text 33732\n", + "Completed text 33733\n", + "Completed text 33734\n", + "Completed text 33735\n", + "Completed text 33736\n", + "Completed text 33737\n", + "Completed text 33738\n", + "Completed text 33739\n", + "Completed text 33740\n", + "Completed text 33741\n", + "Completed text 33742\n", + "Completed text 33743\n", + "Completed text 33744\n", + "Completed text 33745\n", + "Completed text 33746\n", + "Completed text 33747\n", + "Completed text 33748\n", + "Completed text 33749\n", + "Completed text 33750\n", + "Completed text 33751\n", + "Completed text 33752\n", + "Completed text 33753\n", + "Completed text 33754\n", + "Completed text 33755\n", + "Completed text 33756\n", + "Completed text 33757\n", + "Completed text 33758\n", + "Completed text 33759\n", + "Completed text 33760\n", + "Completed text 33761\n", + "Completed text 33762\n", + "Completed text 33763\n", + "Completed text 33764\n", + "Completed text 33765\n", + "Completed text 33766\n", + "Completed text 33767\n", + "Completed text 33768\n", + "Completed text 33769\n", + "Completed text 33770\n", + "Completed text 33771\n", + "Completed text 33772\n", + "Completed text 33773\n", + "Completed text 33774\n", + "Completed text 33775\n", + "Completed text 33776\n", + "Completed text 33777\n", + "Completed text 33778\n", + "Completed text 33779\n", + "Completed text 33780\n", + "Completed text 33781\n", + "Completed text 33782\n", + "Completed text 33783\n", + "Completed text 33784\n", + "Completed text 33785\n", + "Completed text 33786\n", + "Completed text 33787\n", + "Completed text 33788\n", + "Completed text 33789\n", + "Completed text 33790\n", + "Completed text 33791\n", + "Completed text 33792\n", + "Completed text 33793\n", + "Completed text 33794\n", + "Completed text 33795\n", + "Completed text 33796\n", + "Completed text 33797\n", + "Completed text 33798\n", + "Completed text 33799\n", + "Completed text 33800\n", + "Completed text 33801\n", + "Completed text 33802\n", + "Completed text 33803\n", + "Completed text 33804\n", + "Completed text 33805\n", + "Completed text 33806\n", + "Completed text 33807\n", + "Completed text 33808\n", + "Completed text 33809\n", + "Completed text 33810\n", + "Completed text 33811\n", + "Completed text 33812\n", + "Completed text 33813\n", + "Completed text 33814\n", + "Completed text 33815\n", + "Completed text 33816\n", + "Completed text 33817\n", + "Completed text 33818\n", + "Completed text 33819\n", + "Completed text 33820\n", + "Completed text 33821\n", + "Completed text 33822\n", + "Completed text 33823\n", + "Completed text 33824\n", + "Completed text 33825\n", + "Completed text 33826\n", + "Completed text 33827\n", + "Completed text 33828\n", + "Completed text 33829\n", + "Completed text 33830\n", + "Completed text 33831\n", + "Completed text 33832\n", + "Completed text 33833\n", + "Completed text 33834\n", + "Completed text 33835\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 33836\n", + "Completed text 33837\n", + "Completed text 33838\n", + "Completed text 33839\n", + "Completed text 33840\n", + "Completed text 33841\n", + "Completed text 33842\n", + "Completed text 33843\n", + "Completed text 33844\n", + "Completed text 33845\n", + "Completed text 33846\n", + "Completed text 33847\n", + "Completed text 33848\n", + "Completed text 33849\n", + "Completed text 33850\n", + "Completed text 33851\n", + "Completed text 33852\n", + "Completed text 33853\n", + "Completed text 33854\n", + "Completed text 33855\n", + "Completed text 33856\n", + "Completed text 33857\n", + "Completed text 33858\n", + "Completed text 33859\n", + "Completed text 33860\n", + "Completed text 33861\n", + "Completed text 33862\n", + "Completed text 33863\n", + "Completed text 33864\n", + "Completed text 33865\n", + "Completed text 33866\n", + "Completed text 33867\n", + "Completed text 33868\n", + "Completed text 33869\n", + "Completed text 33870\n", + "Completed text 33871\n", + "Completed text 33872\n", + "Completed text 33873\n", + "Completed text 33874\n", + "Completed text 33875\n", + "Completed text 33876\n", + "Completed text 33877\n", + "Completed text 33878\n", + "Completed text 33879\n", + "Completed text 33880\n", + "Completed text 33881\n", + "Completed text 33882\n", + "Completed text 33883\n", + "Completed text 33884\n", + "Completed text 33885\n", + "Completed text 33886\n", + "Completed text 33887\n", + "Completed text 33888\n", + "Completed text 33889\n", + "Completed text 33890\n", + "Completed text 33891\n", + "Completed text 33892\n", + "Completed text 33893\n", + "Completed text 33894\n", + "Completed text 33895\n", + "Completed text 33896\n", + "Completed text 33897\n", + "Completed text 33898\n", + "Completed text 33899\n", + "Completed text 33900\n", + "Completed text 33901\n", + "Completed text 33902\n", + "Completed text 33903\n", + "Completed text 33904\n", + "Completed text 33905\n", + "Completed text 33906\n", + "Completed text 33907\n", + "Completed text 33908\n", + "Completed text 33909\n", + "Completed text 33910\n", + "Completed text 33911\n", + "Completed text 33912\n", + "Completed text 33913\n", + "Completed text 33914\n", + "Completed text 33915\n", + "Completed text 33916\n", + "Completed text 33917\n", + "Completed text 33918\n", + "Completed text 33919\n", + "Completed text 33920\n", + "Completed text 33921\n", + "Completed text 33922\n", + "Completed text 33923\n", + "Completed text 33924\n", + "Completed text 33925\n", + "Completed text 33926\n", + "Completed text 33927\n", + "Completed text 33928\n", + "Completed text 33929\n", + "Completed text 33930\n", + "Completed text 33931\n", + "Completed text 33932\n", + "Completed text 33933\n", + "Completed text 33934\n", + "Completed text 33935\n", + "Completed text 33936\n", + "Completed text 33937\n", + "Completed text 33938\n", + "Completed text 33939\n", + "Completed text 33940\n", + "Completed text 33941\n", + "Completed text 33942\n", + "Completed text 33943\n", + "Completed text 33944\n", + "Completed text 33945\n", + "Completed text 33946\n", + "Completed text 33947\n", + "Completed text 33948\n", + "Completed text 33949\n", + "Completed text 33950\n", + "Completed text 33951\n", + "Completed text 33952\n", + "Completed text 33953\n", + "Completed text 33954\n", + "Completed text 33955\n", + "Completed text 33956\n", + "Completed text 33957\n", + "Completed text 33958\n", + "Completed text 33959\n", + "Completed text 33960\n", + "Completed text 33961\n", + "Completed text 33962\n", + "Completed text 33963\n", + "Completed text 33964\n", + "Completed text 33965\n", + "Completed text 33966\n", + "Completed text 33967\n", + "Completed text 33968\n", + "Completed text 33969\n", + "Completed text 33970\n", + "Completed text 33971\n", + "Completed text 33972\n", + "Completed text 33973\n", + "Completed text 33974\n", + "Completed text 33975\n", + "Completed text 33976\n", + "Completed text 33977\n", + "Completed text 33978\n", + "Completed text 33979\n", + "Completed text 33980\n", + "Completed text 33981\n", + "Completed text 33982\n", + "Completed text 33983\n", + "Completed text 33984\n", + "Completed text 33985\n", + "Completed text 33986\n", + "Completed text 33987\n", + "Completed text 33988\n", + "Completed text 33989\n", + "Completed text 33990\n", + "Completed text 33991\n", + "Completed text 33992\n", + "Completed text 33993\n", + "Completed text 33994\n", + "Completed text 33995\n", + "Completed text 33996\n", + "Completed text 33997\n", + "Completed text 33998\n", + "Completed text 33999\n", + "Completed text 34000\n", + "Completed text 34001\n", + "Completed text 34002\n", + "Completed text 34003\n", + "Completed text 34004\n", + "Completed text 34005\n", + "Completed text 34006\n", + "Completed text 34007\n", + "Completed text 34008\n", + "Completed text 34009\n", + "Completed text 34010\n", + "Completed text 34011\n", + "Completed text 34012\n", + "Completed text 34013\n", + "Completed text 34014\n", + "Completed text 34015\n", + "Completed text 34016\n", + "Completed text 34017\n", + "Completed text 34018\n", + "Completed text 34019\n", + "Completed text 34020\n", + "Completed text 34021\n", + "Completed text 34022\n", + "Completed text 34023\n", + "Completed text 34024\n", + "Completed text 34025\n", + "Completed text 34026\n", + "Completed text 34027\n", + "Completed text 34028\n", + "Completed text 34029\n", + "Completed text 34030\n", + "Completed text 34031\n", + "Completed text 34032\n", + "Completed text 34033\n", + "Completed text 34034\n", + "Completed text 34035\n", + "Completed text 34036\n", + "Completed text 34037\n", + "Completed text 34038\n", + "Completed text 34039\n", + "Completed text 34040\n", + "Completed text 34041\n", + "Completed text 34042\n", + "Completed text 34043\n", + "Completed text 34044\n", + "Completed text 34045\n", + "Completed text 34046\n", + "Completed text 34047\n", + "Completed text 34048\n", + "Completed text 34049\n", + "Completed text 34050\n", + "Completed text 34051\n", + "Completed text 34052\n", + "Completed text 34053\n", + "Completed text 34054\n", + "Completed text 34055\n", + "Completed text 34056\n", + "Completed text 34057\n", + "Completed text 34058\n", + "Completed text 34059\n", + "Completed text 34060\n", + "Completed text 34061\n", + "Completed text 34062\n", + "Completed text 34063\n", + "Completed text 34064\n", + "Completed text 34065\n", + "Completed text 34066\n", + "Completed text 34067\n", + "Completed text 34068\n", + "Completed text 34069\n", + "Completed text 34070\n", + "Completed text 34071\n", + "Completed text 34072\n", + "Completed text 34073\n", + "Completed text 34074\n", + "Completed text 34075\n", + "Completed text 34076\n", + "Completed text 34077\n", + "Completed text 34078\n", + "Completed text 34079\n", + "Completed text 34080\n", + "Completed text 34081\n", + "Completed text 34082\n", + "Completed text 34083\n", + "Completed text 34084\n", + "Completed text 34085\n", + "Completed text 34086\n", + "Completed text 34087\n", + "Completed text 34088\n", + "Completed text 34089\n", + "Completed text 34090\n", + "Completed text 34091\n", + "Completed text 34092\n", + "Completed text 34093\n", + "Completed text 34094\n", + "Completed text 34095\n", + "Completed text 34096\n", + "Completed text 34097\n", + "Completed text 34098\n", + "Completed text 34099\n", + "Completed text 34100\n", + "Completed text 34101\n", + "Completed text 34102\n", + "Completed text 34103\n", + "Completed text 34104\n", + "Completed text 34105\n", + "Completed text 34106\n", + "Completed text 34107\n", + "Completed text 34108\n", + "Completed text 34109\n", + "Completed text 34110\n", + "Completed text 34111\n", + "Completed text 34112\n", + "Completed text 34113\n", + "Completed text 34114\n", + "Completed text 34115\n", + "Completed text 34116\n", + "Completed text 34117\n", + "Completed text 34118\n", + "Completed text 34119\n", + "Completed text 34120\n", + "Completed text 34121\n", + "Completed text 34122\n", + "Completed text 34123\n", + "Completed text 34124\n", + "Completed text 34125\n", + "Completed text 34126\n", + "Completed text 34127\n", + "Completed text 34128\n", + "Completed text 34129\n", + "Completed text 34130\n", + "Completed text 34131\n", + "Completed text 34132\n", + "Completed text 34133\n", + "Completed text 34134\n", + "Completed text 34135\n", + "Completed text 34136\n", + "Completed text 34137\n", + "Completed text 34138\n", + "Completed text 34139\n", + "Completed text 34140\n", + "Completed text 34141\n", + "Completed text 34142\n", + "Completed text 34143\n", + "Completed text 34144\n", + "Completed text 34145\n", + "Completed text 34146\n", + "Completed text 34147\n", + "Completed text 34148\n", + "Completed text 34149\n", + "Completed text 34150\n", + "Completed text 34151\n", + "Completed text 34152\n", + "Completed text 34153\n", + "Completed text 34154\n", + "Completed text 34155\n", + "Completed text 34156\n", + "Completed text 34157\n", + "Completed text 34158\n", + "Completed text 34159\n", + "Completed text 34160\n", + "Completed text 34161\n", + "Completed text 34162\n", + "Completed text 34163\n", + "Completed text 34164\n", + "Completed text 34165\n", + "Completed text 34166\n", + "Completed text 34167\n", + "Completed text 34168\n", + "Completed text 34169\n", + "Completed text 34170\n", + "Completed text 34171\n", + "Completed text 34172\n", + "Completed text 34173\n", + "Completed text 34174\n", + "Completed text 34175\n", + "Completed text 34176\n", + "Completed text 34177\n", + "Completed text 34178\n", + "Completed text 34179\n", + "Completed text 34180\n", + "Completed text 34181\n", + "Completed text 34182\n", + "Completed text 34183\n", + "Completed text 34184\n", + "Completed text 34185\n", + "Completed text 34186\n", + "Completed text 34187\n", + "Completed text 34188\n", + "Completed text 34189\n", + "Completed text 34190\n", + "Completed text 34191\n", + "Completed text 34192\n", + "Completed text 34193\n", + "Completed text 34194\n", + "Completed text 34195\n", + "Completed text 34196\n", + "Completed text 34197\n", + "Completed text 34198\n", + "Completed text 34199\n", + "Completed text 34200\n", + "Completed text 34201\n", + "Completed text 34202\n", + "Completed text 34203\n", + "Completed text 34204\n", + "Completed text 34205\n", + "Completed text 34206\n", + "Completed text 34207\n", + "Completed text 34208\n", + "Completed text 34209\n", + "Completed text 34210\n", + "Completed text 34211\n", + "Completed text 34212\n", + "Completed text 34213\n", + "Completed text 34214\n", + "Completed text 34215\n", + "Completed text 34216\n", + "Completed text 34217\n", + "Completed text 34218\n", + "Completed text 34219\n", + "Completed text 34220\n", + "Completed text 34221\n", + "Completed text 34222\n", + "Completed text 34223\n", + "Completed text 34224\n", + "Completed text 34225\n", + "Completed text 34226\n", + "Completed text 34227\n", + "Completed text 34228\n", + "Completed text 34229\n", + "Completed text 34230\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 34231\n", + "Completed text 34232\n", + "Completed text 34233\n", + "Completed text 34234\n", + "Completed text 34235\n", + "Completed text 34236\n", + "Completed text 34237\n", + "Completed text 34238\n", + "Completed text 34239\n", + "Completed text 34240\n", + "Completed text 34241\n", + "Completed text 34242\n", + "Completed text 34243\n", + "Completed text 34244\n", + "Completed text 34245\n", + "Completed text 34246\n", + "Completed text 34247\n", + "Completed text 34248\n", + "Completed text 34249\n", + "Completed text 34250\n", + "Completed text 34251\n", + "Completed text 34252\n", + "Completed text 34253\n", + "Completed text 34254\n", + "Completed text 34255\n", + "Completed text 34256\n", + "Completed text 34257\n", + "Completed text 34258\n", + "Completed text 34259\n", + "Completed text 34260\n", + "Completed text 34261\n", + "Completed text 34262\n", + "Completed text 34263\n", + "Completed text 34264\n", + "Completed text 34265\n", + "Completed text 34266\n", + "Completed text 34267\n", + "Completed text 34268\n", + "Completed text 34269\n", + "Completed text 34270\n", + "Completed text 34271\n", + "Completed text 34272\n", + "Completed text 34273\n", + "Completed text 34274\n", + "Completed text 34275\n", + "Completed text 34276\n", + "Completed text 34277\n", + "Completed text 34278\n", + "Completed text 34279\n", + "Completed text 34280\n", + "Completed text 34281\n", + "Completed text 34282\n", + "Completed text 34283\n", + "Completed text 34284\n", + "Completed text 34285\n", + "Completed text 34286\n", + "Completed text 34287\n", + "Completed text 34288\n", + "Completed text 34289\n", + "Completed text 34290\n", + "Completed text 34291\n", + "Completed text 34292\n", + "Completed text 34293\n", + "Completed text 34294\n", + "Completed text 34295\n", + "Completed text 34296\n", + "Completed text 34297\n", + "Completed text 34298\n", + "Completed text 34299\n", + "Completed text 34300\n", + "Completed text 34301\n", + "Completed text 34302\n", + "Completed text 34303\n", + "Completed text 34304\n", + "Completed text 34305\n", + "Completed text 34306\n", + "Completed text 34307\n", + "Completed text 34308\n", + "Completed text 34309\n", + "Completed text 34310\n", + "Completed text 34311\n", + "Completed text 34312\n", + "Completed text 34313\n", + "Completed text 34314\n", + "Completed text 34315\n", + "Completed text 34316\n", + "Completed text 34317\n", + "Completed text 34318\n", + "Completed text 34319\n", + "Completed text 34320\n", + "Completed text 34321\n", + "Completed text 34322\n", + "Completed text 34323\n", + "Completed text 34324\n", + "Completed text 34325\n", + "Completed text 34326\n", + "Completed text 34327\n", + "Completed text 34328\n", + "Completed text 34329\n", + "Completed text 34330\n", + "Completed text 34331\n", + "Completed text 34332\n", + "Completed text 34333\n", + "Completed text 34334\n", + "Completed text 34335\n", + "Completed text 34336\n", + "Completed text 34337\n", + "Completed text 34338\n", + "Completed text 34339\n", + "Completed text 34340\n", + "Completed text 34341\n", + "Completed text 34342\n", + "Completed text 34343\n", + "Completed text 34344\n", + "Completed text 34345\n", + "Completed text 34346\n", + "Completed text 34347\n", + "Completed text 34348\n", + "Completed text 34349\n", + "Completed text 34350\n", + "Completed text 34351\n", + "Completed text 34352\n", + "Completed text 34353\n", + "Completed text 34354\n", + "Completed text 34355\n", + "Completed text 34356\n", + "Completed text 34357\n", + "Completed text 34358\n", + "Completed text 34359\n", + "Completed text 34360\n", + "Completed text 34361\n", + "Completed text 34362\n", + "Completed text 34363\n", + "Completed text 34364\n", + "Completed text 34365\n", + "Completed text 34366\n", + "Completed text 34367\n", + "Completed text 34368\n", + "Completed text 34369\n", + "Completed text 34370\n", + "Completed text 34371\n", + "Completed text 34372\n", + "Completed text 34373\n", + "Completed text 34374\n", + "Completed text 34375\n", + "Completed text 34376\n", + "Completed text 34377\n", + "Completed text 34378\n", + "Completed text 34379\n", + "Completed text 34380\n", + "Completed text 34381\n", + "Completed text 34382\n", + "Completed text 34383\n", + "Completed text 34384\n", + "Completed text 34385\n", + "Completed text 34386\n", + "Completed text 34387\n", + "Completed text 34388\n", + "Completed text 34389\n", + "Completed text 34390\n", + "Completed text 34391\n", + "Completed text 34392\n", + "Completed text 34393\n", + "Completed text 34394\n", + "Completed text 34395\n", + "Completed text 34396\n", + "Completed text 34397\n", + "Completed text 34398\n", + "Completed text 34399\n", + "Completed text 34400\n", + "Completed text 34401\n", + "Completed text 34402\n", + "Completed text 34403\n", + "Completed text 34404\n", + "Completed text 34405\n", + "Completed text 34406\n", + "Completed text 34407\n", + "Completed text 34408\n", + "Completed text 34409\n", + "Completed text 34410\n", + "Completed text 34411\n", + "Completed text 34412\n", + "Completed text 34413\n", + "Completed text 34414\n", + "Completed text 34415\n", + "Completed text 34416\n", + "Completed text 34417\n", + "Completed text 34418\n", + "Completed text 34419\n", + "Completed text 34420\n", + "Completed text 34421\n", + "Completed text 34422\n", + "Completed text 34423\n", + "Completed text 34424\n", + "Completed text 34425\n", + "Completed text 34426\n", + "Completed text 34427\n", + "Completed text 34428\n", + "Completed text 34429\n", + "Completed text 34430\n", + "Completed text 34431\n", + "Completed text 34432\n", + "Completed text 34433\n", + "Completed text 34434\n", + "Completed text 34435\n", + "Completed text 34436\n", + "Completed text 34437\n", + "Completed text 34438\n", + "Completed text 34439\n", + "Completed text 34440\n", + "Completed text 34441\n", + "Completed text 34442\n", + "Completed text 34443\n", + "Completed text 34444\n", + "Completed text 34445\n", + "Completed text 34446\n", + "Completed text 34447\n", + "Completed text 34448\n", + "Completed text 34449\n", + "Completed text 34450\n", + "Completed text 34451\n", + "Completed text 34452\n", + "Completed text 34453\n", + "Completed text 34454\n", + "Completed text 34455\n", + "Completed text 34456\n", + "Completed text 34457\n", + "Completed text 34458\n", + "Completed text 34459\n", + "Completed text 34460\n", + "Completed text 34461\n", + "Completed text 34462\n", + "Completed text 34463\n", + "Completed text 34464\n", + "Completed text 34465\n", + "Completed text 34466\n", + "Completed text 34467\n", + "Completed text 34468\n", + "Completed text 34469\n", + "Completed text 34470\n", + "Completed text 34471\n", + "Completed text 34472\n", + "Completed text 34473\n", + "Completed text 34474\n", + "Completed text 34475\n", + "Completed text 34476\n", + "Completed text 34477\n", + "Completed text 34478\n", + "Completed text 34479\n", + "Completed text 34480\n", + "Completed text 34481\n", + "Completed text 34482\n", + "Completed text 34483\n", + "Completed text 34484\n", + "Completed text 34485\n", + "Completed text 34486\n", + "Completed text 34487\n", + "Completed text 34488\n", + "Completed text 34489\n", + "Completed text 34490\n", + "Completed text 34491\n", + "Completed text 34492\n", + "Completed text 34493\n", + "Completed text 34494\n", + "Completed text 34495\n", + "Completed text 34496\n", + "Completed text 34497\n", + "Completed text 34498\n", + "Completed text 34499\n", + "Completed text 34500\n", + "Completed text 34501\n", + "Completed text 34502\n", + "Completed text 34503\n", + "Completed text 34504\n", + "Completed text 34505\n", + "Completed text 34506\n", + "Completed text 34507\n", + "Completed text 34508\n", + "Completed text 34509\n", + "Completed text 34510\n", + "Completed text 34511\n", + "Completed text 34512\n", + "Completed text 34513\n", + "Completed text 34514\n", + "Completed text 34515\n", + "Completed text 34516\n", + "Completed text 34517\n", + "Completed text 34518\n", + "Completed text 34519\n", + "Completed text 34520\n", + "Completed text 34521\n", + "Completed text 34522\n", + "Completed text 34523\n", + "Completed text 34524\n", + "Completed text 34525\n", + "Completed text 34526\n", + "Completed text 34527\n", + "Completed text 34528\n", + "Completed text 34529\n", + "Completed text 34530\n", + "Completed text 34531\n", + "Completed text 34532\n", + "Completed text 34533\n", + "Completed text 34534\n", + "Completed text 34535\n", + "Completed text 34536\n", + "Completed text 34537\n", + "Completed text 34538\n", + "Completed text 34539\n", + "Completed text 34540\n", + "Completed text 34541\n", + "Completed text 34542\n", + "Completed text 34543\n", + "Completed text 34544\n", + "Completed text 34545\n", + "Completed text 34546\n", + "Completed text 34547\n", + "Completed text 34548\n", + "Completed text 34549\n", + "Completed text 34550\n", + "Completed text 34551\n", + "Completed text 34552\n", + "Completed text 34553\n", + "Completed text 34554\n", + "Completed text 34555\n", + "Completed text 34556\n", + "Completed text 34557\n", + "Completed text 34558\n", + "Completed text 34559\n", + "Completed text 34560\n", + "Completed text 34561\n", + "Completed text 34562\n", + "Completed text 34563\n", + "Completed text 34564\n", + "Completed text 34565\n", + "Completed text 34566\n", + "Completed text 34567\n", + "Completed text 34568\n", + "Completed text 34569\n", + "Completed text 34570\n", + "Completed text 34571\n", + "Completed text 34572\n", + "Completed text 34573\n", + "Completed text 34574\n", + "Completed text 34575\n", + "Completed text 34576\n", + "Completed text 34577\n", + "Completed text 34578\n", + "Completed text 34579\n", + "Completed text 34580\n", + "Completed text 34581\n", + "Completed text 34582\n", + "Completed text 34583\n", + "Completed text 34584\n", + "Completed text 34585\n", + "Completed text 34586\n", + "Completed text 34587\n", + "Completed text 34588\n", + "Completed text 34589\n", + "Completed text 34590\n", + "Completed text 34591\n", + "Completed text 34592\n", + "Completed text 34593\n", + "Completed text 34594\n", + "Completed text 34595\n", + "Completed text 34596\n", + "Completed text 34597\n", + "Completed text 34598\n", + "Completed text 34599\n", + "Completed text 34600\n", + "Completed text 34601\n", + "Completed text 34602\n", + "Completed text 34603\n", + "Completed text 34604\n", + "Completed text 34605\n", + "Completed text 34606\n", + "Completed text 34607\n", + "Completed text 34608\n", + "Completed text 34609\n", + "Completed text 34610\n", + "Completed text 34611\n", + "Completed text 34612\n", + "Completed text 34613\n", + "Completed text 34614\n", + "Completed text 34615\n", + "Completed text 34616\n", + "Completed text 34617\n", + "Completed text 34618\n", + "Completed text 34619\n", + "Completed text 34620\n", + "Completed text 34621\n", + "Completed text 34622\n", + "Completed text 34623\n", + "Completed text 34624\n", + "Completed text 34625\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 34626\n", + "Completed text 34627\n", + "Completed text 34628\n", + "Completed text 34629\n", + "Completed text 34630\n", + "Completed text 34631\n", + "Completed text 34632\n", + "Completed text 34633\n", + "Completed text 34634\n", + "Completed text 34635\n", + "Completed text 34636\n", + "Completed text 34637\n", + "Completed text 34638\n", + "Completed text 34639\n", + "Completed text 34640\n", + "Completed text 34641\n", + "Completed text 34642\n", + "Completed text 34643\n", + "Completed text 34644\n", + "Completed text 34645\n", + "Completed text 34646\n", + "Completed text 34647\n", + "Completed text 34648\n", + "Completed text 34649\n", + "Completed text 34650\n", + "Completed text 34651\n", + "Completed text 34652\n", + "Completed text 34653\n", + "Completed text 34654\n", + "Completed text 34655\n", + "Completed text 34656\n", + "Completed text 34657\n", + "Completed text 34658\n", + "Completed text 34659\n", + "Completed text 34660\n", + "Completed text 34661\n", + "Completed text 34662\n", + "Completed text 34663\n", + "Completed text 34664\n", + "Completed text 34665\n", + "Completed text 34666\n", + "Completed text 34667\n", + "Completed text 34668\n", + "Completed text 34669\n", + "Completed text 34670\n", + "Completed text 34671\n", + "Completed text 34672\n", + "Completed text 34673\n", + "Completed text 34674\n", + "Completed text 34675\n", + "Completed text 34676\n", + "Completed text 34677\n", + "Completed text 34678\n", + "Completed text 34679\n", + "Completed text 34680\n", + "Completed text 34681\n", + "Completed text 34682\n", + "Completed text 34683\n", + "Completed text 34684\n", + "Completed text 34685\n", + "Completed text 34686\n", + "Completed text 34687\n", + "Completed text 34688\n", + "Completed text 34689\n", + "Completed text 34690\n", + "Completed text 34691\n", + "Completed text 34692\n", + "Completed text 34693\n", + "Completed text 34694\n", + "Completed text 34695\n", + "Completed text 34696\n", + "Completed text 34697\n", + "Completed text 34698\n", + "Completed text 34699\n", + "Completed text 34700\n", + "Completed text 34701\n", + "Completed text 34702\n", + "Completed text 34703\n", + "Completed text 34704\n", + "Completed text 34705\n", + "Completed text 34706\n", + "Completed text 34707\n", + "Completed text 34708\n", + "Completed text 34709\n", + "Completed text 34710\n", + "Completed text 34711\n", + "Completed text 34712\n", + "Completed text 34713\n", + "Completed text 34714\n", + "Completed text 34715\n", + "Completed text 34716\n", + "Completed text 34717\n", + "Completed text 34718\n", + "Completed text 34719\n", + "Completed text 34720\n", + "Completed text 34721\n", + "Completed text 34722\n", + "Completed text 34723\n", + "Completed text 34724\n", + "Completed text 34725\n", + "Completed text 34726\n", + "Completed text 34727\n", + "Completed text 34728\n", + "Completed text 34729\n", + "Completed text 34730\n", + "Completed text 34731\n", + "Completed text 34732\n", + "Completed text 34733\n", + "Completed text 34734\n", + "Completed text 34735\n", + "Completed text 34736\n", + "Completed text 34737\n", + "Completed text 34738\n", + "Completed text 34739\n", + "Completed text 34740\n", + "Completed text 34741\n", + "Completed text 34742\n", + "Completed text 34743\n", + "Completed text 34744\n", + "Completed text 34745\n", + "Completed text 34746\n", + "Completed text 34747\n", + "Completed text 34748\n", + "Completed text 34749\n", + "Completed text 34750\n", + "Completed text 34751\n", + "Completed text 34752\n", + "Completed text 34753\n", + "Completed text 34754\n", + "Completed text 34755\n", + "Completed text 34756\n", + "Completed text 34757\n", + "Completed text 34758\n", + "Completed text 34759\n", + "Completed text 34760\n", + "Completed text 34761\n", + "Completed text 34762\n", + "Completed text 34763\n", + "Completed text 34764\n", + "Completed text 34765\n", + "Completed text 34766\n", + "Completed text 34767\n", + "Completed text 34768\n", + "Completed text 34769\n", + "Completed text 34770\n", + "Completed text 34771\n", + "Completed text 34772\n", + "Completed text 34773\n", + "Completed text 34774\n", + "Completed text 34775\n", + "Completed text 34776\n", + "Completed text 34777\n", + "Completed text 34778\n", + "Completed text 34779\n", + "Completed text 34780\n", + "Completed text 34781\n", + "Completed text 34782\n", + "Completed text 34783\n", + "Completed text 34784\n", + "Completed text 34785\n", + "Completed text 34786\n", + "Completed text 34787\n", + "Completed text 34788\n", + "Completed text 34789\n", + "Completed text 34790\n", + "Completed text 34791\n", + "Completed text 34792\n", + "Completed text 34793\n", + "Completed text 34794\n", + "Completed text 34795\n", + "Completed text 34796\n", + "Completed text 34797\n", + "Completed text 34798\n", + "Completed text 34799\n", + "Completed text 34800\n", + "Completed text 34801\n", + "Completed text 34802\n", + "Completed text 34803\n", + "Completed text 34804\n", + "Completed text 34805\n", + "Completed text 34806\n", + "Completed text 34807\n", + "Completed text 34808\n", + "Completed text 34809\n", + "Completed text 34810\n", + "Completed text 34811\n", + "Completed text 34812\n", + "Completed text 34813\n", + "Completed text 34814\n", + "Completed text 34815\n", + "Completed text 34816\n", + "Completed text 34817\n", + "Completed text 34818\n", + "Completed text 34819\n", + "Completed text 34820\n", + "Completed text 34821\n", + "Completed text 34822\n", + "Completed text 34823\n", + "Completed text 34824\n", + "Completed text 34825\n", + "Completed text 34826\n", + "Completed text 34827\n", + "Completed text 34828\n", + "Completed text 34829\n", + "Completed text 34830\n", + "Completed text 34831\n", + "Completed text 34832\n", + "Completed text 34833\n", + "Completed text 34834\n", + "Completed text 34835\n", + "Completed text 34836\n", + "Completed text 34837\n", + "Completed text 34838\n", + "Completed text 34839\n", + "Completed text 34840\n", + "Completed text 34841\n", + "Completed text 34842\n", + "Completed text 34843\n", + "Completed text 34844\n", + "Completed text 34845\n", + "Completed text 34846\n", + "Completed text 34847\n", + "Completed text 34848\n", + "Completed text 34849\n", + "Completed text 34850\n", + "Completed text 34851\n", + "Completed text 34852\n", + "Completed text 34853\n", + "Completed text 34854\n", + "Completed text 34855\n", + "Completed text 34856\n", + "Completed text 34857\n", + "Completed text 34858\n", + "Completed text 34859\n", + "Completed text 34860\n", + "Completed text 34861\n", + "Completed text 34862\n", + "Completed text 34863\n", + "Completed text 34864\n", + "Completed text 34865\n", + "Completed text 34866\n", + "Completed text 34867\n", + "Completed text 34868\n", + "Completed text 34869\n", + "Completed text 34870\n", + "Completed text 34871\n", + "Completed text 34872\n", + "Completed text 34873\n", + "Completed text 34874\n", + "Completed text 34875\n", + "Completed text 34876\n", + "Completed text 34877\n", + "Completed text 34878\n", + "Completed text 34879\n", + "Completed text 34880\n", + "Completed text 34881\n", + "Completed text 34882\n", + "Completed text 34883\n", + "Completed text 34884\n", + "Completed text 34885\n", + "Completed text 34886\n", + "Completed text 34887\n", + "Completed text 34888\n", + "Completed text 34889\n", + "Completed text 34890\n", + "Completed text 34891\n", + "Completed text 34892\n", + "Completed text 34893\n", + "Completed text 34894\n", + "Completed text 34895\n", + "Completed text 34896\n", + "Completed text 34897\n", + "Completed text 34898\n", + "Completed text 34899\n", + "Completed text 34900\n", + "Completed text 34901\n", + "Completed text 34902\n", + "Completed text 34903\n", + "Completed text 34904\n", + "Completed text 34905\n", + "Completed text 34906\n", + "Completed text 34907\n", + "Completed text 34908\n", + "Completed text 34909\n", + "Completed text 34910\n", + "Completed text 34911\n", + "Completed text 34912\n", + "Completed text 34913\n", + "Completed text 34914\n", + "Completed text 34915\n", + "Completed text 34916\n", + "Completed text 34917\n", + "Completed text 34918\n", + "Completed text 34919\n", + "Completed text 34920\n", + "Completed text 34921\n", + "Completed text 34922\n", + "Completed text 34923\n", + "Completed text 34924\n", + "Completed text 34925\n", + "Completed text 34926\n", + "Completed text 34927\n", + "Completed text 34928\n", + "Completed text 34929\n", + "Completed text 34930\n", + "Completed text 34931\n", + "Completed text 34932\n", + "Completed text 34933\n", + "Completed text 34934\n", + "Completed text 34935\n", + "Completed text 34936\n", + "Completed text 34937\n", + "Completed text 34938\n", + "Completed text 34939\n", + "Completed text 34940\n", + "Completed text 34941\n", + "Completed text 34942\n", + "Completed text 34943\n", + "Completed text 34944\n", + "Completed text 34945\n", + "Completed text 34946\n", + "Completed text 34947\n", + "Completed text 34948\n", + "Completed text 34949\n", + "Completed text 34950\n", + "Completed text 34951\n", + "Completed text 34952\n", + "Completed text 34953\n", + "Completed text 34954\n", + "Completed text 34955\n", + "Completed text 34956\n", + "Completed text 34957\n", + "Completed text 34958\n", + "Completed text 34959\n", + "Completed text 34960\n", + "Completed text 34961\n", + "Completed text 34962\n", + "Completed text 34963\n", + "Completed text 34964\n", + "Completed text 34965\n", + "Completed text 34966\n", + "Completed text 34967\n", + "Completed text 34968\n", + "Completed text 34969\n", + "Completed text 34970\n", + "Completed text 34971\n", + "Completed text 34972\n", + "Completed text 34973\n", + "Completed text 34974\n", + "Completed text 34975\n", + "Completed text 34976\n", + "Completed text 34977\n", + "Completed text 34978\n", + "Completed text 34979\n", + "Completed text 34980\n", + "Completed text 34981\n", + "Completed text 34982\n", + "Completed text 34983\n", + "Completed text 34984\n", + "Completed text 34985\n", + "Completed text 34986\n", + "Completed text 34987\n", + "Completed text 34988\n", + "Completed text 34989\n", + "Completed text 34990\n", + "Completed text 34991\n", + "Completed text 34992\n", + "Completed text 34993\n", + "Completed text 34994\n", + "Completed text 34995\n", + "Completed text 34996\n", + "Completed text 34997\n", + "Completed text 34998\n", + "Completed text 34999\n", + "Completed text 35000\n", + "Completed text 35001\n", + "Completed text 35002\n", + "Completed text 35003\n", + "Completed text 35004\n", + "Completed text 35005\n", + "Completed text 35006\n", + "Completed text 35007\n", + "Completed text 35008\n", + "Completed text 35009\n", + "Completed text 35010\n", + "Completed text 35011\n", + "Completed text 35012\n", + "Completed text 35013\n", + "Completed text 35014\n", + "Completed text 35015\n", + "Completed text 35016\n", + "Completed text 35017\n", + "Completed text 35018\n", + "Completed text 35019\n", + "Completed text 35020\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 35021\n", + "Completed text 35022\n", + "Completed text 35023\n", + "Completed text 35024\n", + "Completed text 35025\n", + "Completed text 35026\n", + "Completed text 35027\n", + "Completed text 35028\n", + "Completed text 35029\n", + "Completed text 35030\n", + "Completed text 35031\n", + "Completed text 35032\n", + "Completed text 35033\n", + "Completed text 35034\n", + "Completed text 35035\n", + "Completed text 35036\n", + "Completed text 35037\n", + "Completed text 35038\n", + "Completed text 35039\n", + "Completed text 35040\n", + "Completed text 35041\n", + "Completed text 35042\n", + "Completed text 35043\n", + "Completed text 35044\n", + "Completed text 35045\n", + "Completed text 35046\n", + "Completed text 35047\n", + "Completed text 35048\n", + "Completed text 35049\n", + "Completed text 35050\n", + "Completed text 35051\n", + "Completed text 35052\n", + "Completed text 35053\n", + "Completed text 35054\n", + "Completed text 35055\n", + "Completed text 35056\n", + "Completed text 35057\n", + "Completed text 35058\n", + "Completed text 35059\n", + "Completed text 35060\n", + "Completed text 35061\n", + "Completed text 35062\n", + "Completed text 35063\n", + "Completed text 35064\n", + "Completed text 35065\n", + "Completed text 35066\n", + "Completed text 35067\n", + "Completed text 35068\n", + "Completed text 35069\n", + "Completed text 35070\n", + "Completed text 35071\n", + "Completed text 35072\n", + "Completed text 35073\n", + "Completed text 35074\n", + "Completed text 35075\n", + "Completed text 35076\n", + "Completed text 35077\n", + "Completed text 35078\n", + "Completed text 35079\n", + "Completed text 35080\n", + "Completed text 35081\n", + "Completed text 35082\n", + "Completed text 35083\n", + "Completed text 35084\n", + "Completed text 35085\n", + "Completed text 35086\n", + "Completed text 35087\n", + "Completed text 35088\n", + "Completed text 35089\n", + "Completed text 35090\n", + "Completed text 35091\n", + "Completed text 35092\n", + "Completed text 35093\n", + "Completed text 35094\n", + "Completed text 35095\n", + "Completed text 35096\n", + "Completed text 35097\n", + "Completed text 35098\n", + "Completed text 35099\n", + "Completed text 35100\n", + "Completed text 35101\n", + "Completed text 35102\n", + "Completed text 35103\n", + "Completed text 35104\n", + "Completed text 35105\n", + "Completed text 35106\n", + "Completed text 35107\n", + "Completed text 35108\n", + "Completed text 35109\n", + "Completed text 35110\n", + "Completed text 35111\n", + "Completed text 35112\n", + "Completed text 35113\n", + "Completed text 35114\n", + "Completed text 35115\n", + "Completed text 35116\n", + "Completed text 35117\n", + "Completed text 35118\n", + "Completed text 35119\n", + "Completed text 35120\n", + "Completed text 35121\n", + "Completed text 35122\n", + "Completed text 35123\n", + "Completed text 35124\n", + "Completed text 35125\n", + "Completed text 35126\n", + "Completed text 35127\n", + "Completed text 35128\n", + "Completed text 35129\n", + "Completed text 35130\n", + "Completed text 35131\n", + "Completed text 35132\n", + "Completed text 35133\n", + "Completed text 35134\n", + "Completed text 35135\n", + "Completed text 35136\n", + "Completed text 35137\n", + "Completed text 35138\n", + "Completed text 35139\n", + "Completed text 35140\n", + "Completed text 35141\n", + "Completed text 35142\n", + "Completed text 35143\n", + "Completed text 35144\n", + "Completed text 35145\n", + "Completed text 35146\n", + "Completed text 35147\n", + "Completed text 35148\n", + "Completed text 35149\n", + "Completed text 35150\n", + "Completed text 35151\n", + "Completed text 35152\n", + "Completed text 35153\n", + "Completed text 35154\n", + "Completed text 35155\n", + "Completed text 35156\n", + "Completed text 35157\n", + "Completed text 35158\n", + "Completed text 35159\n", + "Completed text 35160\n", + "Completed text 35161\n", + "Completed text 35162\n", + "Completed text 35163\n", + "Completed text 35164\n", + "Completed text 35165\n", + "Completed text 35166\n", + "Completed text 35167\n", + "Completed text 35168\n", + "Completed text 35169\n", + "Completed text 35170\n", + "Completed text 35171\n", + "Completed text 35172\n", + "Completed text 35173\n", + "Completed text 35174\n", + "Completed text 35175\n", + "Completed text 35176\n", + "Completed text 35177\n", + "Completed text 35178\n", + "Completed text 35179\n", + "Completed text 35180\n", + "Completed text 35181\n", + "Completed text 35182\n", + "Completed text 35183\n", + "Completed text 35184\n", + "Completed text 35185\n", + "Completed text 35186\n", + "Completed text 35187\n", + "Completed text 35188\n", + "Completed text 35189\n", + "Completed text 35190\n", + "Completed text 35191\n", + "Completed text 35192\n", + "Completed text 35193\n", + "Completed text 35194\n", + "Completed text 35195\n", + "Completed text 35196\n", + "Completed text 35197\n", + "Completed text 35198\n", + "Completed text 35199\n", + "Completed text 35200\n", + "Completed text 35201\n", + "Completed text 35202\n", + "Completed text 35203\n", + "Completed text 35204\n", + "Completed text 35205\n", + "Completed text 35206\n", + "Completed text 35207\n", + "Completed text 35208\n", + "Completed text 35209\n", + "Completed text 35210\n", + "Completed text 35211\n", + "Completed text 35212\n", + "Completed text 35213\n", + "Completed text 35214\n", + "Completed text 35215\n", + "Completed text 35216\n", + "Completed text 35217\n", + "Completed text 35218\n", + "Completed text 35219\n", + "Completed text 35220\n", + "Completed text 35221\n", + "Completed text 35222\n", + "Completed text 35223\n", + "Completed text 35224\n", + "Completed text 35225\n", + "Completed text 35226\n", + "Completed text 35227\n", + "Completed text 35228\n", + "Completed text 35229\n", + "Completed text 35230\n", + "Completed text 35231\n", + "Completed text 35232\n", + "Completed text 35233\n", + "Completed text 35234\n", + "Completed text 35235\n", + "Completed text 35236\n", + "Completed text 35237\n", + "Completed text 35238\n", + "Completed text 35239\n", + "Completed text 35240\n", + "Completed text 35241\n", + "Completed text 35242\n", + "Completed text 35243\n", + "Completed text 35244\n", + "Completed text 35245\n", + "Completed text 35246\n", + "Completed text 35247\n", + "Completed text 35248\n", + "Completed text 35249\n", + "Completed text 35250\n", + "Completed text 35251\n", + "Completed text 35252\n", + "Completed text 35253\n", + "Completed text 35254\n", + "Completed text 35255\n", + "Completed text 35256\n", + "Completed text 35257\n", + "Completed text 35258\n", + "Completed text 35259\n", + "Completed text 35260\n", + "Completed text 35261\n", + "Completed text 35262\n", + "Completed text 35263\n", + "Completed text 35264\n", + "Completed text 35265\n", + "Completed text 35266\n", + "Completed text 35267\n", + "Completed text 35268\n", + "Completed text 35269\n", + "Completed text 35270\n", + "Completed text 35271\n", + "Completed text 35272\n", + "Completed text 35273\n", + "Completed text 35274\n", + "Completed text 35275\n", + "Completed text 35276\n", + "Completed text 35277\n", + "Completed text 35278\n", + "Completed text 35279\n", + "Completed text 35280\n", + "Completed text 35281\n", + "Completed text 35282\n", + "Completed text 35283\n", + "Completed text 35284\n", + "Completed text 35285\n", + "Completed text 35286\n", + "Completed text 35287\n", + "Completed text 35288\n", + "Completed text 35289\n", + "Completed text 35290\n", + "Completed text 35291\n", + "Completed text 35292\n", + "Completed text 35293\n", + "Completed text 35294\n", + "Completed text 35295\n", + "Completed text 35296\n", + "Completed text 35297\n", + "Completed text 35298\n", + "Completed text 35299\n", + "Completed text 35300\n", + "Completed text 35301\n", + "Completed text 35302\n", + "Completed text 35303\n", + "Completed text 35304\n", + "Completed text 35305\n", + "Completed text 35306\n", + "Completed text 35307\n", + "Completed text 35308\n", + "Completed text 35309\n", + "Completed text 35310\n", + "Completed text 35311\n", + "Completed text 35312\n", + "Completed text 35313\n", + "Completed text 35314\n", + "Completed text 35315\n", + "Completed text 35316\n", + "Completed text 35317\n", + "Completed text 35318\n", + "Completed text 35319\n", + "Completed text 35320\n", + "Completed text 35321\n", + "Completed text 35322\n", + "Completed text 35323\n", + "Completed text 35324\n", + "Completed text 35325\n", + "Completed text 35326\n", + "Completed text 35327\n", + "Completed text 35328\n", + "Completed text 35329\n", + "Completed text 35330\n", + "Completed text 35331\n", + "Completed text 35332\n", + "Completed text 35333\n", + "Completed text 35334\n", + "Completed text 35335\n", + "Completed text 35336\n", + "Completed text 35337\n", + "Completed text 35338\n", + "Completed text 35339\n", + "Completed text 35340\n", + "Completed text 35341\n", + "Completed text 35342\n", + "Completed text 35343\n", + "Completed text 35344\n", + "Completed text 35345\n", + "Completed text 35346\n", + "Completed text 35347\n", + "Completed text 35348\n", + "Completed text 35349\n", + "Completed text 35350\n", + "Completed text 35351\n", + "Completed text 35352\n", + "Completed text 35353\n", + "Completed text 35354\n", + "Completed text 35355\n", + "Completed text 35356\n", + "Completed text 35357\n", + "Completed text 35358\n", + "Completed text 35359\n", + "Completed text 35360\n", + "Completed text 35361\n", + "Completed text 35362\n", + "Completed text 35363\n", + "Completed text 35364\n", + "Completed text 35365\n", + "Completed text 35366\n", + "Completed text 35367\n", + "Completed text 35368\n", + "Completed text 35369\n", + "Completed text 35370\n", + "Completed text 35371\n", + "Completed text 35372\n", + "Completed text 35373\n", + "Completed text 35374\n", + "Completed text 35375\n", + "Completed text 35376\n", + "Completed text 35377\n", + "Completed text 35378\n", + "Completed text 35379\n", + "Completed text 35380\n", + "Completed text 35381\n", + "Completed text 35382\n", + "Completed text 35383\n", + "Completed text 35384\n", + "Completed text 35385\n", + "Completed text 35386\n", + "Completed text 35387\n", + "Completed text 35388\n", + "Completed text 35389\n", + "Completed text 35390\n", + "Completed text 35391\n", + "Completed text 35392\n", + "Completed text 35393\n", + "Completed text 35394\n", + "Completed text 35395\n", + "Completed text 35396\n", + "Completed text 35397\n", + "Completed text 35398\n", + "Completed text 35399\n", + "Completed text 35400\n", + "Completed text 35401\n", + "Completed text 35402\n", + "Completed text 35403\n", + "Completed text 35404\n", + "Completed text 35405\n", + "Completed text 35406\n", + "Completed text 35407\n", + "Completed text 35408\n", + "Completed text 35409\n", + "Completed text 35410\n", + "Completed text 35411\n", + "Completed text 35412\n", + "Completed text 35413\n", + "Completed text 35414\n", + "Completed text 35415\n", + "Completed text 35416\n", + "Completed text 35417\n", + "Completed text 35418\n", + "Completed text 35419\n", + "Completed text 35420\n", + "Completed text 35421\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 35422\n", + "Completed text 35423\n", + "Completed text 35424\n", + "Completed text 35425\n", + "Completed text 35426\n", + "Completed text 35427\n", + "Completed text 35428\n", + "Completed text 35429\n", + "Completed text 35430\n", + "Completed text 35431\n", + "Completed text 35432\n", + "Completed text 35433\n", + "Completed text 35434\n", + "Completed text 35435\n", + "Completed text 35436\n", + "Completed text 35437\n", + "Completed text 35438\n", + "Completed text 35439\n", + "Completed text 35440\n", + "Completed text 35441\n", + "Completed text 35442\n", + "Completed text 35443\n", + "Completed text 35444\n", + "Completed text 35445\n", + "Completed text 35446\n", + "Completed text 35447\n", + "Completed text 35448\n", + "Completed text 35449\n", + "Completed text 35450\n", + "Completed text 35451\n", + "Completed text 35452\n", + "Completed text 35453\n", + "Completed text 35454\n", + "Completed text 35455\n", + "Completed text 35456\n", + "Completed text 35457\n", + "Completed text 35458\n", + "Completed text 35459\n", + "Completed text 35460\n", + "Completed text 35461\n", + "Completed text 35462\n", + "Completed text 35463\n", + "Completed text 35464\n", + "Completed text 35465\n", + "Completed text 35466\n", + "Completed text 35467\n", + "Completed text 35468\n", + "Completed text 35469\n", + "Completed text 35470\n", + "Completed text 35471\n", + "Completed text 35472\n", + "Completed text 35473\n", + "Completed text 35474\n", + "Completed text 35475\n", + "Completed text 35476\n", + "Completed text 35477\n", + "Completed text 35478\n", + "Completed text 35479\n", + "Completed text 35480\n", + "Completed text 35481\n", + "Completed text 35482\n", + "Completed text 35483\n", + "Completed text 35484\n", + "Completed text 35485\n", + "Completed text 35486\n", + "Completed text 35487\n", + "Completed text 35488\n", + "Completed text 35489\n", + "Completed text 35490\n", + "Completed text 35491\n", + "Completed text 35492\n", + "Completed text 35493\n", + "Completed text 35494\n", + "Completed text 35495\n", + "Completed text 35496\n", + "Completed text 35497\n", + "Completed text 35498\n", + "Completed text 35499\n", + "Completed text 35500\n", + "Completed text 35501\n", + "Completed text 35502\n", + "Completed text 35503\n", + "Completed text 35504\n", + "Completed text 35505\n", + "Completed text 35506\n", + "Completed text 35507\n", + "Completed text 35508\n", + "Completed text 35509\n", + "Completed text 35510\n", + "Completed text 35511\n", + "Completed text 35512\n", + "Completed text 35513\n", + "Completed text 35514\n", + "Completed text 35515\n", + "Completed text 35516\n", + "Completed text 35517\n", + "Completed text 35518\n", + "Completed text 35519\n", + "Completed text 35520\n", + "Completed text 35521\n", + "Completed text 35522\n", + "Completed text 35523\n", + "Completed text 35524\n", + "Completed text 35525\n", + "Completed text 35526\n", + "Completed text 35527\n", + "Completed text 35528\n", + "Completed text 35529\n", + "Completed text 35530\n", + "Completed text 35531\n", + "Completed text 35532\n", + "Completed text 35533\n", + "Completed text 35534\n", + "Completed text 35535\n", + "Completed text 35536\n", + "Completed text 35537\n", + "Completed text 35538\n", + "Completed text 35539\n", + "Completed text 35540\n", + "Completed text 35541\n", + "Completed text 35542\n", + "Completed text 35543\n", + "Completed text 35544\n", + "Completed text 35545\n", + "Completed text 35546\n", + "Completed text 35547\n", + "Completed text 35548\n", + "Completed text 35549\n", + "Completed text 35550\n", + "Completed text 35551\n", + "Completed text 35552\n", + "Completed text 35553\n", + "Completed text 35554\n", + "Completed text 35555\n", + "Completed text 35556\n", + "Completed text 35557\n", + "Completed text 35558\n", + "Completed text 35559\n", + "Completed text 35560\n", + "Completed text 35561\n", + "Completed text 35562\n", + "Completed text 35563\n", + "Completed text 35564\n", + "Completed text 35565\n", + "Completed text 35566\n", + "Completed text 35567\n", + "Completed text 35568\n", + "Completed text 35569\n", + "Completed text 35570\n", + "Completed text 35571\n", + "Completed text 35572\n", + "Completed text 35573\n", + "Completed text 35574\n", + "Completed text 35575\n", + "Completed text 35576\n", + "Completed text 35577\n", + "Completed text 35578\n", + "Completed text 35579\n", + "Completed text 35580\n", + "Completed text 35581\n", + "Completed text 35582\n", + "Completed text 35583\n", + "Completed text 35584\n", + "Completed text 35585\n", + "Completed text 35586\n", + "Completed text 35587\n", + "Completed text 35588\n", + "Completed text 35589\n", + "Completed text 35590\n", + "Completed text 35591\n", + "Completed text 35592\n", + "Completed text 35593\n", + "Completed text 35594\n", + "Completed text 35595\n", + "Completed text 35596\n", + "Completed text 35597\n", + "Completed text 35598\n", + "Completed text 35599\n", + "Completed text 35600\n", + "Completed text 35601\n", + "Completed text 35602\n", + "Completed text 35603\n", + "Completed text 35604\n", + "Completed text 35605\n", + "Completed text 35606\n", + "Completed text 35607\n", + "Completed text 35608\n", + "Completed text 35609\n", + "Completed text 35610\n", + "Completed text 35611\n", + "Completed text 35612\n", + "Completed text 35613\n", + "Completed text 35614\n", + "Completed text 35615\n", + "Completed text 35616\n", + "Completed text 35617\n", + "Completed text 35618\n", + "Completed text 35619\n", + "Completed text 35620\n", + "Completed text 35621\n", + "Completed text 35622\n", + "Completed text 35623\n", + "Completed text 35624\n", + "Completed text 35625\n", + "Completed text 35626\n", + "Completed text 35627\n", + "Completed text 35628\n", + "Completed text 35629\n", + "Completed text 35630\n", + "Completed text 35631\n", + "Completed text 35632\n", + "Completed text 35633\n", + "Completed text 35634\n", + "Completed text 35635\n", + "Completed text 35636\n", + "Completed text 35637\n", + "Completed text 35638\n", + "Completed text 35639\n", + "Completed text 35640\n", + "Completed text 35641\n", + "Completed text 35642\n", + "Completed text 35643\n", + "Completed text 35644\n", + "Completed text 35645\n", + "Completed text 35646\n", + "Completed text 35647\n", + "Completed text 35648\n", + "Completed text 35649\n", + "Completed text 35650\n", + "Completed text 35651\n", + "Completed text 35652\n", + "Completed text 35653\n", + "Completed text 35654\n", + "Completed text 35655\n", + "Completed text 35656\n", + "Completed text 35657\n", + "Completed text 35658\n", + "Completed text 35659\n", + "Completed text 35660\n", + "Completed text 35661\n", + "Completed text 35662\n", + "Completed text 35663\n", + "Completed text 35664\n", + "Completed text 35665\n", + "Completed text 35666\n", + "Completed text 35667\n", + "Completed text 35668\n", + "Completed text 35669\n", + "Completed text 35670\n", + "Completed text 35671\n", + "Completed text 35672\n", + "Completed text 35673\n", + "Completed text 35674\n", + "Completed text 35675\n", + "Completed text 35676\n", + "Completed text 35677\n", + "Completed text 35678\n", + "Completed text 35679\n", + "Completed text 35680\n", + "Completed text 35681\n", + "Completed text 35682\n", + "Completed text 35683\n", + "Completed text 35684\n", + "Completed text 35685\n", + "Completed text 35686\n", + "Completed text 35687\n", + "Completed text 35688\n", + "Completed text 35689\n", + "Completed text 35690\n", + "Completed text 35691\n", + "Completed text 35692\n", + "Completed text 35693\n", + "Completed text 35694\n", + "Completed text 35695\n", + "Completed text 35696\n", + "Completed text 35697\n", + "Completed text 35698\n", + "Completed text 35699\n", + "Completed text 35700\n", + "Completed text 35701\n", + "Completed text 35702\n", + "Completed text 35703\n", + "Completed text 35704\n", + "Completed text 35705\n", + "Completed text 35706\n", + "Completed text 35707\n", + "Completed text 35708\n", + "Completed text 35709\n", + "Completed text 35710\n", + "Completed text 35711\n", + "Completed text 35712\n", + "Completed text 35713\n", + "Completed text 35714\n", + "Completed text 35715\n", + "Completed text 35716\n", + "Completed text 35717\n", + "Completed text 35718\n", + "Completed text 35719\n", + "Completed text 35720\n", + "Completed text 35721\n", + "Completed text 35722\n", + "Completed text 35723\n", + "Completed text 35724\n", + "Completed text 35725\n", + "Completed text 35726\n", + "Completed text 35727\n", + "Completed text 35728\n", + "Completed text 35729\n", + "Completed text 35730\n", + "Completed text 35731\n", + "Completed text 35732\n", + "Completed text 35733\n", + "Completed text 35734\n", + "Completed text 35735\n", + "Completed text 35736\n", + "Completed text 35737\n", + "Completed text 35738\n", + "Completed text 35739\n", + "Completed text 35740\n", + "Completed text 35741\n", + "Completed text 35742\n", + "Completed text 35743\n", + "Completed text 35744\n", + "Completed text 35745\n", + "Completed text 35746\n", + "Completed text 35747\n", + "Completed text 35748\n", + "Completed text 35749\n", + "Completed text 35750\n", + "Completed text 35751\n", + "Completed text 35752\n", + "Completed text 35753\n", + "Completed text 35754\n", + "Completed text 35755\n", + "Completed text 35756\n", + "Completed text 35757\n", + "Completed text 35758\n", + "Completed text 35759\n", + "Completed text 35760\n", + "Completed text 35761\n", + "Completed text 35762\n", + "Completed text 35763\n", + "Completed text 35764\n", + "Completed text 35765\n", + "Completed text 35766\n", + "Completed text 35767\n", + "Completed text 35768\n", + "Completed text 35769\n", + "Completed text 35770\n", + "Completed text 35771\n", + "Completed text 35772\n", + "Completed text 35773\n", + "Completed text 35774\n", + "Completed text 35775\n", + "Completed text 35776\n", + "Completed text 35777\n", + "Completed text 35778\n", + "Completed text 35779\n", + "Completed text 35780\n", + "Completed text 35781\n", + "Completed text 35782\n", + "Completed text 35783\n", + "Completed text 35784\n", + "Completed text 35785\n", + "Completed text 35786\n", + "Completed text 35787\n", + "Completed text 35788\n", + "Completed text 35789\n", + "Completed text 35790\n", + "Completed text 35791\n", + "Completed text 35792\n", + "Completed text 35793\n", + "Completed text 35794\n", + "Completed text 35795\n", + "Completed text 35796\n", + "Completed text 35797\n", + "Completed text 35798\n", + "Completed text 35799\n", + "Completed text 35800\n", + "Completed text 35801\n", + "Completed text 35802\n", + "Completed text 35803\n", + "Completed text 35804\n", + "Completed text 35805\n", + "Completed text 35806\n", + "Completed text 35807\n", + "Completed text 35808\n", + "Completed text 35809\n", + "Completed text 35810\n", + "Completed text 35811\n", + "Completed text 35812\n", + "Completed text 35813\n", + "Completed text 35814\n", + "Completed text 35815\n", + "Completed text 35816\n", + "Completed text 35817\n", + "Completed text 35818\n", + "Completed text 35819\n", + "Completed text 35820\n", + "Completed text 35821\n", + "Completed text 35822\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 35823\n", + "Completed text 35824\n", + "Completed text 35825\n", + "Completed text 35826\n", + "Completed text 35827\n", + "Completed text 35828\n", + "Completed text 35829\n", + "Completed text 35830\n", + "Completed text 35831\n", + "Completed text 35832\n", + "Completed text 35833\n", + "Completed text 35834\n", + "Completed text 35835\n", + "Completed text 35836\n", + "Completed text 35837\n", + "Completed text 35838\n", + "Completed text 35839\n", + "Completed text 35840\n", + "Completed text 35841\n", + "Completed text 35842\n", + "Completed text 35843\n", + "Completed text 35844\n", + "Completed text 35845\n", + "Completed text 35846\n", + "Completed text 35847\n", + "Completed text 35848\n", + "Completed text 35849\n", + "Completed text 35850\n", + "Completed text 35851\n", + "Completed text 35852\n", + "Completed text 35853\n", + "Completed text 35854\n", + "Completed text 35855\n", + "Completed text 35856\n", + "Completed text 35857\n", + "Completed text 35858\n", + "Completed text 35859\n", + "Completed text 35860\n", + "Completed text 35861\n", + "Completed text 35862\n", + "Completed text 35863\n", + "Completed text 35864\n", + "Completed text 35865\n", + "Completed text 35866\n", + "Completed text 35867\n", + "Completed text 35868\n", + "Completed text 35869\n", + "Completed text 35870\n", + "Completed text 35871\n", + "Completed text 35872\n", + "Completed text 35873\n", + "Completed text 35874\n", + "Completed text 35875\n", + "Completed text 35876\n", + "Completed text 35877\n", + "Completed text 35878\n", + "Completed text 35879\n", + "Completed text 35880\n", + "Completed text 35881\n", + "Completed text 35882\n", + "Completed text 35883\n", + "Completed text 35884\n", + "Completed text 35885\n", + "Completed text 35886\n", + "Completed text 35887\n", + "Completed text 35888\n", + "Completed text 35889\n", + "Completed text 35890\n", + "Completed text 35891\n", + "Completed text 35892\n", + "Completed text 35893\n", + "Completed text 35894\n", + "Completed text 35895\n", + "Completed text 35896\n", + "Completed text 35897\n", + "Completed text 35898\n", + "Completed text 35899\n", + "Completed text 35900\n", + "Completed text 35901\n", + "Completed text 35902\n", + "Completed text 35903\n", + "Completed text 35904\n", + "Completed text 35905\n", + "Completed text 35906\n", + "Completed text 35907\n", + "Completed text 35908\n", + "Completed text 35909\n", + "Completed text 35910\n", + "Completed text 35911\n", + "Completed text 35912\n", + "Completed text 35913\n", + "Completed text 35914\n", + "Completed text 35915\n", + "Completed text 35916\n", + "Completed text 35917\n", + "Completed text 35918\n", + "Completed text 35919\n", + "Completed text 35920\n", + "Completed text 35921\n", + "Completed text 35922\n", + "Completed text 35923\n", + "Completed text 35924\n", + "Completed text 35925\n", + "Completed text 35926\n", + "Completed text 35927\n", + "Completed text 35928\n", + "Completed text 35929\n", + "Completed text 35930\n", + "Completed text 35931\n", + "Completed text 35932\n", + "Completed text 35933\n", + "Completed text 35934\n", + "Completed text 35935\n", + "Completed text 35936\n", + "Completed text 35937\n", + "Completed text 35938\n", + "Completed text 35939\n", + "Completed text 35940\n", + "Completed text 35941\n", + "Completed text 35942\n", + "Completed text 35943\n", + "Completed text 35944\n", + "Completed text 35945\n", + "Completed text 35946\n", + "Completed text 35947\n", + "Completed text 35948\n", + "Completed text 35949\n", + "Completed text 35950\n", + "Completed text 35951\n", + "Completed text 35952\n", + "Completed text 35953\n", + "Completed text 35954\n", + "Completed text 35955\n", + "Completed text 35956\n", + "Completed text 35957\n", + "Completed text 35958\n", + "Completed text 35959\n", + "Completed text 35960\n", + "Completed text 35961\n", + "Completed text 35962\n", + "Completed text 35963\n", + "Completed text 35964\n", + "Completed text 35965\n", + "Completed text 35966\n", + "Completed text 35967\n", + "Completed text 35968\n", + "Completed text 35969\n", + "Completed text 35970\n", + "Completed text 35971\n", + "Completed text 35972\n", + "Completed text 35973\n", + "Completed text 35974\n", + "Completed text 35975\n", + "Completed text 35976\n", + "Completed text 35977\n", + "Completed text 35978\n", + "Completed text 35979\n", + "Completed text 35980\n", + "Completed text 35981\n", + "Completed text 35982\n", + "Completed text 35983\n", + "Completed text 35984\n", + "Completed text 35985\n", + "Completed text 35986\n", + "Completed text 35987\n", + "Completed text 35988\n", + "Completed text 35989\n", + "Completed text 35990\n", + "Completed text 35991\n", + "Completed text 35992\n", + "Completed text 35993\n", + "Completed text 35994\n", + "Completed text 35995\n", + "Completed text 35996\n", + "Completed text 35997\n", + "Completed text 35998\n", + "Completed text 35999\n", + "Completed text 36000\n", + "Completed text 36001\n", + "Completed text 36002\n", + "Completed text 36003\n", + "Completed text 36004\n", + "Completed text 36005\n", + "Completed text 36006\n", + "Completed text 36007\n", + "Completed text 36008\n", + "Completed text 36009\n", + "Completed text 36010\n", + "Completed text 36011\n", + "Completed text 36012\n", + "Completed text 36013\n", + "Completed text 36014\n", + "Completed text 36015\n", + "Completed text 36016\n", + "Completed text 36017\n", + "Completed text 36018\n", + "Completed text 36019\n", + "Completed text 36020\n", + "Completed text 36021\n", + "Completed text 36022\n", + "Completed text 36023\n", + "Completed text 36024\n", + "Completed text 36025\n", + "Completed text 36026\n", + "Completed text 36027\n", + "Completed text 36028\n", + "Completed text 36029\n", + "Completed text 36030\n", + "Completed text 36031\n", + "Completed text 36032\n", + "Completed text 36033\n", + "Completed text 36034\n", + "Completed text 36035\n", + "Completed text 36036\n", + "Completed text 36037\n", + "Completed text 36038\n", + "Completed text 36039\n", + "Completed text 36040\n", + "Completed text 36041\n", + "Completed text 36042\n", + "Completed text 36043\n", + "Completed text 36044\n", + "Completed text 36045\n", + "Completed text 36046\n", + "Completed text 36047\n", + "Completed text 36048\n", + "Completed text 36049\n", + "Completed text 36050\n", + "Completed text 36051\n", + "Completed text 36052\n", + "Completed text 36053\n", + "Completed text 36054\n", + "Completed text 36055\n", + "Completed text 36056\n", + "Completed text 36057\n", + "Completed text 36058\n", + "Completed text 36059\n", + "Completed text 36060\n", + "Completed text 36061\n", + "Completed text 36062\n", + "Completed text 36063\n", + "Completed text 36064\n", + "Completed text 36065\n", + "Completed text 36066\n", + "Completed text 36067\n", + "Completed text 36068\n", + "Completed text 36069\n", + "Completed text 36070\n", + "Completed text 36071\n", + "Completed text 36072\n", + "Completed text 36073\n", + "Completed text 36074\n", + "Completed text 36075\n", + "Completed text 36076\n", + "Completed text 36077\n", + "Completed text 36078\n", + "Completed text 36079\n", + "Completed text 36080\n", + "Completed text 36081\n", + "Completed text 36082\n", + "Completed text 36083\n", + "Completed text 36084\n", + "Completed text 36085\n", + "Completed text 36086\n", + "Completed text 36087\n", + "Completed text 36088\n", + "Completed text 36089\n", + "Completed text 36090\n", + "Completed text 36091\n", + "Completed text 36092\n", + "Completed text 36093\n", + "Completed text 36094\n", + "Completed text 36095\n", + "Completed text 36096\n", + "Completed text 36097\n", + "Completed text 36098\n", + "Completed text 36099\n", + "Completed text 36100\n", + "Completed text 36101\n", + "Completed text 36102\n", + "Completed text 36103\n", + "Completed text 36104\n", + "Completed text 36105\n", + "Completed text 36106\n", + "Completed text 36107\n", + "Completed text 36108\n", + "Completed text 36109\n", + "Completed text 36110\n", + "Completed text 36111\n", + "Completed text 36112\n", + "Completed text 36113\n", + "Completed text 36114\n", + "Completed text 36115\n", + "Completed text 36116\n", + "Completed text 36117\n", + "Completed text 36118\n", + "Completed text 36119\n", + "Completed text 36120\n", + "Completed text 36121\n", + "Completed text 36122\n", + "Completed text 36123\n", + "Completed text 36124\n", + "Completed text 36125\n", + "Completed text 36126\n", + "Completed text 36127\n", + "Completed text 36128\n", + "Completed text 36129\n", + "Completed text 36130\n", + "Completed text 36131\n", + "Completed text 36132\n", + "Completed text 36133\n", + "Completed text 36134\n", + "Completed text 36135\n", + "Completed text 36136\n", + "Completed text 36137\n", + "Completed text 36138\n", + "Completed text 36139\n", + "Completed text 36140\n", + "Completed text 36141\n", + "Completed text 36142\n", + "Completed text 36143\n", + "Completed text 36144\n", + "Completed text 36145\n", + "Completed text 36146\n", + "Completed text 36147\n", + "Completed text 36148\n", + "Completed text 36149\n", + "Completed text 36150\n", + "Completed text 36151\n", + "Completed text 36152\n", + "Completed text 36153\n", + "Completed text 36154\n", + "Completed text 36155\n", + "Completed text 36156\n", + "Completed text 36157\n", + "Completed text 36158\n", + "Completed text 36159\n", + "Completed text 36160\n", + "Completed text 36161\n", + "Completed text 36162\n", + "Completed text 36163\n", + "Completed text 36164\n", + "Completed text 36165\n", + "Completed text 36166\n", + "Completed text 36167\n", + "Completed text 36168\n", + "Completed text 36169\n", + "Completed text 36170\n", + "Completed text 36171\n", + "Completed text 36172\n", + "Completed text 36173\n", + "Completed text 36174\n", + "Completed text 36175\n", + "Completed text 36176\n", + "Completed text 36177\n", + "Completed text 36178\n", + "Completed text 36179\n", + "Completed text 36180\n", + "Completed text 36181\n", + "Completed text 36182\n", + "Completed text 36183\n", + "Completed text 36184\n", + "Completed text 36185\n", + "Completed text 36186\n", + "Completed text 36187\n", + "Completed text 36188\n", + "Completed text 36189\n", + "Completed text 36190\n", + "Completed text 36191\n", + "Completed text 36192\n", + "Completed text 36193\n", + "Completed text 36194\n", + "Completed text 36195\n", + "Completed text 36196\n", + "Completed text 36197\n", + "Completed text 36198\n", + "Completed text 36199\n", + "Completed text 36200\n", + "Completed text 36201\n", + "Completed text 36202\n", + "Completed text 36203\n", + "Completed text 36204\n", + "Completed text 36205\n", + "Completed text 36206\n", + "Completed text 36207\n", + "Completed text 36208\n", + "Completed text 36209\n", + "Completed text 36210\n", + "Completed text 36211\n", + "Completed text 36212\n", + "Completed text 36213\n", + "Completed text 36214\n", + "Completed text 36215\n", + "Completed text 36216\n", + "Completed text 36217\n", + "Completed text 36218\n", + "Completed text 36219\n", + "Completed text 36220\n", + "Completed text 36221\n", + "Completed text 36222\n", + "Completed text 36223\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 36224\n", + "Completed text 36225\n", + "Completed text 36226\n", + "Completed text 36227\n", + "Completed text 36228\n", + "Completed text 36229\n", + "Completed text 36230\n", + "Completed text 36231\n", + "Completed text 36232\n", + "Completed text 36233\n", + "Completed text 36234\n", + "Completed text 36235\n", + "Completed text 36236\n", + "Completed text 36237\n", + "Completed text 36238\n", + "Completed text 36239\n", + "Completed text 36240\n", + "Completed text 36241\n", + "Completed text 36242\n", + "Completed text 36243\n", + "Completed text 36244\n", + "Completed text 36245\n", + "Completed text 36246\n", + "Completed text 36247\n", + "Completed text 36248\n", + "Completed text 36249\n", + "Completed text 36250\n", + "Completed text 36251\n", + "Completed text 36252\n", + "Completed text 36253\n", + "Completed text 36254\n", + "Completed text 36255\n", + "Completed text 36256\n", + "Completed text 36257\n", + "Completed text 36258\n", + "Completed text 36259\n", + "Completed text 36260\n", + "Completed text 36261\n", + "Completed text 36262\n", + "Completed text 36263\n", + "Completed text 36264\n", + "Completed text 36265\n", + "Completed text 36266\n", + "Completed text 36267\n", + "Completed text 36268\n", + "Completed text 36269\n", + "Completed text 36270\n", + "Completed text 36271\n", + "Completed text 36272\n", + "Completed text 36273\n", + "Completed text 36274\n", + "Completed text 36275\n", + "Completed text 36276\n", + "Completed text 36277\n", + "Completed text 36278\n", + "Completed text 36279\n", + "Completed text 36280\n", + "Completed text 36281\n", + "Completed text 36282\n", + "Completed text 36283\n", + "Completed text 36284\n", + "Completed text 36285\n", + "Completed text 36286\n", + "Completed text 36287\n", + "Completed text 36288\n", + "Completed text 36289\n", + "Completed text 36290\n", + "Completed text 36291\n", + "Completed text 36292\n", + "Completed text 36293\n", + "Completed text 36294\n", + "Completed text 36295\n", + "Completed text 36296\n", + "Completed text 36297\n", + "Completed text 36298\n", + "Completed text 36299\n", + "Completed text 36300\n", + "Completed text 36301\n", + "Completed text 36302\n", + "Completed text 36303\n", + "Completed text 36304\n", + "Completed text 36305\n", + "Completed text 36306\n", + "Completed text 36307\n", + "Completed text 36308\n", + "Completed text 36309\n", + "Completed text 36310\n", + "Completed text 36311\n", + "Completed text 36312\n", + "Completed text 36313\n", + "Completed text 36314\n", + "Completed text 36315\n", + "Completed text 36316\n", + "Completed text 36317\n", + "Completed text 36318\n", + "Completed text 36319\n", + "Completed text 36320\n", + "Completed text 36321\n", + "Completed text 36322\n", + "Completed text 36323\n", + "Completed text 36324\n", + "Completed text 36325\n", + "Completed text 36326\n", + "Completed text 36327\n", + "Completed text 36328\n", + "Completed text 36329\n", + "Completed text 36330\n", + "Completed text 36331\n", + "Completed text 36332\n", + "Completed text 36333\n", + "Completed text 36334\n", + "Completed text 36335\n", + "Completed text 36336\n", + "Completed text 36337\n", + "Completed text 36338\n", + "Completed text 36339\n", + "Completed text 36340\n", + "Completed text 36341\n", + "Completed text 36342\n", + "Completed text 36343\n", + "Completed text 36344\n", + "Completed text 36345\n", + "Completed text 36346\n", + "Completed text 36347\n", + "Completed text 36348\n", + "Completed text 36349\n", + "Completed text 36350\n", + "Completed text 36351\n", + "Completed text 36352\n", + "Completed text 36353\n", + "Completed text 36354\n", + "Completed text 36355\n", + "Completed text 36356\n", + "Completed text 36357\n", + "Completed text 36358\n", + "Completed text 36359\n", + "Completed text 36360\n", + "Completed text 36361\n", + "Completed text 36362\n", + "Completed text 36363\n", + "Completed text 36364\n", + "Completed text 36365\n", + "Completed text 36366\n", + "Completed text 36367\n", + "Completed text 36368\n", + "Completed text 36369\n", + "Completed text 36370\n", + "Completed text 36371\n", + "Completed text 36372\n", + "Completed text 36373\n", + "Completed text 36374\n", + "Completed text 36375\n", + "Completed text 36376\n", + "Completed text 36377\n", + "Completed text 36378\n", + "Completed text 36379\n", + "Completed text 36380\n", + "Completed text 36381\n", + "Completed text 36382\n", + "Completed text 36383\n", + "Completed text 36384\n", + "Completed text 36385\n", + "Completed text 36386\n", + "Completed text 36387\n", + "Completed text 36388\n", + "Completed text 36389\n", + "Completed text 36390\n", + "Completed text 36391\n", + "Completed text 36392\n", + "Completed text 36393\n", + "Completed text 36394\n", + "Completed text 36395\n", + "Completed text 36396\n", + "Completed text 36397\n", + "Completed text 36398\n", + "Completed text 36399\n", + "Completed text 36400\n", + "Completed text 36401\n", + "Completed text 36402\n", + "Completed text 36403\n", + "Completed text 36404\n", + "Completed text 36405\n", + "Completed text 36406\n", + "Completed text 36407\n", + "Completed text 36408\n", + "Completed text 36409\n", + "Completed text 36410\n", + "Completed text 36411\n", + "Completed text 36412\n", + "Completed text 36413\n", + "Completed text 36414\n", + "Completed text 36415\n", + "Completed text 36416\n", + "Completed text 36417\n", + "Completed text 36418\n", + "Completed text 36419\n", + "Completed text 36420\n", + "Completed text 36421\n", + "Completed text 36422\n", + "Completed text 36423\n", + "Completed text 36424\n", + "Completed text 36425\n", + "Completed text 36426\n", + "Completed text 36427\n", + "Completed text 36428\n", + "Completed text 36429\n", + "Completed text 36430\n", + "Completed text 36431\n", + "Completed text 36432\n", + "Completed text 36433\n", + "Completed text 36434\n", + "Completed text 36435\n", + "Completed text 36436\n", + "Completed text 36437\n", + "Completed text 36438\n", + "Completed text 36439\n", + "Completed text 36440\n", + "Completed text 36441\n", + "Completed text 36442\n", + "Completed text 36443\n", + "Completed text 36444\n", + "Completed text 36445\n", + "Completed text 36446\n", + "Completed text 36447\n", + "Completed text 36448\n", + "Completed text 36449\n", + "Completed text 36450\n", + "Completed text 36451\n", + "Completed text 36452\n", + "Completed text 36453\n", + "Completed text 36454\n", + "Completed text 36455\n", + "Completed text 36456\n", + "Completed text 36457\n", + "Completed text 36458\n", + "Completed text 36459\n", + "Completed text 36460\n", + "Completed text 36461\n", + "Completed text 36462\n", + "Completed text 36463\n", + "Completed text 36464\n", + "Completed text 36465\n", + "Completed text 36466\n", + "Completed text 36467\n", + "Completed text 36468\n", + "Completed text 36469\n", + "Completed text 36470\n", + "Completed text 36471\n", + "Completed text 36472\n", + "Completed text 36473\n", + "Completed text 36474\n", + "Completed text 36475\n", + "Completed text 36476\n", + "Completed text 36477\n", + "Completed text 36478\n", + "Completed text 36479\n", + "Completed text 36480\n", + "Completed text 36481\n", + "Completed text 36482\n", + "Completed text 36483\n", + "Completed text 36484\n", + "Completed text 36485\n", + "Completed text 36486\n", + "Completed text 36487\n", + "Completed text 36488\n", + "Completed text 36489\n", + "Completed text 36490\n", + "Completed text 36491\n", + "Completed text 36492\n", + "Completed text 36493\n", + "Completed text 36494\n", + "Completed text 36495\n", + "Completed text 36496\n", + "Completed text 36497\n", + "Completed text 36498\n", + "Completed text 36499\n", + "Completed text 36500\n", + "Completed text 36501\n", + "Completed text 36502\n", + "Completed text 36503\n", + "Completed text 36504\n", + "Completed text 36505\n", + "Completed text 36506\n", + "Completed text 36507\n", + "Completed text 36508\n", + "Completed text 36509\n", + "Completed text 36510\n", + "Completed text 36511\n", + "Completed text 36512\n", + "Completed text 36513\n", + "Completed text 36514\n", + "Completed text 36515\n", + "Completed text 36516\n", + "Completed text 36517\n", + "Completed text 36518\n", + "Completed text 36519\n", + "Completed text 36520\n", + "Completed text 36521\n", + "Completed text 36522\n", + "Completed text 36523\n", + "Completed text 36524\n", + "Completed text 36525\n", + "Completed text 36526\n", + "Completed text 36527\n", + "Completed text 36528\n", + "Completed text 36529\n", + "Completed text 36530\n", + "Completed text 36531\n", + "Completed text 36532\n", + "Completed text 36533\n", + "Completed text 36534\n", + "Completed text 36535\n", + "Completed text 36536\n", + "Completed text 36537\n", + "Completed text 36538\n", + "Completed text 36539\n", + "Completed text 36540\n", + "Completed text 36541\n", + "Completed text 36542\n", + "Completed text 36543\n", + "Completed text 36544\n", + "Completed text 36545\n", + "Completed text 36546\n", + "Completed text 36547\n", + "Completed text 36548\n", + "Completed text 36549\n", + "Completed text 36550\n", + "Completed text 36551\n", + "Completed text 36552\n", + "Completed text 36553\n", + "Completed text 36554\n", + "Completed text 36555\n", + "Completed text 36556\n", + "Completed text 36557\n", + "Completed text 36558\n", + "Completed text 36559\n", + "Completed text 36560\n", + "Completed text 36561\n", + "Completed text 36562\n", + "Completed text 36563\n", + "Completed text 36564\n", + "Completed text 36565\n", + "Completed text 36566\n", + "Completed text 36567\n", + "Completed text 36568\n", + "Completed text 36569\n", + "Completed text 36570\n", + "Completed text 36571\n", + "Completed text 36572\n", + "Completed text 36573\n", + "Completed text 36574\n", + "Completed text 36575\n", + "Completed text 36576\n", + "Completed text 36577\n", + "Completed text 36578\n", + "Completed text 36579\n", + "Completed text 36580\n", + "Completed text 36581\n", + "Completed text 36582\n", + "Completed text 36583\n", + "Completed text 36584\n", + "Completed text 36585\n", + "Completed text 36586\n", + "Completed text 36587\n", + "Completed text 36588\n", + "Completed text 36589\n", + "Completed text 36590\n", + "Completed text 36591\n", + "Completed text 36592\n", + "Completed text 36593\n", + "Completed text 36594\n", + "Completed text 36595\n", + "Completed text 36596\n", + "Completed text 36597\n", + "Completed text 36598\n", + "Completed text 36599\n", + "Completed text 36600\n", + "Completed text 36601\n", + "Completed text 36602\n", + "Completed text 36603\n", + "Completed text 36604\n", + "Completed text 36605\n", + "Completed text 36606\n", + "Completed text 36607\n", + "Completed text 36608\n", + "Completed text 36609\n", + "Completed text 36610\n", + "Completed text 36611\n", + "Completed text 36612\n", + "Completed text 36613\n", + "Completed text 36614\n", + "Completed text 36615\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 36616\n", + "Completed text 36617\n", + "Completed text 36618\n", + "Completed text 36619\n", + "Completed text 36620\n", + "Completed text 36621\n", + "Completed text 36622\n", + "Completed text 36623\n", + "Completed text 36624\n", + "Completed text 36625\n", + "Completed text 36626\n", + "Completed text 36627\n", + "Completed text 36628\n", + "Completed text 36629\n", + "Completed text 36630\n", + "Completed text 36631\n", + "Completed text 36632\n", + "Completed text 36633\n", + "Completed text 36634\n", + "Completed text 36635\n", + "Completed text 36636\n", + "Completed text 36637\n", + "Completed text 36638\n", + "Completed text 36639\n", + "Completed text 36640\n", + "Completed text 36641\n", + "Completed text 36642\n", + "Completed text 36643\n", + "Completed text 36644\n", + "Completed text 36645\n", + "Completed text 36646\n", + "Completed text 36647\n", + "Completed text 36648\n", + "Completed text 36649\n", + "Completed text 36650\n", + "Completed text 36651\n", + "Completed text 36652\n", + "Completed text 36653\n", + "Completed text 36654\n", + "Completed text 36655\n", + "Completed text 36656\n", + "Completed text 36657\n", + "Completed text 36658\n", + "Completed text 36659\n", + "Completed text 36660\n", + "Completed text 36661\n", + "Completed text 36662\n", + "Completed text 36663\n", + "Completed text 36664\n", + "Completed text 36665\n", + "Completed text 36666\n", + "Completed text 36667\n", + "Completed text 36668\n", + "Completed text 36669\n", + "Completed text 36670\n", + "Completed text 36671\n", + "Completed text 36672\n", + "Completed text 36673\n", + "Completed text 36674\n", + "Completed text 36675\n", + "Completed text 36676\n", + "Completed text 36677\n", + "Completed text 36678\n", + "Completed text 36679\n", + "Completed text 36680\n", + "Completed text 36681\n", + "Completed text 36682\n", + "Completed text 36683\n", + "Completed text 36684\n", + "Completed text 36685\n", + "Completed text 36686\n", + "Completed text 36687\n", + "Completed text 36688\n", + "Completed text 36689\n", + "Completed text 36690\n", + "Completed text 36691\n", + "Completed text 36692\n", + "Completed text 36693\n", + "Completed text 36694\n", + "Completed text 36695\n", + "Completed text 36696\n", + "Completed text 36697\n", + "Completed text 36698\n", + "Completed text 36699\n", + "Completed text 36700\n", + "Completed text 36701\n", + "Completed text 36702\n", + "Completed text 36703\n", + "Completed text 36704\n", + "Completed text 36705\n", + "Completed text 36706\n", + "Completed text 36707\n", + "Completed text 36708\n", + "Completed text 36709\n", + "Completed text 36710\n", + "Completed text 36711\n", + "Completed text 36712\n", + "Completed text 36713\n", + "Completed text 36714\n", + "Completed text 36715\n", + "Completed text 36716\n", + "Completed text 36717\n", + "Completed text 36718\n", + "Completed text 36719\n", + "Completed text 36720\n", + "Completed text 36721\n", + "Completed text 36722\n", + "Completed text 36723\n", + "Completed text 36724\n", + "Completed text 36725\n", + "Completed text 36726\n", + "Completed text 36727\n", + "Completed text 36728\n", + "Completed text 36729\n", + "Completed text 36730\n", + "Completed text 36731\n", + "Completed text 36732\n", + "Completed text 36733\n", + "Completed text 36734\n", + "Completed text 36735\n", + "Completed text 36736\n", + "Completed text 36737\n", + "Completed text 36738\n", + "Completed text 36739\n", + "Completed text 36740\n", + "Completed text 36741\n", + "Completed text 36742\n", + "Completed text 36743\n", + "Completed text 36744\n", + "Completed text 36745\n", + "Completed text 36746\n", + "Completed text 36747\n", + "Completed text 36748\n", + "Completed text 36749\n", + "Completed text 36750\n", + "Completed text 36751\n", + "Completed text 36752\n", + "Completed text 36753\n", + "Completed text 36754\n", + "Completed text 36755\n", + "Completed text 36756\n", + "Completed text 36757\n", + "Completed text 36758\n", + "Completed text 36759\n", + "Completed text 36760\n", + "Completed text 36761\n", + "Completed text 36762\n", + "Completed text 36763\n", + "Completed text 36764\n", + "Completed text 36765\n", + "Completed text 36766\n", + "Completed text 36767\n", + "Completed text 36768\n", + "Completed text 36769\n", + "Completed text 36770\n", + "Completed text 36771\n", + "Completed text 36772\n", + "Completed text 36773\n", + "Completed text 36774\n", + "Completed text 36775\n", + "Completed text 36776\n", + "Completed text 36777\n", + "Completed text 36778\n", + "Completed text 36779\n", + "Completed text 36780\n", + "Completed text 36781\n", + "Completed text 36782\n", + "Completed text 36783\n", + "Completed text 36784\n", + "Completed text 36785\n", + "Completed text 36786\n", + "Completed text 36787\n", + "Completed text 36788\n", + "Completed text 36789\n", + "Completed text 36790\n", + "Completed text 36791\n", + "Completed text 36792\n", + "Completed text 36793\n", + "Completed text 36794\n", + "Completed text 36795\n", + "Completed text 36796\n", + "Completed text 36797\n", + "Completed text 36798\n", + "Completed text 36799\n", + "Completed text 36800\n", + "Completed text 36801\n", + "Completed text 36802\n", + "Completed text 36803\n", + "Completed text 36804\n", + "Completed text 36805\n", + "Completed text 36806\n", + "Completed text 36807\n", + "Completed text 36808\n", + "Completed text 36809\n", + "Completed text 36810\n", + "Completed text 36811\n", + "Completed text 36812\n", + "Completed text 36813\n", + "Completed text 36814\n", + "Completed text 36815\n", + "Completed text 36816\n", + "Completed text 36817\n", + "Completed text 36818\n", + "Completed text 36819\n", + "Completed text 36820\n", + "Completed text 36821\n", + "Completed text 36822\n", + "Completed text 36823\n", + "Completed text 36824\n", + "Completed text 36825\n", + "Completed text 36826\n", + "Completed text 36827\n", + "Completed text 36828\n", + "Completed text 36829\n", + "Completed text 36830\n", + "Completed text 36831\n", + "Completed text 36832\n", + "Completed text 36833\n", + "Completed text 36834\n", + "Completed text 36835\n", + "Completed text 36836\n", + "Completed text 36837\n", + "Completed text 36838\n", + "Completed text 36839\n", + "Completed text 36840\n", + "Completed text 36841\n", + "Completed text 36842\n", + "Completed text 36843\n", + "Completed text 36844\n", + "Completed text 36845\n", + "Completed text 36846\n", + "Completed text 36847\n", + "Completed text 36848\n", + "Completed text 36849\n", + "Completed text 36850\n", + "Completed text 36851\n", + "Completed text 36852\n", + "Completed text 36853\n", + "Completed text 36854\n", + "Completed text 36855\n", + "Completed text 36856\n", + "Completed text 36857\n", + "Completed text 36858\n", + "Completed text 36859\n", + "Completed text 36860\n", + "Completed text 36861\n", + "Completed text 36862\n", + "Completed text 36863\n", + "Completed text 36864\n", + "Completed text 36865\n", + "Completed text 36866\n", + "Completed text 36867\n", + "Completed text 36868\n", + "Completed text 36869\n", + "Completed text 36870\n", + "Completed text 36871\n", + "Completed text 36872\n", + "Completed text 36873\n", + "Completed text 36874\n", + "Completed text 36875\n", + "Completed text 36876\n", + "Completed text 36877\n", + "Completed text 36878\n", + "Completed text 36879\n", + "Completed text 36880\n", + "Completed text 36881\n", + "Completed text 36882\n", + "Completed text 36883\n", + "Completed text 36884\n", + "Completed text 36885\n", + "Completed text 36886\n", + "Completed text 36887\n", + "Completed text 36888\n", + "Completed text 36889\n", + "Completed text 36890\n", + "Completed text 36891\n", + "Completed text 36892\n", + "Completed text 36893\n", + "Completed text 36894\n", + "Completed text 36895\n", + "Completed text 36896\n", + "Completed text 36897\n", + "Completed text 36898\n", + "Completed text 36899\n", + "Completed text 36900\n", + "Completed text 36901\n", + "Completed text 36902\n", + "Completed text 36903\n", + "Completed text 36904\n", + "Completed text 36905\n", + "Completed text 36906\n", + "Completed text 36907\n", + "Completed text 36908\n", + "Completed text 36909\n", + "Completed text 36910\n", + "Completed text 36911\n", + "Completed text 36912\n", + "Completed text 36913\n", + "Completed text 36914\n", + "Completed text 36915\n", + "Completed text 36916\n", + "Completed text 36917\n", + "Completed text 36918\n", + "Completed text 36919\n", + "Completed text 36920\n", + "Completed text 36921\n", + "Completed text 36922\n", + "Completed text 36923\n", + "Completed text 36924\n", + "Completed text 36925\n", + "Completed text 36926\n", + "Completed text 36927\n", + "Completed text 36928\n", + "Completed text 36929\n", + "Completed text 36930\n", + "Completed text 36931\n", + "Completed text 36932\n", + "Completed text 36933\n", + "Completed text 36934\n", + "Completed text 36935\n", + "Completed text 36936\n", + "Completed text 36937\n", + "Completed text 36938\n", + "Completed text 36939\n", + "Completed text 36940\n", + "Completed text 36941\n", + "Completed text 36942\n", + "Completed text 36943\n", + "Completed text 36944\n", + "Completed text 36945\n", + "Completed text 36946\n", + "Completed text 36947\n", + "Completed text 36948\n", + "Completed text 36949\n", + "Completed text 36950\n", + "Completed text 36951\n", + "Completed text 36952\n", + "Completed text 36953\n", + "Completed text 36954\n", + "Completed text 36955\n", + "Completed text 36956\n", + "Completed text 36957\n", + "Completed text 36958\n", + "Completed text 36959\n", + "Completed text 36960\n", + "Completed text 36961\n", + "Completed text 36962\n", + "Completed text 36963\n", + "Completed text 36964\n", + "Completed text 36965\n", + "Completed text 36966\n", + "Completed text 36967\n", + "Completed text 36968\n", + "Completed text 36969\n", + "Completed text 36970\n", + "Completed text 36971\n", + "Completed text 36972\n", + "Completed text 36973\n", + "Completed text 36974\n", + "Completed text 36975\n", + "Completed text 36976\n", + "Completed text 36977\n", + "Completed text 36978\n", + "Completed text 36979\n", + "Completed text 36980\n", + "Completed text 36981\n", + "Completed text 36982\n", + "Completed text 36983\n", + "Completed text 36984\n", + "Completed text 36985\n", + "Completed text 36986\n", + "Completed text 36987\n", + "Completed text 36988\n", + "Completed text 36989\n", + "Completed text 36990\n", + "Completed text 36991\n", + "Completed text 36992\n", + "Completed text 36993\n", + "Completed text 36994\n", + "Completed text 36995\n", + "Completed text 36996\n", + "Completed text 36997\n", + "Completed text 36998\n", + "Completed text 36999\n", + "Completed text 37000\n", + "Completed text 37001\n", + "Completed text 37002\n", + "Completed text 37003\n", + "Completed text 37004\n", + "Completed text 37005\n", + "Completed text 37006\n", + "Completed text 37007\n", + "Completed text 37008\n", + "Completed text 37009\n", + "Completed text 37010\n", + "Completed text 37011\n", + "Completed text 37012\n", + "Completed text 37013\n", + "Completed text 37014\n", + "Completed text 37015\n", + "Completed text 37016\n", + "Completed text 37017\n", + "Completed text 37018\n", + "Completed text 37019\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 37020\n", + "Completed text 37021\n", + "Completed text 37022\n", + "Completed text 37023\n", + "Completed text 37024\n", + "Completed text 37025\n", + "Completed text 37026\n", + "Completed text 37027\n", + "Completed text 37028\n", + "Completed text 37029\n", + "Completed text 37030\n", + "Completed text 37031\n", + "Completed text 37032\n", + "Completed text 37033\n", + "Completed text 37034\n", + "Completed text 37035\n", + "Completed text 37036\n", + "Completed text 37037\n", + "Completed text 37038\n", + "Completed text 37039\n", + "Completed text 37040\n", + "Completed text 37041\n", + "Completed text 37042\n", + "Completed text 37043\n", + "Completed text 37044\n", + "Completed text 37045\n", + "Completed text 37046\n", + "Completed text 37047\n", + "Completed text 37048\n", + "Completed text 37049\n", + "Completed text 37050\n", + "Completed text 37051\n", + "Completed text 37052\n", + "Completed text 37053\n", + "Completed text 37054\n", + "Completed text 37055\n", + "Completed text 37056\n", + "Completed text 37057\n", + "Completed text 37058\n", + "Completed text 37059\n", + "Completed text 37060\n", + "Completed text 37061\n", + "Completed text 37062\n", + "Completed text 37063\n", + "Completed text 37064\n", + "Completed text 37065\n", + "Completed text 37066\n", + "Completed text 37067\n", + "Completed text 37068\n", + "Completed text 37069\n", + "Completed text 37070\n", + "Completed text 37071\n", + "Completed text 37072\n", + "Completed text 37073\n", + "Completed text 37074\n", + "Completed text 37075\n", + "Completed text 37076\n", + "Completed text 37077\n", + "Completed text 37078\n", + "Completed text 37079\n", + "Completed text 37080\n", + "Completed text 37081\n", + "Completed text 37082\n", + "Completed text 37083\n", + "Completed text 37084\n", + "Completed text 37085\n", + "Completed text 37086\n", + "Completed text 37087\n", + "Completed text 37088\n", + "Completed text 37089\n", + "Completed text 37090\n", + "Completed text 37091\n", + "Completed text 37092\n", + "Completed text 37093\n", + "Completed text 37094\n", + "Completed text 37095\n", + "Completed text 37096\n", + "Completed text 37097\n", + "Completed text 37098\n", + "Completed text 37099\n", + "Completed text 37100\n", + "Completed text 37101\n", + "Completed text 37102\n", + "Completed text 37103\n", + "Completed text 37104\n", + "Completed text 37105\n", + "Completed text 37106\n", + "Completed text 37107\n", + "Completed text 37108\n", + "Completed text 37109\n", + "Completed text 37110\n", + "Completed text 37111\n", + "Completed text 37112\n", + "Completed text 37113\n", + "Completed text 37114\n", + "Completed text 37115\n", + "Completed text 37116\n", + "Completed text 37117\n", + "Completed text 37118\n", + "Completed text 37119\n", + "Completed text 37120\n", + "Completed text 37121\n", + "Completed text 37122\n", + "Completed text 37123\n", + "Completed text 37124\n", + "Completed text 37125\n", + "Completed text 37126\n", + "Completed text 37127\n", + "Completed text 37128\n", + "Completed text 37129\n", + "Completed text 37130\n", + "Completed text 37131\n", + "Completed text 37132\n", + "Completed text 37133\n", + "Completed text 37134\n", + "Completed text 37135\n", + "Completed text 37136\n", + "Completed text 37137\n", + "Completed text 37138\n", + "Completed text 37139\n", + "Completed text 37140\n", + "Completed text 37141\n", + "Completed text 37142\n", + "Completed text 37143\n", + "Completed text 37144\n", + "Completed text 37145\n", + "Completed text 37146\n", + "Completed text 37147\n", + "Completed text 37148\n", + "Completed text 37149\n", + "Completed text 37150\n", + "Completed text 37151\n", + "Completed text 37152\n", + "Completed text 37153\n", + "Completed text 37154\n", + "Completed text 37155\n", + "Completed text 37156\n", + "Completed text 37157\n", + "Completed text 37158\n", + "Completed text 37159\n", + "Completed text 37160\n", + "Completed text 37161\n", + "Completed text 37162\n", + "Completed text 37163\n", + "Completed text 37164\n", + "Completed text 37165\n", + "Completed text 37166\n", + "Completed text 37167\n", + "Completed text 37168\n", + "Completed text 37169\n", + "Completed text 37170\n", + "Completed text 37171\n", + "Completed text 37172\n", + "Completed text 37173\n", + "Completed text 37174\n", + "Completed text 37175\n", + "Completed text 37176\n", + "Completed text 37177\n", + "Completed text 37178\n", + "Completed text 37179\n", + "Completed text 37180\n", + "Completed text 37181\n", + "Completed text 37182\n", + "Completed text 37183\n", + "Completed text 37184\n", + "Completed text 37185\n", + "Completed text 37186\n", + "Completed text 37187\n", + "Completed text 37188\n", + "Completed text 37189\n", + "Completed text 37190\n", + "Completed text 37191\n", + "Completed text 37192\n", + "Completed text 37193\n", + "Completed text 37194\n", + "Completed text 37195\n", + "Completed text 37196\n", + "Completed text 37197\n", + "Completed text 37198\n", + "Completed text 37199\n", + "Completed text 37200\n", + "Completed text 37201\n", + "Completed text 37202\n", + "Completed text 37203\n", + "Completed text 37204\n", + "Completed text 37205\n", + "Completed text 37206\n", + "Completed text 37207\n", + "Completed text 37208\n", + "Completed text 37209\n", + "Completed text 37210\n", + "Completed text 37211\n", + "Completed text 37212\n", + "Completed text 37213\n", + "Completed text 37214\n", + "Completed text 37215\n", + "Completed text 37216\n", + "Completed text 37217\n", + "Completed text 37218\n", + "Completed text 37219\n", + "Completed text 37220\n", + "Completed text 37221\n", + "Completed text 37222\n", + "Completed text 37223\n", + "Completed text 37224\n", + "Completed text 37225\n", + "Completed text 37226\n", + "Completed text 37227\n", + "Completed text 37228\n", + "Completed text 37229\n", + "Completed text 37230\n", + "Completed text 37231\n", + "Completed text 37232\n", + "Completed text 37233\n", + "Completed text 37234\n", + "Completed text 37235\n", + "Completed text 37236\n", + "Completed text 37237\n", + "Completed text 37238\n", + "Completed text 37239\n", + "Completed text 37240\n", + "Completed text 37241\n", + "Completed text 37242\n", + "Completed text 37243\n", + "Completed text 37244\n", + "Completed text 37245\n", + "Completed text 37246\n", + "Completed text 37247\n", + "Completed text 37248\n", + "Completed text 37249\n", + "Completed text 37250\n", + "Completed text 37251\n", + "Completed text 37252\n", + "Completed text 37253\n", + "Completed text 37254\n", + "Completed text 37255\n", + "Completed text 37256\n", + "Completed text 37257\n", + "Completed text 37258\n", + "Completed text 37259\n", + "Completed text 37260\n", + "Completed text 37261\n", + "Completed text 37262\n", + "Completed text 37263\n", + "Completed text 37264\n", + "Completed text 37265\n", + "Completed text 37266\n", + "Completed text 37267\n", + "Completed text 37268\n", + "Completed text 37269\n", + "Completed text 37270\n", + "Completed text 37271\n", + "Completed text 37272\n", + "Completed text 37273\n", + "Completed text 37274\n", + "Completed text 37275\n", + "Completed text 37276\n", + "Completed text 37277\n", + "Completed text 37278\n", + "Completed text 37279\n", + "Completed text 37280\n", + "Completed text 37281\n", + "Completed text 37282\n", + "Completed text 37283\n", + "Completed text 37284\n", + "Completed text 37285\n", + "Completed text 37286\n", + "Completed text 37287\n", + "Completed text 37288\n", + "Completed text 37289\n", + "Completed text 37290\n", + "Completed text 37291\n", + "Completed text 37292\n", + "Completed text 37293\n", + "Completed text 37294\n", + "Completed text 37295\n", + "Completed text 37296\n", + "Completed text 37297\n", + "Completed text 37298\n", + "Completed text 37299\n", + "Completed text 37300\n", + "Completed text 37301\n", + "Completed text 37302\n", + "Completed text 37303\n", + "Completed text 37304\n", + "Completed text 37305\n", + "Completed text 37306\n", + "Completed text 37307\n", + "Completed text 37308\n", + "Completed text 37309\n", + "Completed text 37310\n", + "Completed text 37311\n", + "Completed text 37312\n", + "Completed text 37313\n", + "Completed text 37314\n", + "Completed text 37315\n", + "Completed text 37316\n", + "Completed text 37317\n", + "Completed text 37318\n", + "Completed text 37319\n", + "Completed text 37320\n", + "Completed text 37321\n", + "Completed text 37322\n", + "Completed text 37323\n", + "Completed text 37324\n", + "Completed text 37325\n", + "Completed text 37326\n", + "Completed text 37327\n", + "Completed text 37328\n", + "Completed text 37329\n", + "Completed text 37330\n", + "Completed text 37331\n", + "Completed text 37332\n", + "Completed text 37333\n", + "Completed text 37334\n", + "Completed text 37335\n", + "Completed text 37336\n", + "Completed text 37337\n", + "Completed text 37338\n", + "Completed text 37339\n", + "Completed text 37340\n", + "Completed text 37341\n", + "Completed text 37342\n", + "Completed text 37343\n", + "Completed text 37344\n", + "Completed text 37345\n", + "Completed text 37346\n", + "Completed text 37347\n", + "Completed text 37348\n", + "Completed text 37349\n", + "Completed text 37350\n", + "Completed text 37351\n", + "Completed text 37352\n", + "Completed text 37353\n", + "Completed text 37354\n", + "Completed text 37355\n", + "Completed text 37356\n", + "Completed text 37357\n", + "Completed text 37358\n", + "Completed text 37359\n", + "Completed text 37360\n", + "Completed text 37361\n", + "Completed text 37362\n", + "Completed text 37363\n", + "Completed text 37364\n", + "Completed text 37365\n", + "Completed text 37366\n", + "Completed text 37367\n", + "Completed text 37368\n", + "Completed text 37369\n", + "Completed text 37370\n", + "Completed text 37371\n", + "Completed text 37372\n", + "Completed text 37373\n", + "Completed text 37374\n", + "Completed text 37375\n", + "Completed text 37376\n", + "Completed text 37377\n", + "Completed text 37378\n", + "Completed text 37379\n", + "Completed text 37380\n", + "Completed text 37381\n", + "Completed text 37382\n", + "Completed text 37383\n", + "Completed text 37384\n", + "Completed text 37385\n", + "Completed text 37386\n", + "Completed text 37387\n", + "Completed text 37388\n", + "Completed text 37389\n", + "Completed text 37390\n", + "Completed text 37391\n", + "Completed text 37392\n", + "Completed text 37393\n", + "Completed text 37394\n", + "Completed text 37395\n", + "Completed text 37396\n", + "Completed text 37397\n", + "Completed text 37398\n", + "Completed text 37399\n", + "Completed text 37400\n", + "Completed text 37401\n", + "Completed text 37402\n", + "Completed text 37403\n", + "Completed text 37404\n", + "Completed text 37405\n", + "Completed text 37406\n", + "Completed text 37407\n", + "Completed text 37408\n", + "Completed text 37409\n", + "Completed text 37410\n", + "Completed text 37411\n", + "Completed text 37412\n", + "Completed text 37413\n", + "Completed text 37414\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 37415\n", + "Completed text 37416\n", + "Completed text 37417\n", + "Completed text 37418\n", + "Completed text 37419\n", + "Completed text 37420\n", + "Completed text 37421\n", + "Completed text 37422\n", + "Completed text 37423\n", + "Completed text 37424\n", + "Completed text 37425\n", + "Completed text 37426\n", + "Completed text 37427\n", + "Completed text 37428\n", + "Completed text 37429\n", + "Completed text 37430\n", + "Completed text 37431\n", + "Completed text 37432\n", + "Completed text 37433\n", + "Completed text 37434\n", + "Completed text 37435\n", + "Completed text 37436\n", + "Completed text 37437\n", + "Completed text 37438\n", + "Completed text 37439\n", + "Completed text 37440\n", + "Completed text 37441\n", + "Completed text 37442\n", + "Completed text 37443\n", + "Completed text 37444\n", + "Completed text 37445\n", + "Completed text 37446\n", + "Completed text 37447\n", + "Completed text 37448\n", + "Completed text 37449\n", + "Completed text 37450\n", + "Completed text 37451\n", + "Completed text 37452\n", + "Completed text 37453\n", + "Completed text 37454\n", + "Completed text 37455\n", + "Completed text 37456\n", + "Completed text 37457\n", + "Completed text 37458\n", + "Completed text 37459\n", + "Completed text 37460\n", + "Completed text 37461\n", + "Completed text 37462\n", + "Completed text 37463\n", + "Completed text 37464\n", + "Completed text 37465\n", + "Completed text 37466\n", + "Completed text 37467\n", + "Completed text 37468\n", + "Completed text 37469\n", + "Completed text 37470\n", + "Completed text 37471\n", + "Completed text 37472\n", + "Completed text 37473\n", + "Completed text 37474\n", + "Completed text 37475\n", + "Completed text 37476\n", + "Completed text 37477\n", + "Completed text 37478\n", + "Completed text 37479\n", + "Completed text 37480\n", + "Completed text 37481\n", + "Completed text 37482\n", + "Completed text 37483\n", + "Completed text 37484\n", + "Completed text 37485\n", + "Completed text 37486\n", + "Completed text 37487\n", + "Completed text 37488\n", + "Completed text 37489\n", + "Completed text 37490\n", + "Completed text 37491\n", + "Completed text 37492\n", + "Completed text 37493\n", + "Completed text 37494\n", + "Completed text 37495\n", + "Completed text 37496\n", + "Completed text 37497\n", + "Completed text 37498\n", + "Completed text 37499\n", + "Completed text 37500\n", + "Completed text 37501\n", + "Completed text 37502\n", + "Completed text 37503\n", + "Completed text 37504\n", + "Completed text 37505\n", + "Completed text 37506\n", + "Completed text 37507\n", + "Completed text 37508\n", + "Completed text 37509\n", + "Completed text 37510\n", + "Completed text 37511\n", + "Completed text 37512\n", + "Completed text 37513\n", + "Completed text 37514\n", + "Completed text 37515\n", + "Completed text 37516\n", + "Completed text 37517\n", + "Completed text 37518\n", + "Completed text 37519\n", + "Completed text 37520\n", + "Completed text 37521\n", + "Completed text 37522\n", + "Completed text 37523\n", + "Completed text 37524\n", + "Completed text 37525\n", + "Completed text 37526\n", + "Completed text 37527\n", + "Completed text 37528\n", + "Completed text 37529\n", + "Completed text 37530\n", + "Completed text 37531\n", + "Completed text 37532\n", + "Completed text 37533\n", + "Completed text 37534\n", + "Completed text 37535\n", + "Completed text 37536\n", + "Completed text 37537\n", + "Completed text 37538\n", + "Completed text 37539\n", + "Completed text 37540\n", + "Completed text 37541\n", + "Completed text 37542\n", + "Completed text 37543\n", + "Completed text 37544\n", + "Completed text 37545\n", + "Completed text 37546\n", + "Completed text 37547\n", + "Completed text 37548\n", + "Completed text 37549\n", + "Completed text 37550\n", + "Completed text 37551\n", + "Completed text 37552\n", + "Completed text 37553\n", + "Completed text 37554\n", + "Completed text 37555\n", + "Completed text 37556\n", + "Completed text 37557\n", + "Completed text 37558\n", + "Completed text 37559\n", + "Completed text 37560\n", + "Completed text 37561\n", + "Completed text 37562\n", + "Completed text 37563\n", + "Completed text 37564\n", + "Completed text 37565\n", + "Completed text 37566\n", + "Completed text 37567\n", + "Completed text 37568\n", + "Completed text 37569\n", + "Completed text 37570\n", + "Completed text 37571\n", + "Completed text 37572\n", + "Completed text 37573\n", + "Completed text 37574\n", + "Completed text 37575\n", + "Completed text 37576\n", + "Completed text 37577\n", + "Completed text 37578\n", + "Completed text 37579\n", + "Completed text 37580\n", + "Completed text 37581\n", + "Completed text 37582\n", + "Completed text 37583\n", + "Completed text 37584\n", + "Completed text 37585\n", + "Completed text 37586\n", + "Completed text 37587\n", + "Completed text 37588\n", + "Completed text 37589\n", + "Completed text 37590\n", + "Completed text 37591\n", + "Completed text 37592\n", + "Completed text 37593\n", + "Completed text 37594\n", + "Completed text 37595\n", + "Completed text 37596\n", + "Completed text 37597\n", + "Completed text 37598\n", + "Completed text 37599\n", + "Completed text 37600\n", + "Completed text 37601\n", + "Completed text 37602\n", + "Completed text 37603\n", + "Completed text 37604\n", + "Completed text 37605\n", + "Completed text 37606\n", + "Completed text 37607\n", + "Completed text 37608\n", + "Completed text 37609\n", + "Completed text 37610\n", + "Completed text 37611\n", + "Completed text 37612\n", + "Completed text 37613\n", + "Completed text 37614\n", + "Completed text 37615\n", + "Completed text 37616\n", + "Completed text 37617\n", + "Completed text 37618\n", + "Completed text 37619\n", + "Completed text 37620\n", + "Completed text 37621\n", + "Completed text 37622\n", + "Completed text 37623\n", + "Completed text 37624\n", + "Completed text 37625\n", + "Completed text 37626\n", + "Completed text 37627\n", + "Completed text 37628\n", + "Completed text 37629\n", + "Completed text 37630\n", + "Completed text 37631\n", + "Completed text 37632\n", + "Completed text 37633\n", + "Completed text 37634\n", + "Completed text 37635\n", + "Completed text 37636\n", + "Completed text 37637\n", + "Completed text 37638\n", + "Completed text 37639\n", + "Completed text 37640\n", + "Completed text 37641\n", + "Completed text 37642\n", + "Completed text 37643\n", + "Completed text 37644\n", + "Completed text 37645\n", + "Completed text 37646\n", + "Completed text 37647\n", + "Completed text 37648\n", + "Completed text 37649\n", + "Completed text 37650\n", + "Completed text 37651\n", + "Completed text 37652\n", + "Completed text 37653\n", + "Completed text 37654\n", + "Completed text 37655\n", + "Completed text 37656\n", + "Completed text 37657\n", + "Completed text 37658\n", + "Completed text 37659\n", + "Completed text 37660\n", + "Completed text 37661\n", + "Completed text 37662\n", + "Completed text 37663\n", + "Completed text 37664\n", + "Completed text 37665\n", + "Completed text 37666\n", + "Completed text 37667\n", + "Completed text 37668\n", + "Completed text 37669\n", + "Completed text 37670\n", + "Completed text 37671\n", + "Completed text 37672\n", + "Completed text 37673\n", + "Completed text 37674\n", + "Completed text 37675\n", + "Completed text 37676\n", + "Completed text 37677\n", + "Completed text 37678\n", + "Completed text 37679\n", + "Completed text 37680\n", + "Completed text 37681\n", + "Completed text 37682\n", + "Completed text 37683\n", + "Completed text 37684\n", + "Completed text 37685\n", + "Completed text 37686\n", + "Completed text 37687\n", + "Completed text 37688\n", + "Completed text 37689\n", + "Completed text 37690\n", + "Completed text 37691\n", + "Completed text 37692\n", + "Completed text 37693\n", + "Completed text 37694\n", + "Completed text 37695\n", + "Completed text 37696\n", + "Completed text 37697\n", + "Completed text 37698\n", + "Completed text 37699\n", + "Completed text 37700\n", + "Completed text 37701\n", + "Completed text 37702\n", + "Completed text 37703\n", + "Completed text 37704\n", + "Completed text 37705\n", + "Completed text 37706\n", + "Completed text 37707\n", + "Completed text 37708\n", + "Completed text 37709\n", + "Completed text 37710\n", + "Completed text 37711\n", + "Completed text 37712\n", + "Completed text 37713\n", + "Completed text 37714\n", + "Completed text 37715\n", + "Completed text 37716\n", + "Completed text 37717\n", + "Completed text 37718\n", + "Completed text 37719\n", + "Completed text 37720\n", + "Completed text 37721\n", + "Completed text 37722\n", + "Completed text 37723\n", + "Completed text 37724\n", + "Completed text 37725\n", + "Completed text 37726\n", + "Completed text 37727\n", + "Completed text 37728\n", + "Completed text 37729\n", + "Completed text 37730\n", + "Completed text 37731\n", + "Completed text 37732\n", + "Completed text 37733\n", + "Completed text 37734\n", + "Completed text 37735\n", + "Completed text 37736\n", + "Completed text 37737\n", + "Completed text 37738\n", + "Completed text 37739\n", + "Completed text 37740\n", + "Completed text 37741\n", + "Completed text 37742\n", + "Completed text 37743\n", + "Completed text 37744\n", + "Completed text 37745\n", + "Completed text 37746\n", + "Completed text 37747\n", + "Completed text 37748\n", + "Completed text 37749\n", + "Completed text 37750\n", + "Completed text 37751\n", + "Completed text 37752\n", + "Completed text 37753\n", + "Completed text 37754\n", + "Completed text 37755\n", + "Completed text 37756\n", + "Completed text 37757\n", + "Completed text 37758\n", + "Completed text 37759\n", + "Completed text 37760\n", + "Completed text 37761\n", + "Completed text 37762\n", + "Completed text 37763\n", + "Completed text 37764\n", + "Completed text 37765\n", + "Completed text 37766\n", + "Completed text 37767\n", + "Completed text 37768\n", + "Completed text 37769\n", + "Completed text 37770\n", + "Completed text 37771\n", + "Completed text 37772\n", + "Completed text 37773\n", + "Completed text 37774\n", + "Completed text 37775\n", + "Completed text 37776\n", + "Completed text 37777\n", + "Completed text 37778\n", + "Completed text 37779\n", + "Completed text 37780\n", + "Completed text 37781\n", + "Completed text 37782\n", + "Completed text 37783\n", + "Completed text 37784\n", + "Completed text 37785\n", + "Completed text 37786\n", + "Completed text 37787\n", + "Completed text 37788\n", + "Completed text 37789\n", + "Completed text 37790\n", + "Completed text 37791\n", + "Completed text 37792\n", + "Completed text 37793\n", + "Completed text 37794\n", + "Completed text 37795\n", + "Completed text 37796\n", + "Completed text 37797\n", + "Completed text 37798\n", + "Completed text 37799\n", + "Completed text 37800\n", + "Completed text 37801\n", + "Completed text 37802\n", + "Completed text 37803\n", + "Completed text 37804\n", + "Completed text 37805\n", + "Completed text 37806\n", + "Completed text 37807\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 37808\n", + "Completed text 37809\n", + "Completed text 37810\n", + "Completed text 37811\n", + "Completed text 37812\n", + "Completed text 37813\n", + "Completed text 37814\n", + "Completed text 37815\n", + "Completed text 37816\n", + "Completed text 37817\n", + "Completed text 37818\n", + "Completed text 37819\n", + "Completed text 37820\n", + "Completed text 37821\n", + "Completed text 37822\n", + "Completed text 37823\n", + "Completed text 37824\n", + "Completed text 37825\n", + "Completed text 37826\n", + "Completed text 37827\n", + "Completed text 37828\n", + "Completed text 37829\n", + "Completed text 37830\n", + "Completed text 37831\n", + "Completed text 37832\n", + "Completed text 37833\n", + "Completed text 37834\n", + "Completed text 37835\n", + "Completed text 37836\n", + "Completed text 37837\n", + "Completed text 37838\n", + "Completed text 37839\n", + "Completed text 37840\n", + "Completed text 37841\n", + "Completed text 37842\n", + "Completed text 37843\n", + "Completed text 37844\n", + "Completed text 37845\n", + "Completed text 37846\n", + "Completed text 37847\n", + "Completed text 37848\n", + "Completed text 37849\n", + "Completed text 37850\n", + "Completed text 37851\n", + "Completed text 37852\n", + "Completed text 37853\n", + "Completed text 37854\n", + "Completed text 37855\n", + "Completed text 37856\n", + "Completed text 37857\n", + "Completed text 37858\n", + "Completed text 37859\n", + "Completed text 37860\n", + "Completed text 37861\n", + "Completed text 37862\n", + "Completed text 37863\n", + "Completed text 37864\n", + "Completed text 37865\n", + "Completed text 37866\n", + "Completed text 37867\n", + "Completed text 37868\n", + "Completed text 37869\n", + "Completed text 37870\n", + "Completed text 37871\n", + "Completed text 37872\n", + "Completed text 37873\n", + "Completed text 37874\n", + "Completed text 37875\n", + "Completed text 37876\n", + "Completed text 37877\n", + "Completed text 37878\n", + "Completed text 37879\n", + "Completed text 37880\n", + "Completed text 37881\n", + "Completed text 37882\n", + "Completed text 37883\n", + "Completed text 37884\n", + "Completed text 37885\n", + "Completed text 37886\n", + "Completed text 37887\n", + "Completed text 37888\n", + "Completed text 37889\n", + "Completed text 37890\n", + "Completed text 37891\n", + "Completed text 37892\n", + "Completed text 37893\n", + "Completed text 37894\n", + "Completed text 37895\n", + "Completed text 37896\n", + "Completed text 37897\n", + "Completed text 37898\n", + "Completed text 37899\n", + "Completed text 37900\n", + "Completed text 37901\n", + "Completed text 37902\n", + "Completed text 37903\n", + "Completed text 37904\n", + "Completed text 37905\n", + "Completed text 37906\n", + "Completed text 37907\n", + "Completed text 37908\n", + "Completed text 37909\n", + "Completed text 37910\n", + "Completed text 37911\n", + "Completed text 37912\n", + "Completed text 37913\n", + "Completed text 37914\n", + "Completed text 37915\n", + "Completed text 37916\n", + "Completed text 37917\n", + "Completed text 37918\n", + "Completed text 37919\n", + "Completed text 37920\n", + "Completed text 37921\n", + "Completed text 37922\n", + "Completed text 37923\n", + "Completed text 37924\n", + "Completed text 37925\n", + "Completed text 37926\n", + "Completed text 37927\n", + "Completed text 37928\n", + "Completed text 37929\n", + "Completed text 37930\n", + "Completed text 37931\n", + "Completed text 37932\n", + "Completed text 37933\n", + "Completed text 37934\n", + "Completed text 37935\n", + "Completed text 37936\n", + "Completed text 37937\n", + "Completed text 37938\n", + "Completed text 37939\n", + "Completed text 37940\n", + "Completed text 37941\n", + "Completed text 37942\n", + "Completed text 37943\n", + "Completed text 37944\n", + "Completed text 37945\n", + "Completed text 37946\n", + "Completed text 37947\n", + "Completed text 37948\n", + "Completed text 37949\n", + "Completed text 37950\n", + "Completed text 37951\n", + "Completed text 37952\n", + "Completed text 37953\n", + "Completed text 37954\n", + "Completed text 37955\n", + "Completed text 37956\n", + "Completed text 37957\n", + "Completed text 37958\n", + "Completed text 37959\n", + "Completed text 37960\n", + "Completed text 37961\n", + "Completed text 37962\n", + "Completed text 37963\n", + "Completed text 37964\n", + "Completed text 37965\n", + "Completed text 37966\n", + "Completed text 37967\n", + "Completed text 37968\n", + "Completed text 37969\n", + "Completed text 37970\n", + "Completed text 37971\n", + "Completed text 37972\n", + "Completed text 37973\n", + "Completed text 37974\n", + "Completed text 37975\n", + "Completed text 37976\n", + "Completed text 37977\n", + "Completed text 37978\n", + "Completed text 37979\n", + "Completed text 37980\n", + "Completed text 37981\n", + "Completed text 37982\n", + "Completed text 37983\n", + "Completed text 37984\n", + "Completed text 37985\n", + "Completed text 37986\n", + "Completed text 37987\n", + "Completed text 37988\n", + "Completed text 37989\n", + "Completed text 37990\n", + "Completed text 37991\n", + "Completed text 37992\n", + "Completed text 37993\n", + "Completed text 37994\n", + "Completed text 37995\n", + "Completed text 37996\n", + "Completed text 37997\n", + "Completed text 37998\n", + "Completed text 37999\n", + "Completed text 38000\n", + "Completed text 38001\n", + "Completed text 38002\n", + "Completed text 38003\n", + "Completed text 38004\n", + "Completed text 38005\n", + "Completed text 38006\n", + "Completed text 38007\n", + "Completed text 38008\n", + "Completed text 38009\n", + "Completed text 38010\n", + "Completed text 38011\n", + "Completed text 38012\n", + "Completed text 38013\n", + "Completed text 38014\n", + "Completed text 38015\n", + "Completed text 38016\n", + "Completed text 38017\n", + "Completed text 38018\n", + "Completed text 38019\n", + "Completed text 38020\n", + "Completed text 38021\n", + "Completed text 38022\n", + "Completed text 38023\n", + "Completed text 38024\n", + "Completed text 38025\n", + "Completed text 38026\n", + "Completed text 38027\n", + "Completed text 38028\n", + "Completed text 38029\n", + "Completed text 38030\n", + "Completed text 38031\n", + "Completed text 38032\n", + "Completed text 38033\n", + "Completed text 38034\n", + "Completed text 38035\n", + "Completed text 38036\n", + "Completed text 38037\n", + "Completed text 38038\n", + "Completed text 38039\n", + "Completed text 38040\n", + "Completed text 38041\n", + "Completed text 38042\n", + "Completed text 38043\n", + "Completed text 38044\n", + "Completed text 38045\n", + "Completed text 38046\n", + "Completed text 38047\n", + "Completed text 38048\n", + "Completed text 38049\n", + "Completed text 38050\n", + "Completed text 38051\n", + "Completed text 38052\n", + "Completed text 38053\n", + "Completed text 38054\n", + "Completed text 38055\n", + "Completed text 38056\n", + "Completed text 38057\n", + "Completed text 38058\n", + "Completed text 38059\n", + "Completed text 38060\n", + "Completed text 38061\n", + "Completed text 38062\n", + "Completed text 38063\n", + "Completed text 38064\n", + "Completed text 38065\n", + "Completed text 38066\n", + "Completed text 38067\n", + "Completed text 38068\n", + "Completed text 38069\n", + "Completed text 38070\n", + "Completed text 38071\n", + "Completed text 38072\n", + "Completed text 38073\n", + "Completed text 38074\n", + "Completed text 38075\n", + "Completed text 38076\n", + "Completed text 38077\n", + "Completed text 38078\n", + "Completed text 38079\n", + "Completed text 38080\n", + "Completed text 38081\n", + "Completed text 38082\n", + "Completed text 38083\n", + "Completed text 38084\n", + "Completed text 38085\n", + "Completed text 38086\n", + "Completed text 38087\n", + "Completed text 38088\n", + "Completed text 38089\n", + "Completed text 38090\n", + "Completed text 38091\n", + "Completed text 38092\n", + "Completed text 38093\n", + "Completed text 38094\n", + "Completed text 38095\n", + "Completed text 38096\n", + "Completed text 38097\n", + "Completed text 38098\n", + "Completed text 38099\n", + "Completed text 38100\n", + "Completed text 38101\n", + "Completed text 38102\n", + "Completed text 38103\n", + "Completed text 38104\n", + "Completed text 38105\n", + "Completed text 38106\n", + "Completed text 38107\n", + "Completed text 38108\n", + "Completed text 38109\n", + "Completed text 38110\n", + "Completed text 38111\n", + "Completed text 38112\n", + "Completed text 38113\n", + "Completed text 38114\n", + "Completed text 38115\n", + "Completed text 38116\n", + "Completed text 38117\n", + "Completed text 38118\n", + "Completed text 38119\n", + "Completed text 38120\n", + "Completed text 38121\n", + "Completed text 38122\n", + "Completed text 38123\n", + "Completed text 38124\n", + "Completed text 38125\n", + "Completed text 38126\n", + "Completed text 38127\n", + "Completed text 38128\n", + "Completed text 38129\n", + "Completed text 38130\n", + "Completed text 38131\n", + "Completed text 38132\n", + "Completed text 38133\n", + "Completed text 38134\n", + "Completed text 38135\n", + "Completed text 38136\n", + "Completed text 38137\n", + "Completed text 38138\n", + "Completed text 38139\n", + "Completed text 38140\n", + "Completed text 38141\n", + "Completed text 38142\n", + "Completed text 38143\n", + "Completed text 38144\n", + "Completed text 38145\n", + "Completed text 38146\n", + "Completed text 38147\n", + "Completed text 38148\n", + "Completed text 38149\n", + "Completed text 38150\n", + "Completed text 38151\n", + "Completed text 38152\n", + "Completed text 38153\n", + "Completed text 38154\n", + "Completed text 38155\n", + "Completed text 38156\n", + "Completed text 38157\n", + "Completed text 38158\n", + "Completed text 38159\n", + "Completed text 38160\n", + "Completed text 38161\n", + "Completed text 38162\n", + "Completed text 38163\n", + "Completed text 38164\n", + "Completed text 38165\n", + "Completed text 38166\n", + "Completed text 38167\n", + "Completed text 38168\n", + "Completed text 38169\n", + "Completed text 38170\n", + "Completed text 38171\n", + "Completed text 38172\n", + "Completed text 38173\n", + "Completed text 38174\n", + "Completed text 38175\n", + "Completed text 38176\n", + "Completed text 38177\n", + "Completed text 38178\n", + "Completed text 38179\n", + "Completed text 38180\n", + "Completed text 38181\n", + "Completed text 38182\n", + "Completed text 38183\n", + "Completed text 38184\n", + "Completed text 38185\n", + "Completed text 38186\n", + "Completed text 38187\n", + "Completed text 38188\n", + "Completed text 38189\n", + "Completed text 38190\n", + "Completed text 38191\n", + "Completed text 38192\n", + "Completed text 38193\n", + "Completed text 38194\n", + "Completed text 38195\n", + "Completed text 38196\n", + "Completed text 38197\n", + "Completed text 38198\n", + "Completed text 38199\n", + "Completed text 38200\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 38201\n", + "Completed text 38202\n", + "Completed text 38203\n", + "Completed text 38204\n", + "Completed text 38205\n", + "Completed text 38206\n", + "Completed text 38207\n", + "Completed text 38208\n", + "Completed text 38209\n", + "Completed text 38210\n", + "Completed text 38211\n", + "Completed text 38212\n", + "Completed text 38213\n", + "Completed text 38214\n", + "Completed text 38215\n", + "Completed text 38216\n", + "Completed text 38217\n", + "Completed text 38218\n", + "Completed text 38219\n", + "Completed text 38220\n", + "Completed text 38221\n", + "Completed text 38222\n", + "Completed text 38223\n", + "Completed text 38224\n", + "Completed text 38225\n", + "Completed text 38226\n", + "Completed text 38227\n", + "Completed text 38228\n", + "Completed text 38229\n", + "Completed text 38230\n", + "Completed text 38231\n", + "Completed text 38232\n", + "Completed text 38233\n", + "Completed text 38234\n", + "Completed text 38235\n", + "Completed text 38236\n", + "Completed text 38237\n", + "Completed text 38238\n", + "Completed text 38239\n", + "Completed text 38240\n", + "Completed text 38241\n", + "Completed text 38242\n", + "Completed text 38243\n", + "Completed text 38244\n", + "Completed text 38245\n", + "Completed text 38246\n", + "Completed text 38247\n", + "Completed text 38248\n", + "Completed text 38249\n", + "Completed text 38250\n", + "Completed text 38251\n", + "Completed text 38252\n", + "Completed text 38253\n", + "Completed text 38254\n", + "Completed text 38255\n", + "Completed text 38256\n", + "Completed text 38257\n", + "Completed text 38258\n", + "Completed text 38259\n", + "Completed text 38260\n", + "Completed text 38261\n", + "Completed text 38262\n", + "Completed text 38263\n", + "Completed text 38264\n", + "Completed text 38265\n", + "Completed text 38266\n", + "Completed text 38267\n", + "Completed text 38268\n", + "Completed text 38269\n", + "Completed text 38270\n", + "Completed text 38271\n", + "Completed text 38272\n", + "Completed text 38273\n", + "Completed text 38274\n", + "Completed text 38275\n", + "Completed text 38276\n", + "Completed text 38277\n", + "Completed text 38278\n", + "Completed text 38279\n", + "Completed text 38280\n", + "Completed text 38281\n", + "Completed text 38282\n", + "Completed text 38283\n", + "Completed text 38284\n", + "Completed text 38285\n", + "Completed text 38286\n", + "Completed text 38287\n", + "Completed text 38288\n", + "Completed text 38289\n", + "Completed text 38290\n", + "Completed text 38291\n", + "Completed text 38292\n", + "Completed text 38293\n", + "Completed text 38294\n", + "Completed text 38295\n", + "Completed text 38296\n", + "Completed text 38297\n", + "Completed text 38298\n", + "Completed text 38299\n", + "Completed text 38300\n", + "Completed text 38301\n", + "Completed text 38302\n", + "Completed text 38303\n", + "Completed text 38304\n", + "Completed text 38305\n", + "Completed text 38306\n", + "Completed text 38307\n", + "Completed text 38308\n", + "Completed text 38309\n", + "Completed text 38310\n", + "Completed text 38311\n", + "Completed text 38312\n", + "Completed text 38313\n", + "Completed text 38314\n", + "Completed text 38315\n", + "Completed text 38316\n", + "Completed text 38317\n", + "Completed text 38318\n", + "Completed text 38319\n", + "Completed text 38320\n", + "Completed text 38321\n", + "Completed text 38322\n", + "Completed text 38323\n", + "Completed text 38324\n", + "Completed text 38325\n", + "Completed text 38326\n", + "Completed text 38327\n", + "Completed text 38328\n", + "Completed text 38329\n", + "Completed text 38330\n", + "Completed text 38331\n", + "Completed text 38332\n", + "Completed text 38333\n", + "Completed text 38334\n", + "Completed text 38335\n", + "Completed text 38336\n", + "Completed text 38337\n", + "Completed text 38338\n", + "Completed text 38339\n", + "Completed text 38340\n", + "Completed text 38341\n", + "Completed text 38342\n", + "Completed text 38343\n", + "Completed text 38344\n", + "Completed text 38345\n", + "Completed text 38346\n", + "Completed text 38347\n", + "Completed text 38348\n", + "Completed text 38349\n", + "Completed text 38350\n", + "Completed text 38351\n", + "Completed text 38352\n", + "Completed text 38353\n", + "Completed text 38354\n", + "Completed text 38355\n", + "Completed text 38356\n", + "Completed text 38357\n", + "Completed text 38358\n", + "Completed text 38359\n", + "Completed text 38360\n", + "Completed text 38361\n", + "Completed text 38362\n", + "Completed text 38363\n", + "Completed text 38364\n", + "Completed text 38365\n", + "Completed text 38366\n", + "Completed text 38367\n", + "Completed text 38368\n", + "Completed text 38369\n", + "Completed text 38370\n", + "Completed text 38371\n", + "Completed text 38372\n", + "Completed text 38373\n", + "Completed text 38374\n", + "Completed text 38375\n", + "Completed text 38376\n", + "Completed text 38377\n", + "Completed text 38378\n", + "Completed text 38379\n", + "Completed text 38380\n", + "Completed text 38381\n", + "Completed text 38382\n", + "Completed text 38383\n", + "Completed text 38384\n", + "Completed text 38385\n", + "Completed text 38386\n", + "Completed text 38387\n", + "Completed text 38388\n", + "Completed text 38389\n", + "Completed text 38390\n", + "Completed text 38391\n", + "Completed text 38392\n", + "Completed text 38393\n", + "Completed text 38394\n", + "Completed text 38395\n", + "Completed text 38396\n", + "Completed text 38397\n", + "Completed text 38398\n", + "Completed text 38399\n", + "Completed text 38400\n", + "Completed text 38401\n", + "Completed text 38402\n", + "Completed text 38403\n", + "Completed text 38404\n", + "Completed text 38405\n", + "Completed text 38406\n", + "Completed text 38407\n", + "Completed text 38408\n", + "Completed text 38409\n", + "Completed text 38410\n", + "Completed text 38411\n", + "Completed text 38412\n", + "Completed text 38413\n", + "Completed text 38414\n", + "Completed text 38415\n", + "Completed text 38416\n", + "Completed text 38417\n", + "Completed text 38418\n", + "Completed text 38419\n", + "Completed text 38420\n", + "Completed text 38421\n", + "Completed text 38422\n", + "Completed text 38423\n", + "Completed text 38424\n", + "Completed text 38425\n", + "Completed text 38426\n", + "Completed text 38427\n", + "Completed text 38428\n", + "Completed text 38429\n", + "Completed text 38430\n", + "Completed text 38431\n", + "Completed text 38432\n", + "Completed text 38433\n", + "Completed text 38434\n", + "Completed text 38435\n", + "Completed text 38436\n", + "Completed text 38437\n", + "Completed text 38438\n", + "Completed text 38439\n", + "Completed text 38440\n", + "Completed text 38441\n", + "Completed text 38442\n", + "Completed text 38443\n", + "Completed text 38444\n", + "Completed text 38445\n", + "Completed text 38446\n", + "Completed text 38447\n", + "Completed text 38448\n", + "Completed text 38449\n", + "Completed text 38450\n", + "Completed text 38451\n", + "Completed text 38452\n", + "Completed text 38453\n", + "Completed text 38454\n", + "Completed text 38455\n", + "Completed text 38456\n", + "Completed text 38457\n", + "Completed text 38458\n", + "Completed text 38459\n", + "Completed text 38460\n", + "Completed text 38461\n", + "Completed text 38462\n", + "Completed text 38463\n", + "Completed text 38464\n", + "Completed text 38465\n", + "Completed text 38466\n", + "Completed text 38467\n", + "Completed text 38468\n", + "Completed text 38469\n", + "Completed text 38470\n", + "Completed text 38471\n", + "Completed text 38472\n", + "Completed text 38473\n", + "Completed text 38474\n", + "Completed text 38475\n", + "Completed text 38476\n", + "Completed text 38477\n", + "Completed text 38478\n", + "Completed text 38479\n", + "Completed text 38480\n", + "Completed text 38481\n", + "Completed text 38482\n", + "Completed text 38483\n", + "Completed text 38484\n", + "Completed text 38485\n", + "Completed text 38486\n", + "Completed text 38487\n", + "Completed text 38488\n", + "Completed text 38489\n", + "Completed text 38490\n", + "Completed text 38491\n", + "Completed text 38492\n", + "Completed text 38493\n", + "Completed text 38494\n", + "Completed text 38495\n", + "Completed text 38496\n", + "Completed text 38497\n", + "Completed text 38498\n", + "Completed text 38499\n", + "Completed text 38500\n", + "Completed text 38501\n", + "Completed text 38502\n", + "Completed text 38503\n", + "Completed text 38504\n", + "Completed text 38505\n", + "Completed text 38506\n", + "Completed text 38507\n", + "Completed text 38508\n", + "Completed text 38509\n", + "Completed text 38510\n", + "Completed text 38511\n", + "Completed text 38512\n", + "Completed text 38513\n", + "Completed text 38514\n", + "Completed text 38515\n", + "Completed text 38516\n", + "Completed text 38517\n", + "Completed text 38518\n", + "Completed text 38519\n", + "Completed text 38520\n", + "Completed text 38521\n", + "Completed text 38522\n", + "Completed text 38523\n", + "Completed text 38524\n", + "Completed text 38525\n", + "Completed text 38526\n", + "Completed text 38527\n", + "Completed text 38528\n", + "Completed text 38529\n", + "Completed text 38530\n", + "Completed text 38531\n", + "Completed text 38532\n", + "Completed text 38533\n", + "Completed text 38534\n", + "Completed text 38535\n", + "Completed text 38536\n", + "Completed text 38537\n", + "Completed text 38538\n", + "Completed text 38539\n", + "Completed text 38540\n", + "Completed text 38541\n", + "Completed text 38542\n", + "Completed text 38543\n", + "Completed text 38544\n", + "Completed text 38545\n", + "Completed text 38546\n", + "Completed text 38547\n", + "Completed text 38548\n", + "Completed text 38549\n", + "Completed text 38550\n", + "Completed text 38551\n", + "Completed text 38552\n", + "Completed text 38553\n", + "Completed text 38554\n", + "Completed text 38555\n", + "Completed text 38556\n", + "Completed text 38557\n", + "Completed text 38558\n", + "Completed text 38559\n", + "Completed text 38560\n", + "Completed text 38561\n", + "Completed text 38562\n", + "Completed text 38563\n", + "Completed text 38564\n", + "Completed text 38565\n", + "Completed text 38566\n", + "Completed text 38567\n", + "Completed text 38568\n", + "Completed text 38569\n", + "Completed text 38570\n", + "Completed text 38571\n", + "Completed text 38572\n", + "Completed text 38573\n", + "Completed text 38574\n", + "Completed text 38575\n", + "Completed text 38576\n", + "Completed text 38577\n", + "Completed text 38578\n", + "Completed text 38579\n", + "Completed text 38580\n", + "Completed text 38581\n", + "Completed text 38582\n", + "Completed text 38583\n", + "Completed text 38584\n", + "Completed text 38585\n", + "Completed text 38586\n", + "Completed text 38587\n", + "Completed text 38588\n", + "Completed text 38589\n", + "Completed text 38590\n", + "Completed text 38591\n", + "Completed text 38592\n", + "Completed text 38593\n", + "Completed text 38594\n", + "Completed text 38595\n", + "Completed text 38596\n", + "Completed text 38597\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 38598\n", + "Completed text 38599\n", + "Completed text 38600\n", + "Completed text 38601\n", + "Completed text 38602\n", + "Completed text 38603\n", + "Completed text 38604\n", + "Completed text 38605\n", + "Completed text 38606\n", + "Completed text 38607\n", + "Completed text 38608\n", + "Completed text 38609\n", + "Completed text 38610\n", + "Completed text 38611\n", + "Completed text 38612\n", + "Completed text 38613\n", + "Completed text 38614\n", + "Completed text 38615\n", + "Completed text 38616\n", + "Completed text 38617\n", + "Completed text 38618\n", + "Completed text 38619\n", + "Completed text 38620\n", + "Completed text 38621\n", + "Completed text 38622\n", + "Completed text 38623\n", + "Completed text 38624\n", + "Completed text 38625\n", + "Completed text 38626\n", + "Completed text 38627\n", + "Completed text 38628\n", + "Completed text 38629\n", + "Completed text 38630\n", + "Completed text 38631\n", + "Completed text 38632\n", + "Completed text 38633\n", + "Completed text 38634\n", + "Completed text 38635\n", + "Completed text 38636\n", + "Completed text 38637\n", + "Completed text 38638\n", + "Completed text 38639\n", + "Completed text 38640\n", + "Completed text 38641\n", + "Completed text 38642\n", + "Completed text 38643\n", + "Completed text 38644\n", + "Completed text 38645\n", + "Completed text 38646\n", + "Completed text 38647\n", + "Completed text 38648\n", + "Completed text 38649\n", + "Completed text 38650\n", + "Completed text 38651\n", + "Completed text 38652\n", + "Completed text 38653\n", + "Completed text 38654\n", + "Completed text 38655\n", + "Completed text 38656\n", + "Completed text 38657\n", + "Completed text 38658\n", + "Completed text 38659\n", + "Completed text 38660\n", + "Completed text 38661\n", + "Completed text 38662\n", + "Completed text 38663\n", + "Completed text 38664\n", + "Completed text 38665\n", + "Completed text 38666\n", + "Completed text 38667\n", + "Completed text 38668\n", + "Completed text 38669\n", + "Completed text 38670\n", + "Completed text 38671\n", + "Completed text 38672\n", + "Completed text 38673\n", + "Completed text 38674\n", + "Completed text 38675\n", + "Completed text 38676\n", + "Completed text 38677\n", + "Completed text 38678\n", + "Completed text 38679\n", + "Completed text 38680\n", + "Completed text 38681\n", + "Completed text 38682\n", + "Completed text 38683\n", + "Completed text 38684\n", + "Completed text 38685\n", + "Completed text 38686\n", + "Completed text 38687\n", + "Completed text 38688\n", + "Completed text 38689\n", + "Completed text 38690\n", + "Completed text 38691\n", + "Completed text 38692\n", + "Completed text 38693\n", + "Completed text 38694\n", + "Completed text 38695\n", + "Completed text 38696\n", + "Completed text 38697\n", + "Completed text 38698\n", + "Completed text 38699\n", + "Completed text 38700\n", + "Completed text 38701\n", + "Completed text 38702\n", + "Completed text 38703\n", + "Completed text 38704\n", + "Completed text 38705\n", + "Completed text 38706\n", + "Completed text 38707\n", + "Completed text 38708\n", + "Completed text 38709\n", + "Completed text 38710\n", + "Completed text 38711\n", + "Completed text 38712\n", + "Completed text 38713\n", + "Completed text 38714\n", + "Completed text 38715\n", + "Completed text 38716\n", + "Completed text 38717\n", + "Completed text 38718\n", + "Completed text 38719\n", + "Completed text 38720\n", + "Completed text 38721\n", + "Completed text 38722\n", + "Completed text 38723\n", + "Completed text 38724\n", + "Completed text 38725\n", + "Completed text 38726\n", + "Completed text 38727\n", + "Completed text 38728\n", + "Completed text 38729\n", + "Completed text 38730\n", + "Completed text 38731\n", + "Completed text 38732\n", + "Completed text 38733\n", + "Completed text 38734\n", + "Completed text 38735\n", + "Completed text 38736\n", + "Completed text 38737\n", + "Completed text 38738\n", + "Completed text 38739\n", + "Completed text 38740\n", + "Completed text 38741\n", + "Completed text 38742\n", + "Completed text 38743\n", + "Completed text 38744\n", + "Completed text 38745\n", + "Completed text 38746\n", + "Completed text 38747\n", + "Completed text 38748\n", + "Completed text 38749\n", + "Completed text 38750\n", + "Completed text 38751\n", + "Completed text 38752\n", + "Completed text 38753\n", + "Completed text 38754\n", + "Completed text 38755\n", + "Completed text 38756\n", + "Completed text 38757\n", + "Completed text 38758\n", + "Completed text 38759\n", + "Completed text 38760\n", + "Completed text 38761\n", + "Completed text 38762\n", + "Completed text 38763\n", + "Completed text 38764\n", + "Completed text 38765\n", + "Completed text 38766\n", + "Completed text 38767\n", + "Completed text 38768\n", + "Completed text 38769\n", + "Completed text 38770\n", + "Completed text 38771\n", + "Completed text 38772\n", + "Completed text 38773\n", + "Completed text 38774\n", + "Completed text 38775\n", + "Completed text 38776\n", + "Completed text 38777\n", + "Completed text 38778\n", + "Completed text 38779\n", + "Completed text 38780\n", + "Completed text 38781\n", + "Completed text 38782\n", + "Completed text 38783\n", + "Completed text 38784\n", + "Completed text 38785\n", + "Completed text 38786\n", + "Completed text 38787\n", + "Completed text 38788\n", + "Completed text 38789\n", + "Completed text 38790\n", + "Completed text 38791\n", + "Completed text 38792\n", + "Completed text 38793\n", + "Completed text 38794\n", + "Completed text 38795\n", + "Completed text 38796\n", + "Completed text 38797\n", + "Completed text 38798\n", + "Completed text 38799\n", + "Completed text 38800\n", + "Completed text 38801\n", + "Completed text 38802\n", + "Completed text 38803\n", + "Completed text 38804\n", + "Completed text 38805\n", + "Completed text 38806\n", + "Completed text 38807\n", + "Completed text 38808\n", + "Completed text 38809\n", + "Completed text 38810\n", + "Completed text 38811\n", + "Completed text 38812\n", + "Completed text 38813\n", + "Completed text 38814\n", + "Completed text 38815\n", + "Completed text 38816\n", + "Completed text 38817\n", + "Completed text 38818\n", + "Completed text 38819\n", + "Completed text 38820\n", + "Completed text 38821\n", + "Completed text 38822\n", + "Completed text 38823\n", + "Completed text 38824\n", + "Completed text 38825\n", + "Completed text 38826\n", + "Completed text 38827\n", + "Completed text 38828\n", + "Completed text 38829\n", + "Completed text 38830\n", + "Completed text 38831\n", + "Completed text 38832\n", + "Completed text 38833\n", + "Completed text 38834\n", + "Completed text 38835\n", + "Completed text 38836\n", + "Completed text 38837\n", + "Completed text 38838\n", + "Completed text 38839\n", + "Completed text 38840\n", + "Completed text 38841\n", + "Completed text 38842\n", + "Completed text 38843\n", + "Completed text 38844\n", + "Completed text 38845\n", + "Completed text 38846\n", + "Completed text 38847\n", + "Completed text 38848\n", + "Completed text 38849\n", + "Completed text 38850\n", + "Completed text 38851\n", + "Completed text 38852\n", + "Completed text 38853\n", + "Completed text 38854\n", + "Completed text 38855\n", + "Completed text 38856\n", + "Completed text 38857\n", + "Completed text 38858\n", + "Completed text 38859\n", + "Completed text 38860\n", + "Completed text 38861\n", + "Completed text 38862\n", + "Completed text 38863\n", + "Completed text 38864\n", + "Completed text 38865\n", + "Completed text 38866\n", + "Completed text 38867\n", + "Completed text 38868\n", + "Completed text 38869\n", + "Completed text 38870\n", + "Completed text 38871\n", + "Completed text 38872\n", + "Completed text 38873\n", + "Completed text 38874\n", + "Completed text 38875\n", + "Completed text 38876\n", + "Completed text 38877\n", + "Completed text 38878\n", + "Completed text 38879\n", + "Completed text 38880\n", + "Completed text 38881\n", + "Completed text 38882\n", + "Completed text 38883\n", + "Completed text 38884\n", + "Completed text 38885\n", + "Completed text 38886\n", + "Completed text 38887\n", + "Completed text 38888\n", + "Completed text 38889\n", + "Completed text 38890\n", + "Completed text 38891\n", + "Completed text 38892\n", + "Completed text 38893\n", + "Completed text 38894\n", + "Completed text 38895\n", + "Completed text 38896\n", + "Completed text 38897\n", + "Completed text 38898\n", + "Completed text 38899\n", + "Completed text 38900\n", + "Completed text 38901\n", + "Completed text 38902\n", + "Completed text 38903\n", + "Completed text 38904\n", + "Completed text 38905\n", + "Completed text 38906\n", + "Completed text 38907\n", + "Completed text 38908\n", + "Completed text 38909\n", + "Completed text 38910\n", + "Completed text 38911\n", + "Completed text 38912\n", + "Completed text 38913\n", + "Completed text 38914\n", + "Completed text 38915\n", + "Completed text 38916\n", + "Completed text 38917\n", + "Completed text 38918\n", + "Completed text 38919\n", + "Completed text 38920\n", + "Completed text 38921\n", + "Completed text 38922\n", + "Completed text 38923\n", + "Completed text 38924\n", + "Completed text 38925\n", + "Completed text 38926\n", + "Completed text 38927\n", + "Completed text 38928\n", + "Completed text 38929\n", + "Completed text 38930\n", + "Completed text 38931\n", + "Completed text 38932\n", + "Completed text 38933\n", + "Completed text 38934\n", + "Completed text 38935\n", + "Completed text 38936\n", + "Completed text 38937\n", + "Completed text 38938\n", + "Completed text 38939\n", + "Completed text 38940\n", + "Completed text 38941\n", + "Completed text 38942\n", + "Completed text 38943\n", + "Completed text 38944\n", + "Completed text 38945\n", + "Completed text 38946\n", + "Completed text 38947\n", + "Completed text 38948\n", + "Completed text 38949\n", + "Completed text 38950\n", + "Completed text 38951\n", + "Completed text 38952\n", + "Completed text 38953\n", + "Completed text 38954\n", + "Completed text 38955\n", + "Completed text 38956\n", + "Completed text 38957\n", + "Completed text 38958\n", + "Completed text 38959\n", + "Completed text 38960\n", + "Completed text 38961\n", + "Completed text 38962\n", + "Completed text 38963\n", + "Completed text 38964\n", + "Completed text 38965\n", + "Completed text 38966\n", + "Completed text 38967\n", + "Completed text 38968\n", + "Completed text 38969\n", + "Completed text 38970\n", + "Completed text 38971\n", + "Completed text 38972\n", + "Completed text 38973\n", + "Completed text 38974\n", + "Completed text 38975\n", + "Completed text 38976\n", + "Completed text 38977\n", + "Completed text 38978\n", + "Completed text 38979\n", + "Completed text 38980\n", + "Completed text 38981\n", + "Completed text 38982\n", + "Completed text 38983\n", + "Completed text 38984\n", + "Completed text 38985\n", + "Completed text 38986\n", + "Completed text 38987\n", + "Completed text 38988\n", + "Completed text 38989\n", + "Completed text 38990\n", + "Completed text 38991\n", + "Completed text 38992\n", + "Completed text 38993\n", + "Completed text 38994\n", + "Completed text 38995\n", + "Completed text 38996\n", + "Completed text 38997\n", + "Completed text 38998\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 38999\n", + "Completed text 39000\n", + "Completed text 39001\n", + "Completed text 39002\n", + "Completed text 39003\n", + "Completed text 39004\n", + "Completed text 39005\n", + "Completed text 39006\n", + "Completed text 39007\n", + "Completed text 39008\n", + "Completed text 39009\n", + "Completed text 39010\n", + "Completed text 39011\n", + "Completed text 39012\n", + "Completed text 39013\n", + "Completed text 39014\n", + "Completed text 39015\n", + "Completed text 39016\n", + "Completed text 39017\n", + "Completed text 39018\n", + "Completed text 39019\n", + "Completed text 39020\n", + "Completed text 39021\n", + "Completed text 39022\n", + "Completed text 39023\n", + "Completed text 39024\n", + "Completed text 39025\n", + "Completed text 39026\n", + "Completed text 39027\n", + "Completed text 39028\n", + "Completed text 39029\n", + "Completed text 39030\n", + "Completed text 39031\n", + "Completed text 39032\n", + "Completed text 39033\n", + "Completed text 39034\n", + "Completed text 39035\n", + "Completed text 39036\n", + "Completed text 39037\n", + "Completed text 39038\n", + "Completed text 39039\n", + "Completed text 39040\n", + "Completed text 39041\n", + "Completed text 39042\n", + "Completed text 39043\n", + "Completed text 39044\n", + "Completed text 39045\n", + "Completed text 39046\n", + "Completed text 39047\n", + "Completed text 39048\n", + "Completed text 39049\n", + "Completed text 39050\n", + "Completed text 39051\n", + "Completed text 39052\n", + "Completed text 39053\n", + "Completed text 39054\n", + "Completed text 39055\n", + "Completed text 39056\n", + "Completed text 39057\n", + "Completed text 39058\n", + "Completed text 39059\n", + "Completed text 39060\n", + "Completed text 39061\n", + "Completed text 39062\n", + "Completed text 39063\n", + "Completed text 39064\n", + "Completed text 39065\n", + "Completed text 39066\n", + "Completed text 39067\n", + "Completed text 39068\n", + "Completed text 39069\n", + "Completed text 39070\n", + "Completed text 39071\n", + "Completed text 39072\n", + "Completed text 39073\n", + "Completed text 39074\n", + "Completed text 39075\n", + "Completed text 39076\n", + "Completed text 39077\n", + "Completed text 39078\n", + "Completed text 39079\n", + "Completed text 39080\n", + "Completed text 39081\n", + "Completed text 39082\n", + "Completed text 39083\n", + "Completed text 39084\n", + "Completed text 39085\n", + "Completed text 39086\n", + "Completed text 39087\n", + "Completed text 39088\n", + "Completed text 39089\n", + "Completed text 39090\n", + "Completed text 39091\n", + "Completed text 39092\n", + "Completed text 39093\n", + "Completed text 39094\n", + "Completed text 39095\n", + "Completed text 39096\n", + "Completed text 39097\n", + "Completed text 39098\n", + "Completed text 39099\n", + "Completed text 39100\n", + "Completed text 39101\n", + "Completed text 39102\n", + "Completed text 39103\n", + "Completed text 39104\n", + "Completed text 39105\n", + "Completed text 39106\n", + "Completed text 39107\n", + "Completed text 39108\n", + "Completed text 39109\n", + "Completed text 39110\n", + "Completed text 39111\n", + "Completed text 39112\n", + "Completed text 39113\n", + "Completed text 39114\n", + "Completed text 39115\n", + "Completed text 39116\n", + "Completed text 39117\n", + "Completed text 39118\n", + "Completed text 39119\n", + "Completed text 39120\n", + "Completed text 39121\n", + "Completed text 39122\n", + "Completed text 39123\n", + "Completed text 39124\n", + "Completed text 39125\n", + "Completed text 39126\n", + "Completed text 39127\n", + "Completed text 39128\n", + "Completed text 39129\n", + "Completed text 39130\n", + "Completed text 39131\n", + "Completed text 39132\n", + "Completed text 39133\n", + "Completed text 39134\n", + "Completed text 39135\n", + "Completed text 39136\n", + "Completed text 39137\n", + "Completed text 39138\n", + "Completed text 39139\n", + "Completed text 39140\n", + "Completed text 39141\n", + "Completed text 39142\n", + "Completed text 39143\n", + "Completed text 39144\n", + "Completed text 39145\n", + "Completed text 39146\n", + "Completed text 39147\n", + "Completed text 39148\n", + "Completed text 39149\n", + "Completed text 39150\n", + "Completed text 39151\n", + "Completed text 39152\n", + "Completed text 39153\n", + "Completed text 39154\n", + "Completed text 39155\n", + "Completed text 39156\n", + "Completed text 39157\n", + "Completed text 39158\n", + "Completed text 39159\n", + "Completed text 39160\n", + "Completed text 39161\n", + "Completed text 39162\n", + "Completed text 39163\n", + "Completed text 39164\n", + "Completed text 39165\n", + "Completed text 39166\n", + "Completed text 39167\n", + "Completed text 39168\n", + "Completed text 39169\n", + "Completed text 39170\n", + "Completed text 39171\n", + "Completed text 39172\n", + "Completed text 39173\n", + "Completed text 39174\n", + "Completed text 39175\n", + "Completed text 39176\n", + "Completed text 39177\n", + "Completed text 39178\n", + "Completed text 39179\n", + "Completed text 39180\n", + "Completed text 39181\n", + "Completed text 39182\n", + "Completed text 39183\n", + "Completed text 39184\n", + "Completed text 39185\n", + "Completed text 39186\n", + "Completed text 39187\n", + "Completed text 39188\n", + "Completed text 39189\n", + "Completed text 39190\n", + "Completed text 39191\n", + "Completed text 39192\n", + "Completed text 39193\n", + "Completed text 39194\n", + "Completed text 39195\n", + "Completed text 39196\n", + "Completed text 39197\n", + "Completed text 39198\n", + "Completed text 39199\n", + "Completed text 39200\n", + "Completed text 39201\n", + "Completed text 39202\n", + "Completed text 39203\n", + "Completed text 39204\n", + "Completed text 39205\n", + "Completed text 39206\n", + "Completed text 39207\n", + "Completed text 39208\n", + "Completed text 39209\n", + "Completed text 39210\n", + "Completed text 39211\n", + "Completed text 39212\n", + "Completed text 39213\n", + "Completed text 39214\n", + "Completed text 39215\n", + "Completed text 39216\n", + "Completed text 39217\n", + "Completed text 39218\n", + "Completed text 39219\n", + "Completed text 39220\n", + "Completed text 39221\n", + "Completed text 39222\n", + "Completed text 39223\n", + "Completed text 39224\n", + "Completed text 39225\n", + "Completed text 39226\n", + "Completed text 39227\n", + "Completed text 39228\n", + "Completed text 39229\n", + "Completed text 39230\n", + "Completed text 39231\n", + "Completed text 39232\n", + "Completed text 39233\n", + "Completed text 39234\n", + "Completed text 39235\n", + "Completed text 39236\n", + "Completed text 39237\n", + "Completed text 39238\n", + "Completed text 39239\n", + "Completed text 39240\n", + "Completed text 39241\n", + "Completed text 39242\n", + "Completed text 39243\n", + "Completed text 39244\n", + "Completed text 39245\n", + "Completed text 39246\n", + "Completed text 39247\n", + "Completed text 39248\n", + "Completed text 39249\n", + "Completed text 39250\n", + "Completed text 39251\n", + "Completed text 39252\n", + "Completed text 39253\n", + "Completed text 39254\n", + "Completed text 39255\n", + "Completed text 39256\n", + "Completed text 39257\n", + "Completed text 39258\n", + "Completed text 39259\n", + "Completed text 39260\n", + "Completed text 39261\n", + "Completed text 39262\n", + "Completed text 39263\n", + "Completed text 39264\n", + "Completed text 39265\n", + "Completed text 39266\n", + "Completed text 39267\n", + "Completed text 39268\n", + "Completed text 39269\n", + "Completed text 39270\n", + "Completed text 39271\n", + "Completed text 39272\n", + "Completed text 39273\n", + "Completed text 39274\n", + "Completed text 39275\n", + "Completed text 39276\n", + "Completed text 39277\n", + "Completed text 39278\n", + "Completed text 39279\n", + "Completed text 39280\n", + "Completed text 39281\n", + "Completed text 39282\n", + "Completed text 39283\n", + "Completed text 39284\n", + "Completed text 39285\n", + "Completed text 39286\n", + "Completed text 39287\n", + "Completed text 39288\n", + "Completed text 39289\n", + "Completed text 39290\n", + "Completed text 39291\n", + "Completed text 39292\n", + "Completed text 39293\n", + "Completed text 39294\n", + "Completed text 39295\n", + "Completed text 39296\n", + "Completed text 39297\n", + "Completed text 39298\n", + "Completed text 39299\n", + "Completed text 39300\n", + "Completed text 39301\n", + "Completed text 39302\n", + "Completed text 39303\n", + "Completed text 39304\n", + "Completed text 39305\n", + "Completed text 39306\n", + "Completed text 39307\n", + "Completed text 39308\n", + "Completed text 39309\n", + "Completed text 39310\n", + "Completed text 39311\n", + "Completed text 39312\n", + "Completed text 39313\n", + "Completed text 39314\n", + "Completed text 39315\n", + "Completed text 39316\n", + "Completed text 39317\n", + "Completed text 39318\n", + "Completed text 39319\n", + "Completed text 39320\n", + "Completed text 39321\n", + "Completed text 39322\n", + "Completed text 39323\n", + "Completed text 39324\n", + "Completed text 39325\n", + "Completed text 39326\n", + "Completed text 39327\n", + "Completed text 39328\n", + "Completed text 39329\n", + "Completed text 39330\n", + "Completed text 39331\n", + "Completed text 39332\n", + "Completed text 39333\n", + "Completed text 39334\n", + "Completed text 39335\n", + "Completed text 39336\n", + "Completed text 39337\n", + "Completed text 39338\n", + "Completed text 39339\n", + "Completed text 39340\n", + "Completed text 39341\n", + "Completed text 39342\n", + "Completed text 39343\n", + "Completed text 39344\n", + "Completed text 39345\n", + "Completed text 39346\n", + "Completed text 39347\n", + "Completed text 39348\n", + "Completed text 39349\n", + "Completed text 39350\n", + "Completed text 39351\n", + "Completed text 39352\n", + "Completed text 39353\n", + "Completed text 39354\n", + "Completed text 39355\n", + "Completed text 39356\n", + "Completed text 39357\n", + "Completed text 39358\n", + "Completed text 39359\n", + "Completed text 39360\n", + "Completed text 39361\n", + "Completed text 39362\n", + "Completed text 39363\n", + "Completed text 39364\n", + "Completed text 39365\n", + "Completed text 39366\n", + "Completed text 39367\n", + "Completed text 39368\n", + "Completed text 39369\n", + "Completed text 39370\n", + "Completed text 39371\n", + "Completed text 39372\n", + "Completed text 39373\n", + "Completed text 39374\n", + "Completed text 39375\n", + "Completed text 39376\n", + "Completed text 39377\n", + "Completed text 39378\n", + "Completed text 39379\n", + "Completed text 39380\n", + "Completed text 39381\n", + "Completed text 39382\n", + "Completed text 39383\n", + "Completed text 39384\n", + "Completed text 39385\n", + "Completed text 39386\n", + "Completed text 39387\n", + "Completed text 39388\n", + "Completed text 39389\n", + "Completed text 39390\n", + "Completed text 39391\n", + "Completed text 39392\n", + "Completed text 39393\n", + "Completed text 39394\n", + "Completed text 39395\n", + "Completed text 39396\n", + "Completed text 39397\n", + "Completed text 39398\n", + "Completed text 39399\n", + "Completed text 39400\n", + "Completed text 39401\n", + "Completed text 39402\n", + "Completed text 39403\n", + "Completed text 39404\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 39405\n", + "Completed text 39406\n", + "Completed text 39407\n", + "Completed text 39408\n", + "Completed text 39409\n", + "Completed text 39410\n", + "Completed text 39411\n", + "Completed text 39412\n", + "Completed text 39413\n", + "Completed text 39414\n", + "Completed text 39415\n", + "Completed text 39416\n", + "Completed text 39417\n", + "Completed text 39418\n", + "Completed text 39419\n", + "Completed text 39420\n", + "Completed text 39421\n", + "Completed text 39422\n", + "Completed text 39423\n", + "Completed text 39424\n", + "Completed text 39425\n", + "Completed text 39426\n", + "Completed text 39427\n", + "Completed text 39428\n", + "Completed text 39429\n", + "Completed text 39430\n", + "Completed text 39431\n", + "Completed text 39432\n", + "Completed text 39433\n", + "Completed text 39434\n", + "Completed text 39435\n", + "Completed text 39436\n", + "Completed text 39437\n", + "Completed text 39438\n", + "Completed text 39439\n", + "Completed text 39440\n", + "Completed text 39441\n", + "Completed text 39442\n", + "Completed text 39443\n", + "Completed text 39444\n", + "Completed text 39445\n", + "Completed text 39446\n", + "Completed text 39447\n", + "Completed text 39448\n", + "Completed text 39449\n", + "Completed text 39450\n", + "Completed text 39451\n", + "Completed text 39452\n", + "Completed text 39453\n", + "Completed text 39454\n", + "Completed text 39455\n", + "Completed text 39456\n", + "Completed text 39457\n", + "Completed text 39458\n", + "Completed text 39459\n", + "Completed text 39460\n", + "Completed text 39461\n", + "Completed text 39462\n", + "Completed text 39463\n", + "Completed text 39464\n", + "Completed text 39465\n", + "Completed text 39466\n", + "Completed text 39467\n", + "Completed text 39468\n", + "Completed text 39469\n", + "Completed text 39470\n", + "Completed text 39471\n", + "Completed text 39472\n", + "Completed text 39473\n", + "Completed text 39474\n", + "Completed text 39475\n", + "Completed text 39476\n", + "Completed text 39477\n", + "Completed text 39478\n", + "Completed text 39479\n", + "Completed text 39480\n", + "Completed text 39481\n", + "Completed text 39482\n", + "Completed text 39483\n", + "Completed text 39484\n", + "Completed text 39485\n", + "Completed text 39486\n", + "Completed text 39487\n", + "Completed text 39488\n", + "Completed text 39489\n", + "Completed text 39490\n", + "Completed text 39491\n", + "Completed text 39492\n", + "Completed text 39493\n", + "Completed text 39494\n", + "Completed text 39495\n", + "Completed text 39496\n", + "Completed text 39497\n", + "Completed text 39498\n", + "Completed text 39499\n", + "Completed text 39500\n", + "Completed text 39501\n", + "Completed text 39502\n", + "Completed text 39503\n", + "Completed text 39504\n", + "Completed text 39505\n", + "Completed text 39506\n", + "Completed text 39507\n", + "Completed text 39508\n", + "Completed text 39509\n", + "Completed text 39510\n", + "Completed text 39511\n", + "Completed text 39512\n", + "Completed text 39513\n", + "Completed text 39514\n", + "Completed text 39515\n", + "Completed text 39516\n", + "Completed text 39517\n", + "Completed text 39518\n", + "Completed text 39519\n", + "Completed text 39520\n", + "Completed text 39521\n", + "Completed text 39522\n", + "Completed text 39523\n", + "Completed text 39524\n", + "Completed text 39525\n", + "Completed text 39526\n", + "Completed text 39527\n", + "Completed text 39528\n", + "Completed text 39529\n", + "Completed text 39530\n", + "Completed text 39531\n", + "Completed text 39532\n", + "Completed text 39533\n", + "Completed text 39534\n", + "Completed text 39535\n", + "Completed text 39536\n", + "Completed text 39537\n", + "Completed text 39538\n", + "Completed text 39539\n", + "Completed text 39540\n", + "Completed text 39541\n", + "Completed text 39542\n", + "Completed text 39543\n", + "Completed text 39544\n", + "Completed text 39545\n", + "Completed text 39546\n", + "Completed text 39547\n", + "Completed text 39548\n", + "Completed text 39549\n", + "Completed text 39550\n", + "Completed text 39551\n", + "Completed text 39552\n", + "Completed text 39553\n", + "Completed text 39554\n", + "Completed text 39555\n", + "Completed text 39556\n", + "Completed text 39557\n", + "Completed text 39558\n", + "Completed text 39559\n", + "Completed text 39560\n", + "Completed text 39561\n", + "Completed text 39562\n", + "Completed text 39563\n", + "Completed text 39564\n", + "Completed text 39565\n", + "Completed text 39566\n", + "Completed text 39567\n", + "Completed text 39568\n", + "Completed text 39569\n", + "Completed text 39570\n", + "Completed text 39571\n", + "Completed text 39572\n", + "Completed text 39573\n", + "Completed text 39574\n", + "Completed text 39575\n", + "Completed text 39576\n", + "Completed text 39577\n", + "Completed text 39578\n", + "Completed text 39579\n", + "Completed text 39580\n", + "Completed text 39581\n", + "Completed text 39582\n", + "Completed text 39583\n", + "Completed text 39584\n", + "Completed text 39585\n", + "Completed text 39586\n", + "Completed text 39587\n", + "Completed text 39588\n", + "Completed text 39589\n", + "Completed text 39590\n", + "Completed text 39591\n", + "Completed text 39592\n", + "Completed text 39593\n", + "Completed text 39594\n", + "Completed text 39595\n", + "Completed text 39596\n", + "Completed text 39597\n", + "Completed text 39598\n", + "Completed text 39599\n", + "Completed text 39600\n", + "Completed text 39601\n", + "Completed text 39602\n", + "Completed text 39603\n", + "Completed text 39604\n", + "Completed text 39605\n", + "Completed text 39606\n", + "Completed text 39607\n", + "Completed text 39608\n", + "Completed text 39609\n", + "Completed text 39610\n", + "Completed text 39611\n", + "Completed text 39612\n", + "Completed text 39613\n", + "Completed text 39614\n", + "Completed text 39615\n", + "Completed text 39616\n", + "Completed text 39617\n", + "Completed text 39618\n", + "Completed text 39619\n", + "Completed text 39620\n", + "Completed text 39621\n", + "Completed text 39622\n", + "Completed text 39623\n", + "Completed text 39624\n", + "Completed text 39625\n", + "Completed text 39626\n", + "Completed text 39627\n", + "Completed text 39628\n", + "Completed text 39629\n", + "Completed text 39630\n", + "Completed text 39631\n", + "Completed text 39632\n", + "Completed text 39633\n", + "Completed text 39634\n", + "Completed text 39635\n", + "Completed text 39636\n", + "Completed text 39637\n", + "Completed text 39638\n", + "Completed text 39639\n", + "Completed text 39640\n", + "Completed text 39641\n", + "Completed text 39642\n", + "Completed text 39643\n", + "Completed text 39644\n", + "Completed text 39645\n", + "Completed text 39646\n", + "Completed text 39647\n", + "Completed text 39648\n", + "Completed text 39649\n", + "Completed text 39650\n", + "Completed text 39651\n", + "Completed text 39652\n", + "Completed text 39653\n", + "Completed text 39654\n", + "Completed text 39655\n", + "Completed text 39656\n", + "Completed text 39657\n", + "Completed text 39658\n", + "Completed text 39659\n", + "Completed text 39660\n", + "Completed text 39661\n", + "Completed text 39662\n", + "Completed text 39663\n", + "Completed text 39664\n", + "Completed text 39665\n", + "Completed text 39666\n", + "Completed text 39667\n", + "Completed text 39668\n", + "Completed text 39669\n", + "Completed text 39670\n", + "Completed text 39671\n", + "Completed text 39672\n", + "Completed text 39673\n", + "Completed text 39674\n", + "Completed text 39675\n", + "Completed text 39676\n", + "Completed text 39677\n", + "Completed text 39678\n", + "Completed text 39679\n", + "Completed text 39680\n", + "Completed text 39681\n", + "Completed text 39682\n", + "Completed text 39683\n", + "Completed text 39684\n", + "Completed text 39685\n", + "Completed text 39686\n", + "Completed text 39687\n", + "Completed text 39688\n", + "Completed text 39689\n", + "Completed text 39690\n", + "Completed text 39691\n", + "Completed text 39692\n", + "Completed text 39693\n", + "Completed text 39694\n", + "Completed text 39695\n", + "Completed text 39696\n", + "Completed text 39697\n", + "Completed text 39698\n", + "Completed text 39699\n", + "Completed text 39700\n", + "Completed text 39701\n", + "Completed text 39702\n", + "Completed text 39703\n", + "Completed text 39704\n", + "Completed text 39705\n", + "Completed text 39706\n", + "Completed text 39707\n", + "Completed text 39708\n", + "Completed text 39709\n", + "Completed text 39710\n", + "Completed text 39711\n", + "Completed text 39712\n", + "Completed text 39713\n", + "Completed text 39714\n", + "Completed text 39715\n", + "Completed text 39716\n", + "Completed text 39717\n", + "Completed text 39718\n", + "Completed text 39719\n", + "Completed text 39720\n", + "Completed text 39721\n", + "Completed text 39722\n", + "Completed text 39723\n", + "Completed text 39724\n", + "Completed text 39725\n", + "Completed text 39726\n", + "Completed text 39727\n", + "Completed text 39728\n", + "Completed text 39729\n", + "Completed text 39730\n", + "Completed text 39731\n", + "Completed text 39732\n", + "Completed text 39733\n", + "Completed text 39734\n", + "Completed text 39735\n", + "Completed text 39736\n", + "Completed text 39737\n", + "Completed text 39738\n", + "Completed text 39739\n", + "Completed text 39740\n", + "Completed text 39741\n", + "Completed text 39742\n", + "Completed text 39743\n", + "Completed text 39744\n", + "Completed text 39745\n", + "Completed text 39746\n", + "Completed text 39747\n", + "Completed text 39748\n", + "Completed text 39749\n", + "Completed text 39750\n", + "Completed text 39751\n", + "Completed text 39752\n", + "Completed text 39753\n", + "Completed text 39754\n", + "Completed text 39755\n", + "Completed text 39756\n", + "Completed text 39757\n", + "Completed text 39758\n", + "Completed text 39759\n", + "Completed text 39760\n", + "Completed text 39761\n", + "Completed text 39762\n", + "Completed text 39763\n", + "Completed text 39764\n", + "Completed text 39765\n", + "Completed text 39766\n", + "Completed text 39767\n", + "Completed text 39768\n", + "Completed text 39769\n", + "Completed text 39770\n", + "Completed text 39771\n", + "Completed text 39772\n", + "Completed text 39773\n", + "Completed text 39774\n", + "Completed text 39775\n", + "Completed text 39776\n", + "Completed text 39777\n", + "Completed text 39778\n", + "Completed text 39779\n", + "Completed text 39780\n", + "Completed text 39781\n", + "Completed text 39782\n", + "Completed text 39783\n", + "Completed text 39784\n", + "Completed text 39785\n", + "Completed text 39786\n", + "Completed text 39787\n", + "Completed text 39788\n", + "Completed text 39789\n", + "Completed text 39790\n", + "Completed text 39791\n", + "Completed text 39792\n", + "Completed text 39793\n", + "Completed text 39794\n", + "Completed text 39795\n", + "Completed text 39796\n", + "Completed text 39797\n", + "Completed text 39798\n", + "Completed text 39799\n", + "Completed text 39800\n", + "Completed text 39801\n", + "Completed text 39802\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 39803\n", + "Completed text 39804\n", + "Completed text 39805\n", + "Completed text 39806\n", + "Completed text 39807\n", + "Completed text 39808\n", + "Completed text 39809\n", + "Completed text 39810\n", + "Completed text 39811\n", + "Completed text 39812\n", + "Completed text 39813\n", + "Completed text 39814\n", + "Completed text 39815\n", + "Completed text 39816\n", + "Completed text 39817\n", + "Completed text 39818\n", + "Completed text 39819\n", + "Completed text 39820\n", + "Completed text 39821\n", + "Completed text 39822\n", + "Completed text 39823\n", + "Completed text 39824\n", + "Completed text 39825\n", + "Completed text 39826\n", + "Completed text 39827\n", + "Completed text 39828\n", + "Completed text 39829\n", + "Completed text 39830\n", + "Completed text 39831\n", + "Completed text 39832\n", + "Completed text 39833\n", + "Completed text 39834\n", + "Completed text 39835\n", + "Completed text 39836\n", + "Completed text 39837\n", + "Completed text 39838\n", + "Completed text 39839\n", + "Completed text 39840\n", + "Completed text 39841\n", + "Completed text 39842\n", + "Completed text 39843\n", + "Completed text 39844\n", + "Completed text 39845\n", + "Completed text 39846\n", + "Completed text 39847\n", + "Completed text 39848\n", + "Completed text 39849\n", + "Completed text 39850\n", + "Completed text 39851\n", + "Completed text 39852\n", + "Completed text 39853\n", + "Completed text 39854\n", + "Completed text 39855\n", + "Completed text 39856\n", + "Completed text 39857\n", + "Completed text 39858\n", + "Completed text 39859\n", + "Completed text 39860\n", + "Completed text 39861\n", + "Completed text 39862\n", + "Completed text 39863\n", + "Completed text 39864\n", + "Completed text 39865\n", + "Completed text 39866\n", + "Completed text 39867\n", + "Completed text 39868\n", + "Completed text 39869\n", + "Completed text 39870\n", + "Completed text 39871\n", + "Completed text 39872\n", + "Completed text 39873\n", + "Completed text 39874\n", + "Completed text 39875\n", + "Completed text 39876\n", + "Completed text 39877\n", + "Completed text 39878\n", + "Completed text 39879\n", + "Completed text 39880\n", + "Completed text 39881\n", + "Completed text 39882\n", + "Completed text 39883\n", + "Completed text 39884\n", + "Completed text 39885\n", + "Completed text 39886\n", + "Completed text 39887\n", + "Completed text 39888\n", + "Completed text 39889\n", + "Completed text 39890\n", + "Completed text 39891\n", + "Completed text 39892\n", + "Completed text 39893\n", + "Completed text 39894\n", + "Completed text 39895\n", + "Completed text 39896\n", + "Completed text 39897\n", + "Completed text 39898\n", + "Completed text 39899\n", + "Completed text 39900\n", + "Completed text 39901\n", + "Completed text 39902\n", + "Completed text 39903\n", + "Completed text 39904\n", + "Completed text 39905\n", + "Completed text 39906\n", + "Completed text 39907\n", + "Completed text 39908\n", + "Completed text 39909\n", + "Completed text 39910\n", + "Completed text 39911\n", + "Completed text 39912\n", + "Completed text 39913\n", + "Completed text 39914\n", + "Completed text 39915\n", + "Completed text 39916\n", + "Completed text 39917\n", + "Completed text 39918\n", + "Completed text 39919\n", + "Completed text 39920\n", + "Completed text 39921\n", + "Completed text 39922\n", + "Completed text 39923\n", + "Completed text 39924\n", + "Completed text 39925\n", + "Completed text 39926\n", + "Completed text 39927\n", + "Completed text 39928\n", + "Completed text 39929\n", + "Completed text 39930\n", + "Completed text 39931\n", + "Completed text 39932\n", + "Completed text 39933\n", + "Completed text 39934\n", + "Completed text 39935\n", + "Completed text 39936\n", + "Completed text 39937\n", + "Completed text 39938\n", + "Completed text 39939\n", + "Completed text 39940\n", + "Completed text 39941\n", + "Completed text 39942\n", + "Completed text 39943\n", + "Completed text 39944\n", + "Completed text 39945\n", + "Completed text 39946\n", + "Completed text 39947\n", + "Completed text 39948\n", + "Completed text 39949\n", + "Completed text 39950\n", + "Completed text 39951\n", + "Completed text 39952\n", + "Completed text 39953\n", + "Completed text 39954\n", + "Completed text 39955\n", + "Completed text 39956\n", + "Completed text 39957\n", + "Completed text 39958\n", + "Completed text 39959\n", + "Completed text 39960\n", + "Completed text 39961\n", + "Completed text 39962\n", + "Completed text 39963\n", + "Completed text 39964\n", + "Completed text 39965\n", + "Completed text 39966\n", + "Completed text 39967\n", + "Completed text 39968\n", + "Completed text 39969\n", + "Completed text 39970\n", + "Completed text 39971\n", + "Completed text 39972\n", + "Completed text 39973\n", + "Completed text 39974\n", + "Completed text 39975\n", + "Completed text 39976\n", + "Completed text 39977\n", + "Completed text 39978\n", + "Completed text 39979\n", + "Completed text 39980\n", + "Completed text 39981\n", + "Completed text 39982\n", + "Completed text 39983\n", + "Completed text 39984\n", + "Completed text 39985\n", + "Completed text 39986\n", + "Completed text 39987\n", + "Completed text 39988\n", + "Completed text 39989\n", + "Completed text 39990\n", + "Completed text 39991\n", + "Completed text 39992\n", + "Completed text 39993\n", + "Completed text 39994\n", + "Completed text 39995\n", + "Completed text 39996\n", + "Completed text 39997\n", + "Completed text 39998\n", + "Completed text 39999\n", + "Completed text 40000\n", + "Completed text 40001\n", + "Completed text 40002\n", + "Completed text 40003\n", + "Completed text 40004\n", + "Completed text 40005\n", + "Completed text 40006\n", + "Completed text 40007\n", + "Completed text 40008\n", + "Completed text 40009\n", + "Completed text 40010\n", + "Completed text 40011\n", + "Completed text 40012\n", + "Completed text 40013\n", + "Completed text 40014\n", + "Completed text 40015\n", + "Completed text 40016\n", + "Completed text 40017\n", + "Completed text 40018\n", + "Completed text 40019\n", + "Completed text 40020\n", + "Completed text 40021\n", + "Completed text 40022\n", + "Completed text 40023\n", + "Completed text 40024\n", + "Completed text 40025\n", + "Completed text 40026\n", + "Completed text 40027\n", + "Completed text 40028\n", + "Completed text 40029\n", + "Completed text 40030\n", + "Completed text 40031\n", + "Completed text 40032\n", + "Completed text 40033\n", + "Completed text 40034\n", + "Completed text 40035\n", + "Completed text 40036\n", + "Completed text 40037\n", + "Completed text 40038\n", + "Completed text 40039\n", + "Completed text 40040\n", + "Completed text 40041\n", + "Completed text 40042\n", + "Completed text 40043\n", + "Completed text 40044\n", + "Completed text 40045\n", + "Completed text 40046\n", + "Completed text 40047\n", + "Completed text 40048\n", + "Completed text 40049\n", + "Completed text 40050\n", + "Completed text 40051\n", + "Completed text 40052\n", + "Completed text 40053\n", + "Completed text 40054\n", + "Completed text 40055\n", + "Completed text 40056\n", + "Completed text 40057\n", + "Completed text 40058\n", + "Completed text 40059\n", + "Completed text 40060\n", + "Completed text 40061\n", + "Completed text 40062\n", + "Completed text 40063\n", + "Completed text 40064\n", + "Completed text 40065\n", + "Completed text 40066\n", + "Completed text 40067\n", + "Completed text 40068\n", + "Completed text 40069\n", + "Completed text 40070\n", + "Completed text 40071\n", + "Completed text 40072\n", + "Completed text 40073\n", + "Completed text 40074\n", + "Completed text 40075\n", + "Completed text 40076\n", + "Completed text 40077\n", + "Completed text 40078\n", + "Completed text 40079\n", + "Completed text 40080\n", + "Completed text 40081\n", + "Completed text 40082\n", + "Completed text 40083\n", + "Completed text 40084\n", + "Completed text 40085\n", + "Completed text 40086\n", + "Completed text 40087\n", + "Completed text 40088\n", + "Completed text 40089\n", + "Completed text 40090\n", + "Completed text 40091\n", + "Completed text 40092\n", + "Completed text 40093\n", + "Completed text 40094\n", + "Completed text 40095\n", + "Completed text 40096\n", + "Completed text 40097\n", + "Completed text 40098\n", + "Completed text 40099\n", + "Completed text 40100\n", + "Completed text 40101\n", + "Completed text 40102\n", + "Completed text 40103\n", + "Completed text 40104\n", + "Completed text 40105\n", + "Completed text 40106\n", + "Completed text 40107\n", + "Completed text 40108\n", + "Completed text 40109\n", + "Completed text 40110\n", + "Completed text 40111\n", + "Completed text 40112\n", + "Completed text 40113\n", + "Completed text 40114\n", + "Completed text 40115\n", + "Completed text 40116\n", + "Completed text 40117\n", + "Completed text 40118\n", + "Completed text 40119\n", + "Completed text 40120\n", + "Completed text 40121\n", + "Completed text 40122\n", + "Completed text 40123\n", + "Completed text 40124\n", + "Completed text 40125\n", + "Completed text 40126\n", + "Completed text 40127\n", + "Completed text 40128\n", + "Completed text 40129\n", + "Completed text 40130\n", + "Completed text 40131\n", + "Completed text 40132\n", + "Completed text 40133\n", + "Completed text 40134\n", + "Completed text 40135\n", + "Completed text 40136\n", + "Completed text 40137\n", + "Completed text 40138\n", + "Completed text 40139\n", + "Completed text 40140\n", + "Completed text 40141\n", + "Completed text 40142\n", + "Completed text 40143\n", + "Completed text 40144\n", + "Completed text 40145\n", + "Completed text 40146\n", + "Completed text 40147\n", + "Completed text 40148\n", + "Completed text 40149\n", + "Completed text 40150\n", + "Completed text 40151\n", + "Completed text 40152\n", + "Completed text 40153\n", + "Completed text 40154\n", + "Completed text 40155\n", + "Completed text 40156\n", + "Completed text 40157\n", + "Completed text 40158\n", + "Completed text 40159\n", + "Completed text 40160\n", + "Completed text 40161\n", + "Completed text 40162\n", + "Completed text 40163\n", + "Completed text 40164\n", + "Completed text 40165\n", + "Completed text 40166\n", + "Completed text 40167\n", + "Completed text 40168\n", + "Completed text 40169\n", + "Completed text 40170\n", + "Completed text 40171\n", + "Completed text 40172\n", + "Completed text 40173\n", + "Completed text 40174\n", + "Completed text 40175\n", + "Completed text 40176\n", + "Completed text 40177\n", + "Completed text 40178\n", + "Completed text 40179\n", + "Completed text 40180\n", + "Completed text 40181\n", + "Completed text 40182\n", + "Completed text 40183\n", + "Completed text 40184\n", + "Completed text 40185\n", + "Completed text 40186\n", + "Completed text 40187\n", + "Completed text 40188\n", + "Completed text 40189\n", + "Completed text 40190\n", + "Completed text 40191\n", + "Completed text 40192\n", + "Completed text 40193\n", + "Completed text 40194\n", + "Completed text 40195\n", + "Completed text 40196\n", + "Completed text 40197\n", + "Completed text 40198\n", + "Completed text 40199\n", + "Completed text 40200\n", + "Completed text 40201\n", + "Completed text 40202\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 40203\n", + "Completed text 40204\n", + "Completed text 40205\n", + "Completed text 40206\n", + "Completed text 40207\n", + "Completed text 40208\n", + "Completed text 40209\n", + "Completed text 40210\n", + "Completed text 40211\n", + "Completed text 40212\n", + "Completed text 40213\n", + "Completed text 40214\n", + "Completed text 40215\n", + "Completed text 40216\n", + "Completed text 40217\n", + "Completed text 40218\n", + "Completed text 40219\n", + "Completed text 40220\n", + "Completed text 40221\n", + "Completed text 40222\n", + "Completed text 40223\n", + "Completed text 40224\n", + "Completed text 40225\n", + "Completed text 40226\n", + "Completed text 40227\n", + "Completed text 40228\n", + "Completed text 40229\n", + "Completed text 40230\n", + "Completed text 40231\n", + "Completed text 40232\n", + "Completed text 40233\n", + "Completed text 40234\n", + "Completed text 40235\n", + "Completed text 40236\n", + "Completed text 40237\n", + "Completed text 40238\n", + "Completed text 40239\n", + "Completed text 40240\n", + "Completed text 40241\n", + "Completed text 40242\n", + "Completed text 40243\n", + "Completed text 40244\n", + "Completed text 40245\n", + "Completed text 40246\n", + "Completed text 40247\n", + "Completed text 40248\n", + "Completed text 40249\n", + "Completed text 40250\n", + "Completed text 40251\n", + "Completed text 40252\n", + "Completed text 40253\n", + "Completed text 40254\n", + "Completed text 40255\n", + "Completed text 40256\n", + "Completed text 40257\n", + "Completed text 40258\n", + "Completed text 40259\n", + "Completed text 40260\n", + "Completed text 40261\n", + "Completed text 40262\n", + "Completed text 40263\n", + "Completed text 40264\n", + "Completed text 40265\n", + "Completed text 40266\n", + "Completed text 40267\n", + "Completed text 40268\n", + "Completed text 40269\n", + "Completed text 40270\n", + "Completed text 40271\n", + "Completed text 40272\n", + "Completed text 40273\n", + "Completed text 40274\n", + "Completed text 40275\n", + "Completed text 40276\n", + "Completed text 40277\n", + "Completed text 40278\n", + "Completed text 40279\n", + "Completed text 40280\n", + "Completed text 40281\n", + "Completed text 40282\n", + "Completed text 40283\n", + "Completed text 40284\n", + "Completed text 40285\n", + "Completed text 40286\n", + "Completed text 40287\n", + "Completed text 40288\n", + "Completed text 40289\n", + "Completed text 40290\n", + "Completed text 40291\n", + "Completed text 40292\n", + "Completed text 40293\n", + "Completed text 40294\n", + "Completed text 40295\n", + "Completed text 40296\n", + "Completed text 40297\n", + "Completed text 40298\n", + "Completed text 40299\n", + "Completed text 40300\n", + "Completed text 40301\n", + "Completed text 40302\n", + "Completed text 40303\n", + "Completed text 40304\n", + "Completed text 40305\n", + "Completed text 40306\n", + "Completed text 40307\n", + "Completed text 40308\n", + "Completed text 40309\n", + "Completed text 40310\n", + "Completed text 40311\n", + "Completed text 40312\n", + "Completed text 40313\n", + "Completed text 40314\n", + "Completed text 40315\n", + "Completed text 40316\n", + "Completed text 40317\n", + "Completed text 40318\n", + "Completed text 40319\n", + "Completed text 40320\n", + "Completed text 40321\n", + "Completed text 40322\n", + "Completed text 40323\n", + "Completed text 40324\n", + "Completed text 40325\n", + "Completed text 40326\n", + "Completed text 40327\n", + "Completed text 40328\n", + "Completed text 40329\n", + "Completed text 40330\n", + "Completed text 40331\n", + "Completed text 40332\n", + "Completed text 40333\n", + "Completed text 40334\n", + "Completed text 40335\n", + "Completed text 40336\n", + "Completed text 40337\n", + "Completed text 40338\n", + "Completed text 40339\n", + "Completed text 40340\n", + "Completed text 40341\n", + "Completed text 40342\n", + "Completed text 40343\n", + "Completed text 40344\n", + "Completed text 40345\n", + "Completed text 40346\n", + "Completed text 40347\n", + "Completed text 40348\n", + "Completed text 40349\n", + "Completed text 40350\n", + "Completed text 40351\n", + "Completed text 40352\n", + "Completed text 40353\n", + "Completed text 40354\n", + "Completed text 40355\n", + "Completed text 40356\n", + "Completed text 40357\n", + "Completed text 40358\n", + "Completed text 40359\n", + "Completed text 40360\n", + "Completed text 40361\n", + "Completed text 40362\n", + "Completed text 40363\n", + "Completed text 40364\n", + "Completed text 40365\n", + "Completed text 40366\n", + "Completed text 40367\n", + "Completed text 40368\n", + "Completed text 40369\n", + "Completed text 40370\n", + "Completed text 40371\n", + "Completed text 40372\n", + "Completed text 40373\n", + "Completed text 40374\n", + "Completed text 40375\n", + "Completed text 40376\n", + "Completed text 40377\n", + "Completed text 40378\n", + "Completed text 40379\n", + "Completed text 40380\n", + "Completed text 40381\n", + "Completed text 40382\n", + "Completed text 40383\n", + "Completed text 40384\n", + "Completed text 40385\n", + "Completed text 40386\n", + "Completed text 40387\n", + "Completed text 40388\n", + "Completed text 40389\n", + "Completed text 40390\n", + "Completed text 40391\n", + "Completed text 40392\n", + "Completed text 40393\n", + "Completed text 40394\n", + "Completed text 40395\n", + "Completed text 40396\n", + "Completed text 40397\n", + "Completed text 40398\n", + "Completed text 40399\n", + "Completed text 40400\n", + "Completed text 40401\n", + "Completed text 40402\n", + "Completed text 40403\n", + "Completed text 40404\n", + "Completed text 40405\n", + "Completed text 40406\n", + "Completed text 40407\n", + "Completed text 40408\n", + "Completed text 40409\n", + "Completed text 40410\n", + "Completed text 40411\n", + "Completed text 40412\n", + "Completed text 40413\n", + "Completed text 40414\n", + "Completed text 40415\n", + "Completed text 40416\n", + "Completed text 40417\n", + "Completed text 40418\n", + "Completed text 40419\n", + "Completed text 40420\n", + "Completed text 40421\n", + "Completed text 40422\n", + "Completed text 40423\n", + "Completed text 40424\n", + "Completed text 40425\n", + "Completed text 40426\n", + "Completed text 40427\n", + "Completed text 40428\n", + "Completed text 40429\n", + "Completed text 40430\n", + "Completed text 40431\n", + "Completed text 40432\n", + "Completed text 40433\n", + "Completed text 40434\n", + "Completed text 40435\n", + "Completed text 40436\n", + "Completed text 40437\n", + "Completed text 40438\n", + "Completed text 40439\n", + "Completed text 40440\n", + "Completed text 40441\n", + "Completed text 40442\n", + "Completed text 40443\n", + "Completed text 40444\n", + "Completed text 40445\n", + "Completed text 40446\n", + "Completed text 40447\n", + "Completed text 40448\n", + "Completed text 40449\n", + "Completed text 40450\n", + "Completed text 40451\n", + "Completed text 40452\n", + "Completed text 40453\n", + "Completed text 40454\n", + "Completed text 40455\n", + "Completed text 40456\n", + "Completed text 40457\n", + "Completed text 40458\n", + "Completed text 40459\n", + "Completed text 40460\n", + "Completed text 40461\n", + "Completed text 40462\n", + "Completed text 40463\n", + "Completed text 40464\n", + "Completed text 40465\n", + "Completed text 40466\n", + "Completed text 40467\n", + "Completed text 40468\n", + "Completed text 40469\n", + "Completed text 40470\n", + "Completed text 40471\n", + "Completed text 40472\n", + "Completed text 40473\n", + "Completed text 40474\n", + "Completed text 40475\n", + "Completed text 40476\n", + "Completed text 40477\n", + "Completed text 40478\n", + "Completed text 40479\n", + "Completed text 40480\n", + "Completed text 40481\n", + "Completed text 40482\n", + "Completed text 40483\n", + "Completed text 40484\n", + "Completed text 40485\n", + "Completed text 40486\n", + "Completed text 40487\n", + "Completed text 40488\n", + "Completed text 40489\n", + "Completed text 40490\n", + "Completed text 40491\n", + "Completed text 40492\n", + "Completed text 40493\n", + "Completed text 40494\n", + "Completed text 40495\n", + "Completed text 40496\n", + "Completed text 40497\n", + "Completed text 40498\n", + "Completed text 40499\n", + "Completed text 40500\n", + "Completed text 40501\n", + "Completed text 40502\n", + "Completed text 40503\n", + "Completed text 40504\n", + "Completed text 40505\n", + "Completed text 40506\n", + "Completed text 40507\n", + "Completed text 40508\n", + "Completed text 40509\n", + "Completed text 40510\n", + "Completed text 40511\n", + "Completed text 40512\n", + "Completed text 40513\n", + "Completed text 40514\n", + "Completed text 40515\n", + "Completed text 40516\n", + "Completed text 40517\n", + "Completed text 40518\n", + "Completed text 40519\n", + "Completed text 40520\n", + "Completed text 40521\n", + "Completed text 40522\n", + "Completed text 40523\n", + "Completed text 40524\n", + "Completed text 40525\n", + "Completed text 40526\n", + "Completed text 40527\n", + "Completed text 40528\n", + "Completed text 40529\n", + "Completed text 40530\n", + "Completed text 40531\n", + "Completed text 40532\n", + "Completed text 40533\n", + "Completed text 40534\n", + "Completed text 40535\n", + "Completed text 40536\n", + "Completed text 40537\n", + "Completed text 40538\n", + "Completed text 40539\n", + "Completed text 40540\n", + "Completed text 40541\n", + "Completed text 40542\n", + "Completed text 40543\n", + "Completed text 40544\n", + "Completed text 40545\n", + "Completed text 40546\n", + "Completed text 40547\n", + "Completed text 40548\n", + "Completed text 40549\n", + "Completed text 40550\n", + "Completed text 40551\n", + "Completed text 40552\n", + "Completed text 40553\n", + "Completed text 40554\n", + "Completed text 40555\n", + "Completed text 40556\n", + "Completed text 40557\n", + "Completed text 40558\n", + "Completed text 40559\n", + "Completed text 40560\n", + "Completed text 40561\n", + "Completed text 40562\n", + "Completed text 40563\n", + "Completed text 40564\n", + "Completed text 40565\n", + "Completed text 40566\n", + "Completed text 40567\n", + "Completed text 40568\n", + "Completed text 40569\n", + "Completed text 40570\n", + "Completed text 40571\n", + "Completed text 40572\n", + "Completed text 40573\n", + "Completed text 40574\n", + "Completed text 40575\n", + "Completed text 40576\n", + "Completed text 40577\n", + "Completed text 40578\n", + "Completed text 40579\n", + "Completed text 40580\n", + "Completed text 40581\n", + "Completed text 40582\n", + "Completed text 40583\n", + "Completed text 40584\n", + "Completed text 40585\n", + "Completed text 40586\n", + "Completed text 40587\n", + "Completed text 40588\n", + "Completed text 40589\n", + "Completed text 40590\n", + "Completed text 40591\n", + "Completed text 40592\n", + "Completed text 40593\n", + "Completed text 40594\n", + "Completed text 40595\n", + "Completed text 40596\n", + "Completed text 40597\n", + "Completed text 40598\n", + "Completed text 40599\n", + "Completed text 40600\n", + "Completed text 40601\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 40602\n", + "Completed text 40603\n", + "Completed text 40604\n", + "Completed text 40605\n", + "Completed text 40606\n", + "Completed text 40607\n", + "Completed text 40608\n", + "Completed text 40609\n", + "Completed text 40610\n", + "Completed text 40611\n", + "Completed text 40612\n", + "Completed text 40613\n", + "Completed text 40614\n", + "Completed text 40615\n", + "Completed text 40616\n", + "Completed text 40617\n", + "Completed text 40618\n", + "Completed text 40619\n", + "Completed text 40620\n", + "Completed text 40621\n", + "Completed text 40622\n", + "Completed text 40623\n", + "Completed text 40624\n", + "Completed text 40625\n", + "Completed text 40626\n", + "Completed text 40627\n", + "Completed text 40628\n", + "Completed text 40629\n", + "Completed text 40630\n", + "Completed text 40631\n", + "Completed text 40632\n", + "Completed text 40633\n", + "Completed text 40634\n", + "Completed text 40635\n", + "Completed text 40636\n", + "Completed text 40637\n", + "Completed text 40638\n", + "Completed text 40639\n", + "Completed text 40640\n", + "Completed text 40641\n", + "Completed text 40642\n", + "Completed text 40643\n", + "Completed text 40644\n", + "Completed text 40645\n", + "Completed text 40646\n", + "Completed text 40647\n", + "Completed text 40648\n", + "Completed text 40649\n", + "Completed text 40650\n", + "Completed text 40651\n", + "Completed text 40652\n", + "Completed text 40653\n", + "Completed text 40654\n", + "Completed text 40655\n", + "Completed text 40656\n", + "Completed text 40657\n", + "Completed text 40658\n", + "Completed text 40659\n", + "Completed text 40660\n", + "Completed text 40661\n", + "Completed text 40662\n", + "Completed text 40663\n", + "Completed text 40664\n", + "Completed text 40665\n", + "Completed text 40666\n", + "Completed text 40667\n", + "Completed text 40668\n", + "Completed text 40669\n", + "Completed text 40670\n", + "Completed text 40671\n", + "Completed text 40672\n", + "Completed text 40673\n", + "Completed text 40674\n", + "Completed text 40675\n", + "Completed text 40676\n", + "Completed text 40677\n", + "Completed text 40678\n", + "Completed text 40679\n", + "Completed text 40680\n", + "Completed text 40681\n", + "Completed text 40682\n", + "Completed text 40683\n", + "Completed text 40684\n", + "Completed text 40685\n", + "Completed text 40686\n", + "Completed text 40687\n", + "Completed text 40688\n", + "Completed text 40689\n", + "Completed text 40690\n", + "Completed text 40691\n", + "Completed text 40692\n", + "Completed text 40693\n", + "Completed text 40694\n", + "Completed text 40695\n", + "Completed text 40696\n", + "Completed text 40697\n", + "Completed text 40698\n", + "Completed text 40699\n", + "Completed text 40700\n", + "Completed text 40701\n", + "Completed text 40702\n", + "Completed text 40703\n", + "Completed text 40704\n", + "Completed text 40705\n", + "Completed text 40706\n", + "Completed text 40707\n", + "Completed text 40708\n", + "Completed text 40709\n", + "Completed text 40710\n", + "Completed text 40711\n", + "Completed text 40712\n", + "Completed text 40713\n", + "Completed text 40714\n", + "Completed text 40715\n", + "Completed text 40716\n", + "Completed text 40717\n", + "Completed text 40718\n", + "Completed text 40719\n", + "Completed text 40720\n", + "Completed text 40721\n", + "Completed text 40722\n", + "Completed text 40723\n", + "Completed text 40724\n", + "Completed text 40725\n", + "Completed text 40726\n", + "Completed text 40727\n", + "Completed text 40728\n", + "Completed text 40729\n", + "Completed text 40730\n", + "Completed text 40731\n", + "Completed text 40732\n", + "Completed text 40733\n", + "Completed text 40734\n", + "Completed text 40735\n", + "Completed text 40736\n", + "Completed text 40737\n", + "Completed text 40738\n", + "Completed text 40739\n", + "Completed text 40740\n", + "Completed text 40741\n", + "Completed text 40742\n", + "Completed text 40743\n", + "Completed text 40744\n", + "Completed text 40745\n", + "Completed text 40746\n", + "Completed text 40747\n", + "Completed text 40748\n", + "Completed text 40749\n", + "Completed text 40750\n", + "Completed text 40751\n", + "Completed text 40752\n", + "Completed text 40753\n", + "Completed text 40754\n", + "Completed text 40755\n", + "Completed text 40756\n", + "Completed text 40757\n", + "Completed text 40758\n", + "Completed text 40759\n", + "Completed text 40760\n", + "Completed text 40761\n", + "Completed text 40762\n", + "Completed text 40763\n", + "Completed text 40764\n", + "Completed text 40765\n", + "Completed text 40766\n", + "Completed text 40767\n", + "Completed text 40768\n", + "Completed text 40769\n", + "Completed text 40770\n", + "Completed text 40771\n", + "Completed text 40772\n", + "Completed text 40773\n", + "Completed text 40774\n", + "Completed text 40775\n", + "Completed text 40776\n", + "Completed text 40777\n", + "Completed text 40778\n", + "Completed text 40779\n", + "Completed text 40780\n", + "Completed text 40781\n", + "Completed text 40782\n", + "Completed text 40783\n", + "Completed text 40784\n", + "Completed text 40785\n", + "Completed text 40786\n", + "Completed text 40787\n", + "Completed text 40788\n", + "Completed text 40789\n", + "Completed text 40790\n", + "Completed text 40791\n", + "Completed text 40792\n", + "Completed text 40793\n", + "Completed text 40794\n", + "Completed text 40795\n", + "Completed text 40796\n", + "Completed text 40797\n", + "Completed text 40798\n", + "Completed text 40799\n", + "Completed text 40800\n", + "Completed text 40801\n", + "Completed text 40802\n", + "Completed text 40803\n", + "Completed text 40804\n", + "Completed text 40805\n", + "Completed text 40806\n", + "Completed text 40807\n", + "Completed text 40808\n", + "Completed text 40809\n", + "Completed text 40810\n", + "Completed text 40811\n", + "Completed text 40812\n", + "Completed text 40813\n", + "Completed text 40814\n", + "Completed text 40815\n", + "Completed text 40816\n", + "Completed text 40817\n", + "Completed text 40818\n", + "Completed text 40819\n", + "Completed text 40820\n", + "Completed text 40821\n", + "Completed text 40822\n", + "Completed text 40823\n", + "Completed text 40824\n", + "Completed text 40825\n", + "Completed text 40826\n", + "Completed text 40827\n", + "Completed text 40828\n", + "Completed text 40829\n", + "Completed text 40830\n", + "Completed text 40831\n", + "Completed text 40832\n", + "Completed text 40833\n", + "Completed text 40834\n", + "Completed text 40835\n", + "Completed text 40836\n", + "Completed text 40837\n", + "Completed text 40838\n", + "Completed text 40839\n", + "Completed text 40840\n", + "Completed text 40841\n", + "Completed text 40842\n", + "Completed text 40843\n", + "Completed text 40844\n", + "Completed text 40845\n", + "Completed text 40846\n", + "Completed text 40847\n", + "Completed text 40848\n", + "Completed text 40849\n", + "Completed text 40850\n", + "Completed text 40851\n", + "Completed text 40852\n", + "Completed text 40853\n", + "Completed text 40854\n", + "Completed text 40855\n", + "Completed text 40856\n", + "Completed text 40857\n", + "Completed text 40858\n", + "Completed text 40859\n", + "Completed text 40860\n", + "Completed text 40861\n", + "Completed text 40862\n", + "Completed text 40863\n", + "Completed text 40864\n", + "Completed text 40865\n", + "Completed text 40866\n", + "Completed text 40867\n", + "Completed text 40868\n", + "Completed text 40869\n", + "Completed text 40870\n", + "Completed text 40871\n", + "Completed text 40872\n", + "Completed text 40873\n", + "Completed text 40874\n", + "Completed text 40875\n", + "Completed text 40876\n", + "Completed text 40877\n", + "Completed text 40878\n", + "Completed text 40879\n", + "Completed text 40880\n", + "Completed text 40881\n", + "Completed text 40882\n", + "Completed text 40883\n", + "Completed text 40884\n", + "Completed text 40885\n", + "Completed text 40886\n", + "Completed text 40887\n", + "Completed text 40888\n", + "Completed text 40889\n", + "Completed text 40890\n", + "Completed text 40891\n", + "Completed text 40892\n", + "Completed text 40893\n", + "Completed text 40894\n", + "Completed text 40895\n", + "Completed text 40896\n", + "Completed text 40897\n", + "Completed text 40898\n", + "Completed text 40899\n", + "Completed text 40900\n", + "Completed text 40901\n", + "Completed text 40902\n", + "Completed text 40903\n", + "Completed text 40904\n", + "Completed text 40905\n", + "Completed text 40906\n", + "Completed text 40907\n", + "Completed text 40908\n", + "Completed text 40909\n", + "Completed text 40910\n", + "Completed text 40911\n", + "Completed text 40912\n", + "Completed text 40913\n", + "Completed text 40914\n", + "Completed text 40915\n", + "Completed text 40916\n", + "Completed text 40917\n", + "Completed text 40918\n", + "Completed text 40919\n", + "Completed text 40920\n", + "Completed text 40921\n", + "Completed text 40922\n", + "Completed text 40923\n", + "Completed text 40924\n", + "Completed text 40925\n", + "Completed text 40926\n", + "Completed text 40927\n", + "Completed text 40928\n", + "Completed text 40929\n", + "Completed text 40930\n", + "Completed text 40931\n", + "Completed text 40932\n", + "Completed text 40933\n", + "Completed text 40934\n", + "Completed text 40935\n", + "Completed text 40936\n", + "Completed text 40937\n", + "Completed text 40938\n", + "Completed text 40939\n", + "Completed text 40940\n", + "Completed text 40941\n", + "Completed text 40942\n", + "Completed text 40943\n", + "Completed text 40944\n", + "Completed text 40945\n", + "Completed text 40946\n", + "Completed text 40947\n", + "Completed text 40948\n", + "Completed text 40949\n", + "Completed text 40950\n", + "Completed text 40951\n", + "Completed text 40952\n", + "Completed text 40953\n", + "Completed text 40954\n", + "Completed text 40955\n", + "Completed text 40956\n", + "Completed text 40957\n", + "Completed text 40958\n", + "Completed text 40959\n", + "Completed text 40960\n", + "Completed text 40961\n", + "Completed text 40962\n", + "Completed text 40963\n", + "Completed text 40964\n", + "Completed text 40965\n", + "Completed text 40966\n", + "Completed text 40967\n", + "Completed text 40968\n", + "Completed text 40969\n", + "Completed text 40970\n", + "Completed text 40971\n", + "Completed text 40972\n", + "Completed text 40973\n", + "Completed text 40974\n", + "Completed text 40975\n", + "Completed text 40976\n", + "Completed text 40977\n", + "Completed text 40978\n", + "Completed text 40979\n", + "Completed text 40980\n", + "Completed text 40981\n", + "Completed text 40982\n", + "Completed text 40983\n", + "Completed text 40984\n", + "Completed text 40985\n", + "Completed text 40986\n", + "Completed text 40987\n", + "Completed text 40988\n", + "Completed text 40989\n", + "Completed text 40990\n", + "Completed text 40991\n", + "Completed text 40992\n", + "Completed text 40993\n", + "Completed text 40994\n", + "Completed text 40995\n", + "Completed text 40996\n", + "Completed text 40997\n", + "Completed text 40998\n", + "Completed text 40999\n", + "Completed text 41000\n", + "Completed text 41001\n", + "Completed text 41002\n", + "Completed text 41003\n", + "Completed text 41004\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 41005\n", + "Completed text 41006\n", + "Completed text 41007\n", + "Completed text 41008\n", + "Completed text 41009\n", + "Completed text 41010\n", + "Completed text 41011\n", + "Completed text 41012\n", + "Completed text 41013\n", + "Completed text 41014\n", + "Completed text 41015\n", + "Completed text 41016\n", + "Completed text 41017\n", + "Completed text 41018\n", + "Completed text 41019\n", + "Completed text 41020\n", + "Completed text 41021\n", + "Completed text 41022\n", + "Completed text 41023\n", + "Completed text 41024\n", + "Completed text 41025\n", + "Completed text 41026\n", + "Completed text 41027\n", + "Completed text 41028\n", + "Completed text 41029\n", + "Completed text 41030\n", + "Completed text 41031\n", + "Completed text 41032\n", + "Completed text 41033\n", + "Completed text 41034\n", + "Completed text 41035\n", + "Completed text 41036\n", + "Completed text 41037\n", + "Completed text 41038\n", + "Completed text 41039\n", + "Completed text 41040\n", + "Completed text 41041\n", + "Completed text 41042\n", + "Completed text 41043\n", + "Completed text 41044\n", + "Completed text 41045\n", + "Completed text 41046\n", + "Completed text 41047\n", + "Completed text 41048\n", + "Completed text 41049\n", + "Completed text 41050\n", + "Completed text 41051\n", + "Completed text 41052\n", + "Completed text 41053\n", + "Completed text 41054\n", + "Completed text 41055\n", + "Completed text 41056\n", + "Completed text 41057\n", + "Completed text 41058\n", + "Completed text 41059\n", + "Completed text 41060\n", + "Completed text 41061\n", + "Completed text 41062\n", + "Completed text 41063\n", + "Completed text 41064\n", + "Completed text 41065\n", + "Completed text 41066\n", + "Completed text 41067\n", + "Completed text 41068\n", + "Completed text 41069\n", + "Completed text 41070\n", + "Completed text 41071\n", + "Completed text 41072\n", + "Completed text 41073\n", + "Completed text 41074\n", + "Completed text 41075\n", + "Completed text 41076\n", + "Completed text 41077\n", + "Completed text 41078\n", + "Completed text 41079\n", + "Completed text 41080\n", + "Completed text 41081\n", + "Completed text 41082\n", + "Completed text 41083\n", + "Completed text 41084\n", + "Completed text 41085\n", + "Completed text 41086\n", + "Completed text 41087\n", + "Completed text 41088\n", + "Completed text 41089\n", + "Completed text 41090\n", + "Completed text 41091\n", + "Completed text 41092\n", + "Completed text 41093\n", + "Completed text 41094\n", + "Completed text 41095\n", + "Completed text 41096\n", + "Completed text 41097\n", + "Completed text 41098\n", + "Completed text 41099\n", + "Completed text 41100\n", + "Completed text 41101\n", + "Completed text 41102\n", + "Completed text 41103\n", + "Completed text 41104\n", + "Completed text 41105\n", + "Completed text 41106\n", + "Completed text 41107\n", + "Completed text 41108\n", + "Completed text 41109\n", + "Completed text 41110\n", + "Completed text 41111\n", + "Completed text 41112\n", + "Completed text 41113\n", + "Completed text 41114\n", + "Completed text 41115\n", + "Completed text 41116\n", + "Completed text 41117\n", + "Completed text 41118\n", + "Completed text 41119\n", + "Completed text 41120\n", + "Completed text 41121\n", + "Completed text 41122\n", + "Completed text 41123\n", + "Completed text 41124\n", + "Completed text 41125\n", + "Completed text 41126\n", + "Completed text 41127\n", + "Completed text 41128\n", + "Completed text 41129\n", + "Completed text 41130\n", + "Completed text 41131\n", + "Completed text 41132\n", + "Completed text 41133\n", + "Completed text 41134\n", + "Completed text 41135\n", + "Completed text 41136\n", + "Completed text 41137\n", + "Completed text 41138\n", + "Completed text 41139\n", + "Completed text 41140\n", + "Completed text 41141\n", + "Completed text 41142\n", + "Completed text 41143\n", + "Completed text 41144\n", + "Completed text 41145\n", + "Completed text 41146\n", + "Completed text 41147\n", + "Completed text 41148\n", + "Completed text 41149\n", + "Completed text 41150\n", + "Completed text 41151\n", + "Completed text 41152\n", + "Completed text 41153\n", + "Completed text 41154\n", + "Completed text 41155\n", + "Completed text 41156\n", + "Completed text 41157\n", + "Completed text 41158\n", + "Completed text 41159\n", + "Completed text 41160\n", + "Completed text 41161\n", + "Completed text 41162\n", + "Completed text 41163\n", + "Completed text 41164\n", + "Completed text 41165\n", + "Completed text 41166\n", + "Completed text 41167\n", + "Completed text 41168\n", + "Completed text 41169\n", + "Completed text 41170\n", + "Completed text 41171\n", + "Completed text 41172\n", + "Completed text 41173\n", + "Completed text 41174\n", + "Completed text 41175\n", + "Completed text 41176\n", + "Completed text 41177\n", + "Completed text 41178\n", + "Completed text 41179\n", + "Completed text 41180\n", + "Completed text 41181\n", + "Completed text 41182\n", + "Completed text 41183\n", + "Completed text 41184\n", + "Completed text 41185\n", + "Completed text 41186\n", + "Completed text 41187\n", + "Completed text 41188\n", + "Completed text 41189\n", + "Completed text 41190\n", + "Completed text 41191\n", + "Completed text 41192\n", + "Completed text 41193\n", + "Completed text 41194\n", + "Completed text 41195\n", + "Completed text 41196\n", + "Completed text 41197\n", + "Completed text 41198\n", + "Completed text 41199\n", + "Completed text 41200\n", + "Completed text 41201\n", + "Completed text 41202\n", + "Completed text 41203\n", + "Completed text 41204\n", + "Completed text 41205\n", + "Completed text 41206\n", + "Completed text 41207\n", + "Completed text 41208\n", + "Completed text 41209\n", + "Completed text 41210\n", + "Completed text 41211\n", + "Completed text 41212\n", + "Completed text 41213\n", + "Completed text 41214\n", + "Completed text 41215\n", + "Completed text 41216\n", + "Completed text 41217\n", + "Completed text 41218\n", + "Completed text 41219\n", + "Completed text 41220\n", + "Completed text 41221\n", + "Completed text 41222\n", + "Completed text 41223\n", + "Completed text 41224\n", + "Completed text 41225\n", + "Completed text 41226\n", + "Completed text 41227\n", + "Completed text 41228\n", + "Completed text 41229\n", + "Completed text 41230\n", + "Completed text 41231\n", + "Completed text 41232\n", + "Completed text 41233\n", + "Completed text 41234\n", + "Completed text 41235\n", + "Completed text 41236\n", + "Completed text 41237\n", + "Completed text 41238\n", + "Completed text 41239\n", + "Completed text 41240\n", + "Completed text 41241\n", + "Completed text 41242\n", + "Completed text 41243\n", + "Completed text 41244\n", + "Completed text 41245\n", + "Completed text 41246\n", + "Completed text 41247\n", + "Completed text 41248\n", + "Completed text 41249\n", + "Completed text 41250\n", + "Completed text 41251\n", + "Completed text 41252\n", + "Completed text 41253\n", + "Completed text 41254\n", + "Completed text 41255\n", + "Completed text 41256\n", + "Completed text 41257\n", + "Completed text 41258\n", + "Completed text 41259\n", + "Completed text 41260\n", + "Completed text 41261\n", + "Completed text 41262\n", + "Completed text 41263\n", + "Completed text 41264\n", + "Completed text 41265\n", + "Completed text 41266\n", + "Completed text 41267\n", + "Completed text 41268\n", + "Completed text 41269\n", + "Completed text 41270\n", + "Completed text 41271\n", + "Completed text 41272\n", + "Completed text 41273\n", + "Completed text 41274\n", + "Completed text 41275\n", + "Completed text 41276\n", + "Completed text 41277\n", + "Completed text 41278\n", + "Completed text 41279\n", + "Completed text 41280\n", + "Completed text 41281\n", + "Completed text 41282\n", + "Completed text 41283\n", + "Completed text 41284\n", + "Completed text 41285\n", + "Completed text 41286\n", + "Completed text 41287\n", + "Completed text 41288\n", + "Completed text 41289\n", + "Completed text 41290\n", + "Completed text 41291\n", + "Completed text 41292\n", + "Completed text 41293\n", + "Completed text 41294\n", + "Completed text 41295\n", + "Completed text 41296\n", + "Completed text 41297\n", + "Completed text 41298\n", + "Completed text 41299\n", + "Completed text 41300\n", + "Completed text 41301\n", + "Completed text 41302\n", + "Completed text 41303\n", + "Completed text 41304\n", + "Completed text 41305\n", + "Completed text 41306\n", + "Completed text 41307\n", + "Completed text 41308\n", + "Completed text 41309\n", + "Completed text 41310\n", + "Completed text 41311\n", + "Completed text 41312\n", + "Completed text 41313\n", + "Completed text 41314\n", + "Completed text 41315\n", + "Completed text 41316\n", + "Completed text 41317\n", + "Completed text 41318\n", + "Completed text 41319\n", + "Completed text 41320\n", + "Completed text 41321\n", + "Completed text 41322\n", + "Completed text 41323\n", + "Completed text 41324\n", + "Completed text 41325\n", + "Completed text 41326\n", + "Completed text 41327\n", + "Completed text 41328\n", + "Completed text 41329\n", + "Completed text 41330\n", + "Completed text 41331\n", + "Completed text 41332\n", + "Completed text 41333\n", + "Completed text 41334\n", + "Completed text 41335\n", + "Completed text 41336\n", + "Completed text 41337\n", + "Completed text 41338\n", + "Completed text 41339\n", + "Completed text 41340\n", + "Completed text 41341\n", + "Completed text 41342\n", + "Completed text 41343\n", + "Completed text 41344\n", + "Completed text 41345\n", + "Completed text 41346\n", + "Completed text 41347\n", + "Completed text 41348\n", + "Completed text 41349\n", + "Completed text 41350\n", + "Completed text 41351\n", + "Completed text 41352\n", + "Completed text 41353\n", + "Completed text 41354\n", + "Completed text 41355\n", + "Completed text 41356\n", + "Completed text 41357\n", + "Completed text 41358\n", + "Completed text 41359\n", + "Completed text 41360\n", + "Completed text 41361\n", + "Completed text 41362\n", + "Completed text 41363\n", + "Completed text 41364\n", + "Completed text 41365\n", + "Completed text 41366\n", + "Completed text 41367\n", + "Completed text 41368\n", + "Completed text 41369\n", + "Completed text 41370\n", + "Completed text 41371\n", + "Completed text 41372\n", + "Completed text 41373\n", + "Completed text 41374\n", + "Completed text 41375\n", + "Completed text 41376\n", + "Completed text 41377\n", + "Completed text 41378\n", + "Completed text 41379\n", + "Completed text 41380\n", + "Completed text 41381\n", + "Completed text 41382\n", + "Completed text 41383\n", + "Completed text 41384\n", + "Completed text 41385\n", + "Completed text 41386\n", + "Completed text 41387\n", + "Completed text 41388\n", + "Completed text 41389\n", + "Completed text 41390\n", + "Completed text 41391\n", + "Completed text 41392\n", + "Completed text 41393\n", + "Completed text 41394\n", + "Completed text 41395\n", + "Completed text 41396\n", + "Completed text 41397\n", + "Completed text 41398\n", + "Completed text 41399\n", + "Completed text 41400\n", + "Completed text 41401\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 41402\n", + "Completed text 41403\n", + "Completed text 41404\n", + "Completed text 41405\n", + "Completed text 41406\n", + "Completed text 41407\n", + "Completed text 41408\n", + "Completed text 41409\n", + "Completed text 41410\n", + "Completed text 41411\n", + "Completed text 41412\n", + "Completed text 41413\n", + "Completed text 41414\n", + "Completed text 41415\n", + "Completed text 41416\n", + "Completed text 41417\n", + "Completed text 41418\n", + "Completed text 41419\n", + "Completed text 41420\n", + "Completed text 41421\n", + "Completed text 41422\n", + "Completed text 41423\n", + "Completed text 41424\n", + "Completed text 41425\n", + "Completed text 41426\n", + "Completed text 41427\n", + "Completed text 41428\n", + "Completed text 41429\n", + "Completed text 41430\n", + "Completed text 41431\n", + "Completed text 41432\n", + "Completed text 41433\n", + "Completed text 41434\n", + "Completed text 41435\n", + "Completed text 41436\n", + "Completed text 41437\n", + "Completed text 41438\n", + "Completed text 41439\n", + "Completed text 41440\n", + "Completed text 41441\n", + "Completed text 41442\n", + "Completed text 41443\n", + "Completed text 41444\n", + "Completed text 41445\n", + "Completed text 41446\n", + "Completed text 41447\n", + "Completed text 41448\n", + "Completed text 41449\n", + "Completed text 41450\n", + "Completed text 41451\n", + "Completed text 41452\n", + "Completed text 41453\n", + "Completed text 41454\n", + "Completed text 41455\n", + "Completed text 41456\n", + "Completed text 41457\n", + "Completed text 41458\n", + "Completed text 41459\n", + "Completed text 41460\n", + "Completed text 41461\n", + "Completed text 41462\n", + "Completed text 41463\n", + "Completed text 41464\n", + "Completed text 41465\n", + "Completed text 41466\n", + "Completed text 41467\n", + "Completed text 41468\n", + "Completed text 41469\n", + "Completed text 41470\n", + "Completed text 41471\n", + "Completed text 41472\n", + "Completed text 41473\n", + "Completed text 41474\n", + "Completed text 41475\n", + "Completed text 41476\n", + "Completed text 41477\n", + "Completed text 41478\n", + "Completed text 41479\n", + "Completed text 41480\n", + "Completed text 41481\n", + "Completed text 41482\n", + "Completed text 41483\n", + "Completed text 41484\n", + "Completed text 41485\n", + "Completed text 41486\n", + "Completed text 41487\n", + "Completed text 41488\n", + "Completed text 41489\n", + "Completed text 41490\n", + "Completed text 41491\n", + "Completed text 41492\n", + "Completed text 41493\n", + "Completed text 41494\n", + "Completed text 41495\n", + "Completed text 41496\n", + "Completed text 41497\n", + "Completed text 41498\n", + "Completed text 41499\n", + "Completed text 41500\n", + "Completed text 41501\n", + "Completed text 41502\n", + "Completed text 41503\n", + "Completed text 41504\n", + "Completed text 41505\n", + "Completed text 41506\n", + "Completed text 41507\n", + "Completed text 41508\n", + "Completed text 41509\n", + "Completed text 41510\n", + "Completed text 41511\n", + "Completed text 41512\n", + "Completed text 41513\n", + "Completed text 41514\n", + "Completed text 41515\n", + "Completed text 41516\n", + "Completed text 41517\n", + "Completed text 41518\n", + "Completed text 41519\n", + "Completed text 41520\n", + "Completed text 41521\n", + "Completed text 41522\n", + "Completed text 41523\n", + "Completed text 41524\n", + "Completed text 41525\n", + "Completed text 41526\n", + "Completed text 41527\n", + "Completed text 41528\n", + "Completed text 41529\n", + "Completed text 41530\n", + "Completed text 41531\n", + "Completed text 41532\n", + "Completed text 41533\n", + "Completed text 41534\n", + "Completed text 41535\n", + "Completed text 41536\n", + "Completed text 41537\n", + "Completed text 41538\n", + "Completed text 41539\n", + "Completed text 41540\n", + "Completed text 41541\n", + "Completed text 41542\n", + "Completed text 41543\n", + "Completed text 41544\n", + "Completed text 41545\n", + "Completed text 41546\n", + "Completed text 41547\n", + "Completed text 41548\n", + "Completed text 41549\n", + "Completed text 41550\n", + "Completed text 41551\n", + "Completed text 41552\n", + "Completed text 41553\n", + "Completed text 41554\n", + "Completed text 41555\n", + "Completed text 41556\n", + "Completed text 41557\n", + "Completed text 41558\n", + "Completed text 41559\n", + "Completed text 41560\n", + "Completed text 41561\n", + "Completed text 41562\n", + "Completed text 41563\n", + "Completed text 41564\n", + "Completed text 41565\n", + "Completed text 41566\n", + "Completed text 41567\n", + "Completed text 41568\n", + "Completed text 41569\n", + "Completed text 41570\n", + "Completed text 41571\n", + "Completed text 41572\n", + "Completed text 41573\n", + "Completed text 41574\n", + "Completed text 41575\n", + "Completed text 41576\n", + "Completed text 41577\n", + "Completed text 41578\n", + "Completed text 41579\n", + "Completed text 41580\n", + "Completed text 41581\n", + "Completed text 41582\n", + "Completed text 41583\n", + "Completed text 41584\n", + "Completed text 41585\n", + "Completed text 41586\n", + "Completed text 41587\n", + "Completed text 41588\n", + "Completed text 41589\n", + "Completed text 41590\n", + "Completed text 41591\n", + "Completed text 41592\n", + "Completed text 41593\n", + "Completed text 41594\n", + "Completed text 41595\n", + "Completed text 41596\n", + "Completed text 41597\n", + "Completed text 41598\n", + "Completed text 41599\n", + "Completed text 41600\n", + "Completed text 41601\n", + "Completed text 41602\n", + "Completed text 41603\n", + "Completed text 41604\n", + "Completed text 41605\n", + "Completed text 41606\n", + "Completed text 41607\n", + "Completed text 41608\n", + "Completed text 41609\n", + "Completed text 41610\n", + "Completed text 41611\n", + "Completed text 41612\n", + "Completed text 41613\n", + "Completed text 41614\n", + "Completed text 41615\n", + "Completed text 41616\n", + "Completed text 41617\n", + "Completed text 41618\n", + "Completed text 41619\n", + "Completed text 41620\n", + "Completed text 41621\n", + "Completed text 41622\n", + "Completed text 41623\n", + "Completed text 41624\n", + "Completed text 41625\n", + "Completed text 41626\n", + "Completed text 41627\n", + "Completed text 41628\n", + "Completed text 41629\n", + "Completed text 41630\n", + "Completed text 41631\n", + "Completed text 41632\n", + "Completed text 41633\n", + "Completed text 41634\n", + "Completed text 41635\n", + "Completed text 41636\n", + "Completed text 41637\n", + "Completed text 41638\n", + "Completed text 41639\n", + "Completed text 41640\n", + "Completed text 41641\n", + "Completed text 41642\n", + "Completed text 41643\n", + "Completed text 41644\n", + "Completed text 41645\n", + "Completed text 41646\n", + "Completed text 41647\n", + "Completed text 41648\n", + "Completed text 41649\n", + "Completed text 41650\n", + "Completed text 41651\n", + "Completed text 41652\n", + "Completed text 41653\n", + "Completed text 41654\n", + "Completed text 41655\n", + "Completed text 41656\n", + "Completed text 41657\n", + "Completed text 41658\n", + "Completed text 41659\n", + "Completed text 41660\n", + "Completed text 41661\n", + "Completed text 41662\n", + "Completed text 41663\n", + "Completed text 41664\n", + "Completed text 41665\n", + "Completed text 41666\n", + "Completed text 41667\n", + "Completed text 41668\n", + "Completed text 41669\n", + "Completed text 41670\n", + "Completed text 41671\n", + "Completed text 41672\n", + "Completed text 41673\n", + "Completed text 41674\n", + "Completed text 41675\n", + "Completed text 41676\n", + "Completed text 41677\n", + "Completed text 41678\n", + "Completed text 41679\n", + "Completed text 41680\n", + "Completed text 41681\n", + "Completed text 41682\n", + "Completed text 41683\n", + "Completed text 41684\n", + "Completed text 41685\n", + "Completed text 41686\n", + "Completed text 41687\n", + "Completed text 41688\n", + "Completed text 41689\n", + "Completed text 41690\n", + "Completed text 41691\n", + "Completed text 41692\n", + "Completed text 41693\n", + "Completed text 41694\n", + "Completed text 41695\n", + "Completed text 41696\n", + "Completed text 41697\n", + "Completed text 41698\n", + "Completed text 41699\n", + "Completed text 41700\n", + "Completed text 41701\n", + "Completed text 41702\n", + "Completed text 41703\n", + "Completed text 41704\n", + "Completed text 41705\n", + "Completed text 41706\n", + "Completed text 41707\n", + "Completed text 41708\n", + "Completed text 41709\n", + "Completed text 41710\n", + "Completed text 41711\n", + "Completed text 41712\n", + "Completed text 41713\n", + "Completed text 41714\n", + "Completed text 41715\n", + "Completed text 41716\n", + "Completed text 41717\n", + "Completed text 41718\n", + "Completed text 41719\n", + "Completed text 41720\n", + "Completed text 41721\n", + "Completed text 41722\n", + "Completed text 41723\n", + "Completed text 41724\n", + "Completed text 41725\n", + "Completed text 41726\n", + "Completed text 41727\n", + "Completed text 41728\n", + "Completed text 41729\n", + "Completed text 41730\n", + "Completed text 41731\n", + "Completed text 41732\n", + "Completed text 41733\n", + "Completed text 41734\n", + "Completed text 41735\n", + "Completed text 41736\n", + "Completed text 41737\n", + "Completed text 41738\n", + "Completed text 41739\n", + "Completed text 41740\n", + "Completed text 41741\n", + "Completed text 41742\n", + "Completed text 41743\n", + "Completed text 41744\n", + "Completed text 41745\n", + "Completed text 41746\n", + "Completed text 41747\n", + "Completed text 41748\n", + "Completed text 41749\n", + "Completed text 41750\n", + "Completed text 41751\n", + "Completed text 41752\n", + "Completed text 41753\n", + "Completed text 41754\n", + "Completed text 41755\n", + "Completed text 41756\n", + "Completed text 41757\n", + "Completed text 41758\n", + "Completed text 41759\n", + "Completed text 41760\n", + "Completed text 41761\n", + "Completed text 41762\n", + "Completed text 41763\n", + "Completed text 41764\n", + "Completed text 41765\n", + "Completed text 41766\n", + "Completed text 41767\n", + "Completed text 41768\n", + "Completed text 41769\n", + "Completed text 41770\n", + "Completed text 41771\n", + "Completed text 41772\n", + "Completed text 41773\n", + "Completed text 41774\n", + "Completed text 41775\n", + "Completed text 41776\n", + "Completed text 41777\n", + "Completed text 41778\n", + "Completed text 41779\n", + "Completed text 41780\n", + "Completed text 41781\n", + "Completed text 41782\n", + "Completed text 41783\n", + "Completed text 41784\n", + "Completed text 41785\n", + "Completed text 41786\n", + "Completed text 41787\n", + "Completed text 41788\n", + "Completed text 41789\n", + "Completed text 41790\n", + "Completed text 41791\n", + "Completed text 41792\n", + "Completed text 41793\n", + "Completed text 41794\n", + "Completed text 41795\n", + "Completed text 41796\n", + "Completed text 41797\n", + "Completed text 41798\n", + "Completed text 41799\n", + "Completed text 41800\n", + "Completed text 41801\n", + "Completed text 41802\n", + "Completed text 41803\n", + "Completed text 41804\n", + "Completed text 41805\n", + "Completed text 41806\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 41807\n", + "Completed text 41808\n", + "Completed text 41809\n", + "Completed text 41810\n", + "Completed text 41811\n", + "Completed text 41812\n", + "Completed text 41813\n", + "Completed text 41814\n", + "Completed text 41815\n", + "Completed text 41816\n", + "Completed text 41817\n", + "Completed text 41818\n", + "Completed text 41819\n", + "Completed text 41820\n", + "Completed text 41821\n", + "Completed text 41822\n", + "Completed text 41823\n", + "Completed text 41824\n", + "Completed text 41825\n", + "Completed text 41826\n", + "Completed text 41827\n", + "Completed text 41828\n", + "Completed text 41829\n", + "Completed text 41830\n", + "Completed text 41831\n", + "Completed text 41832\n", + "Completed text 41833\n", + "Completed text 41834\n", + "Completed text 41835\n", + "Completed text 41836\n", + "Completed text 41837\n", + "Completed text 41838\n", + "Completed text 41839\n", + "Completed text 41840\n", + "Completed text 41841\n", + "Completed text 41842\n", + "Completed text 41843\n", + "Completed text 41844\n", + "Completed text 41845\n", + "Completed text 41846\n", + "Completed text 41847\n", + "Completed text 41848\n", + "Completed text 41849\n", + "Completed text 41850\n", + "Completed text 41851\n", + "Completed text 41852\n", + "Completed text 41853\n", + "Completed text 41854\n", + "Completed text 41855\n", + "Completed text 41856\n", + "Completed text 41857\n", + "Completed text 41858\n", + "Completed text 41859\n", + "Completed text 41860\n", + "Completed text 41861\n", + "Completed text 41862\n", + "Completed text 41863\n", + "Completed text 41864\n", + "Completed text 41865\n", + "Completed text 41866\n", + "Completed text 41867\n", + "Completed text 41868\n", + "Completed text 41869\n", + "Completed text 41870\n", + "Completed text 41871\n", + "Completed text 41872\n", + "Completed text 41873\n", + "Completed text 41874\n", + "Completed text 41875\n", + "Completed text 41876\n", + "Completed text 41877\n", + "Completed text 41878\n", + "Completed text 41879\n", + "Completed text 41880\n", + "Completed text 41881\n", + "Completed text 41882\n", + "Completed text 41883\n", + "Completed text 41884\n", + "Completed text 41885\n", + "Completed text 41886\n", + "Completed text 41887\n", + "Completed text 41888\n", + "Completed text 41889\n", + "Completed text 41890\n", + "Completed text 41891\n", + "Completed text 41892\n", + "Completed text 41893\n", + "Completed text 41894\n", + "Completed text 41895\n", + "Completed text 41896\n", + "Completed text 41897\n", + "Completed text 41898\n", + "Completed text 41899\n", + "Completed text 41900\n", + "Completed text 41901\n", + "Completed text 41902\n", + "Completed text 41903\n", + "Completed text 41904\n", + "Completed text 41905\n", + "Completed text 41906\n", + "Completed text 41907\n", + "Completed text 41908\n", + "Completed text 41909\n", + "Completed text 41910\n", + "Completed text 41911\n", + "Completed text 41912\n", + "Completed text 41913\n", + "Completed text 41914\n", + "Completed text 41915\n", + "Completed text 41916\n", + "Completed text 41917\n", + "Completed text 41918\n", + "Completed text 41919\n", + "Completed text 41920\n", + "Completed text 41921\n", + "Completed text 41922\n", + "Completed text 41923\n", + "Completed text 41924\n", + "Completed text 41925\n", + "Completed text 41926\n", + "Completed text 41927\n", + "Completed text 41928\n", + "Completed text 41929\n", + "Completed text 41930\n", + "Completed text 41931\n", + "Completed text 41932\n", + "Completed text 41933\n", + "Completed text 41934\n", + "Completed text 41935\n", + "Completed text 41936\n", + "Completed text 41937\n", + "Completed text 41938\n", + "Completed text 41939\n", + "Completed text 41940\n", + "Completed text 41941\n", + "Completed text 41942\n", + "Completed text 41943\n", + "Completed text 41944\n", + "Completed text 41945\n", + "Completed text 41946\n", + "Completed text 41947\n", + "Completed text 41948\n", + "Completed text 41949\n", + "Completed text 41950\n", + "Completed text 41951\n", + "Completed text 41952\n", + "Completed text 41953\n", + "Completed text 41954\n", + "Completed text 41955\n", + "Completed text 41956\n", + "Completed text 41957\n", + "Completed text 41958\n", + "Completed text 41959\n", + "Completed text 41960\n", + "Completed text 41961\n", + "Completed text 41962\n", + "Completed text 41963\n", + "Completed text 41964\n", + "Completed text 41965\n", + "Completed text 41966\n", + "Completed text 41967\n", + "Completed text 41968\n", + "Completed text 41969\n", + "Completed text 41970\n", + "Completed text 41971\n", + "Completed text 41972\n", + "Completed text 41973\n", + "Completed text 41974\n", + "Completed text 41975\n", + "Completed text 41976\n", + "Completed text 41977\n", + "Completed text 41978\n", + "Completed text 41979\n", + "Completed text 41980\n", + "Completed text 41981\n", + "Completed text 41982\n", + "Completed text 41983\n", + "Completed text 41984\n", + "Completed text 41985\n", + "Completed text 41986\n", + "Completed text 41987\n", + "Completed text 41988\n", + "Completed text 41989\n", + "Completed text 41990\n", + "Completed text 41991\n", + "Completed text 41992\n", + "Completed text 41993\n", + "Completed text 41994\n", + "Completed text 41995\n", + "Completed text 41996\n", + "Completed text 41997\n", + "Completed text 41998\n", + "Completed text 41999\n", + "Completed text 42000\n", + "Completed text 42001\n", + "Completed text 42002\n", + "Completed text 42003\n", + "Completed text 42004\n", + "Completed text 42005\n", + "Completed text 42006\n", + "Completed text 42007\n", + "Completed text 42008\n", + "Completed text 42009\n", + "Completed text 42010\n", + "Completed text 42011\n", + "Completed text 42012\n", + "Completed text 42013\n", + "Completed text 42014\n", + "Completed text 42015\n", + "Completed text 42016\n", + "Completed text 42017\n", + "Completed text 42018\n", + "Completed text 42019\n", + "Completed text 42020\n", + "Completed text 42021\n", + "Completed text 42022\n", + "Completed text 42023\n", + "Completed text 42024\n", + "Completed text 42025\n", + "Completed text 42026\n", + "Completed text 42027\n", + "Completed text 42028\n", + "Completed text 42029\n", + "Completed text 42030\n", + "Completed text 42031\n", + "Completed text 42032\n", + "Completed text 42033\n", + "Completed text 42034\n", + "Completed text 42035\n", + "Completed text 42036\n", + "Completed text 42037\n", + "Completed text 42038\n", + "Completed text 42039\n", + "Completed text 42040\n", + "Completed text 42041\n", + "Completed text 42042\n", + "Completed text 42043\n", + "Completed text 42044\n", + "Completed text 42045\n", + "Completed text 42046\n", + "Completed text 42047\n", + "Completed text 42048\n", + "Completed text 42049\n", + "Completed text 42050\n", + "Completed text 42051\n", + "Completed text 42052\n", + "Completed text 42053\n", + "Completed text 42054\n", + "Completed text 42055\n", + "Completed text 42056\n", + "Completed text 42057\n", + "Completed text 42058\n", + "Completed text 42059\n", + "Completed text 42060\n", + "Completed text 42061\n", + "Completed text 42062\n", + "Completed text 42063\n", + "Completed text 42064\n", + "Completed text 42065\n", + "Completed text 42066\n", + "Completed text 42067\n", + "Completed text 42068\n", + "Completed text 42069\n", + "Completed text 42070\n", + "Completed text 42071\n", + "Completed text 42072\n", + "Completed text 42073\n", + "Completed text 42074\n", + "Completed text 42075\n", + "Completed text 42076\n", + "Completed text 42077\n", + "Completed text 42078\n", + "Completed text 42079\n", + "Completed text 42080\n", + "Completed text 42081\n", + "Completed text 42082\n", + "Completed text 42083\n", + "Completed text 42084\n", + "Completed text 42085\n", + "Completed text 42086\n", + "Completed text 42087\n", + "Completed text 42088\n", + "Completed text 42089\n", + "Completed text 42090\n", + "Completed text 42091\n", + "Completed text 42092\n", + "Completed text 42093\n", + "Completed text 42094\n", + "Completed text 42095\n", + "Completed text 42096\n", + "Completed text 42097\n", + "Completed text 42098\n", + "Completed text 42099\n", + "Completed text 42100\n", + "Completed text 42101\n", + "Completed text 42102\n", + "Completed text 42103\n", + "Completed text 42104\n", + "Completed text 42105\n", + "Completed text 42106\n", + "Completed text 42107\n", + "Completed text 42108\n", + "Completed text 42109\n", + "Completed text 42110\n", + "Completed text 42111\n", + "Completed text 42112\n", + "Completed text 42113\n", + "Completed text 42114\n", + "Completed text 42115\n", + "Completed text 42116\n", + "Completed text 42117\n", + "Completed text 42118\n", + "Completed text 42119\n", + "Completed text 42120\n", + "Completed text 42121\n", + "Completed text 42122\n", + "Completed text 42123\n", + "Completed text 42124\n", + "Completed text 42125\n", + "Completed text 42126\n", + "Completed text 42127\n", + "Completed text 42128\n", + "Completed text 42129\n", + "Completed text 42130\n", + "Completed text 42131\n", + "Completed text 42132\n", + "Completed text 42133\n", + "Completed text 42134\n", + "Completed text 42135\n", + "Completed text 42136\n", + "Completed text 42137\n", + "Completed text 42138\n", + "Completed text 42139\n", + "Completed text 42140\n", + "Completed text 42141\n", + "Completed text 42142\n", + "Completed text 42143\n", + "Completed text 42144\n", + "Completed text 42145\n", + "Completed text 42146\n", + "Completed text 42147\n", + "Completed text 42148\n", + "Completed text 42149\n", + "Completed text 42150\n", + "Completed text 42151\n", + "Completed text 42152\n", + "Completed text 42153\n", + "Completed text 42154\n", + "Completed text 42155\n", + "Completed text 42156\n", + "Completed text 42157\n", + "Completed text 42158\n", + "Completed text 42159\n", + "Completed text 42160\n", + "Completed text 42161\n", + "Completed text 42162\n", + "Completed text 42163\n", + "Completed text 42164\n", + "Completed text 42165\n", + "Completed text 42166\n", + "Completed text 42167\n", + "Completed text 42168\n", + "Completed text 42169\n", + "Completed text 42170\n", + "Completed text 42171\n", + "Completed text 42172\n", + "Completed text 42173\n", + "Completed text 42174\n", + "Completed text 42175\n", + "Completed text 42176\n", + "Completed text 42177\n", + "Completed text 42178\n", + "Completed text 42179\n", + "Completed text 42180\n", + "Completed text 42181\n", + "Completed text 42182\n", + "Completed text 42183\n", + "Completed text 42184\n", + "Completed text 42185\n", + "Completed text 42186\n", + "Completed text 42187\n", + "Completed text 42188\n", + "Completed text 42189\n", + "Completed text 42190\n", + "Completed text 42191\n", + "Completed text 42192\n", + "Completed text 42193\n", + "Completed text 42194\n", + "Completed text 42195\n", + "Completed text 42196\n", + "Completed text 42197\n", + "Completed text 42198\n", + "Completed text 42199\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 42200\n", + "Completed text 42201\n", + "Completed text 42202\n", + "Completed text 42203\n", + "Completed text 42204\n", + "Completed text 42205\n", + "Completed text 42206\n", + "Completed text 42207\n", + "Completed text 42208\n", + "Completed text 42209\n", + "Completed text 42210\n", + "Completed text 42211\n", + "Completed text 42212\n", + "Completed text 42213\n", + "Completed text 42214\n", + "Completed text 42215\n", + "Completed text 42216\n", + "Completed text 42217\n", + "Completed text 42218\n", + "Completed text 42219\n", + "Completed text 42220\n", + "Completed text 42221\n", + "Completed text 42222\n", + "Completed text 42223\n", + "Completed text 42224\n", + "Completed text 42225\n", + "Completed text 42226\n", + "Completed text 42227\n", + "Completed text 42228\n", + "Completed text 42229\n", + "Completed text 42230\n", + "Completed text 42231\n", + "Completed text 42232\n", + "Completed text 42233\n", + "Completed text 42234\n", + "Completed text 42235\n", + "Completed text 42236\n", + "Completed text 42237\n", + "Completed text 42238\n", + "Completed text 42239\n", + "Completed text 42240\n", + "Completed text 42241\n", + "Completed text 42242\n", + "Completed text 42243\n", + "Completed text 42244\n", + "Completed text 42245\n", + "Completed text 42246\n", + "Completed text 42247\n", + "Completed text 42248\n", + "Completed text 42249\n", + "Completed text 42250\n", + "Completed text 42251\n", + "Completed text 42252\n", + "Completed text 42253\n", + "Completed text 42254\n", + "Completed text 42255\n", + "Completed text 42256\n", + "Completed text 42257\n", + "Completed text 42258\n", + "Completed text 42259\n", + "Completed text 42260\n", + "Completed text 42261\n", + "Completed text 42262\n", + "Completed text 42263\n", + "Completed text 42264\n", + "Completed text 42265\n", + "Completed text 42266\n", + "Completed text 42267\n", + "Completed text 42268\n", + "Completed text 42269\n", + "Completed text 42270\n", + "Completed text 42271\n", + "Completed text 42272\n", + "Completed text 42273\n", + "Completed text 42274\n", + "Completed text 42275\n", + "Completed text 42276\n", + "Completed text 42277\n", + "Completed text 42278\n", + "Completed text 42279\n", + "Completed text 42280\n", + "Completed text 42281\n", + "Completed text 42282\n", + "Completed text 42283\n", + "Completed text 42284\n", + "Completed text 42285\n", + "Completed text 42286\n", + "Completed text 42287\n", + "Completed text 42288\n", + "Completed text 42289\n", + "Completed text 42290\n", + "Completed text 42291\n", + "Completed text 42292\n", + "Completed text 42293\n", + "Completed text 42294\n", + "Completed text 42295\n", + "Completed text 42296\n", + "Completed text 42297\n", + "Completed text 42298\n", + "Completed text 42299\n", + "Completed text 42300\n", + "Completed text 42301\n", + "Completed text 42302\n", + "Completed text 42303\n", + "Completed text 42304\n", + "Completed text 42305\n", + "Completed text 42306\n", + "Completed text 42307\n", + "Completed text 42308\n", + "Completed text 42309\n", + "Completed text 42310\n", + "Completed text 42311\n", + "Completed text 42312\n", + "Completed text 42313\n", + "Completed text 42314\n", + "Completed text 42315\n", + "Completed text 42316\n", + "Completed text 42317\n", + "Completed text 42318\n", + "Completed text 42319\n", + "Completed text 42320\n", + "Completed text 42321\n", + "Completed text 42322\n", + "Completed text 42323\n", + "Completed text 42324\n", + "Completed text 42325\n", + "Completed text 42326\n", + "Completed text 42327\n", + "Completed text 42328\n", + "Completed text 42329\n", + "Completed text 42330\n", + "Completed text 42331\n", + "Completed text 42332\n", + "Completed text 42333\n", + "Completed text 42334\n", + "Completed text 42335\n", + "Completed text 42336\n", + "Completed text 42337\n", + "Completed text 42338\n", + "Completed text 42339\n", + "Completed text 42340\n", + "Completed text 42341\n", + "Completed text 42342\n", + "Completed text 42343\n", + "Completed text 42344\n", + "Completed text 42345\n", + "Completed text 42346\n", + "Completed text 42347\n", + "Completed text 42348\n", + "Completed text 42349\n", + "Completed text 42350\n", + "Completed text 42351\n", + "Completed text 42352\n", + "Completed text 42353\n", + "Completed text 42354\n", + "Completed text 42355\n", + "Completed text 42356\n", + "Completed text 42357\n", + "Completed text 42358\n", + "Completed text 42359\n", + "Completed text 42360\n", + "Completed text 42361\n", + "Completed text 42362\n", + "Completed text 42363\n", + "Completed text 42364\n", + "Completed text 42365\n", + "Completed text 42366\n", + "Completed text 42367\n", + "Completed text 42368\n", + "Completed text 42369\n", + "Completed text 42370\n", + "Completed text 42371\n", + "Completed text 42372\n", + "Completed text 42373\n", + "Completed text 42374\n", + "Completed text 42375\n", + "Completed text 42376\n", + "Completed text 42377\n", + "Completed text 42378\n", + "Completed text 42379\n", + "Completed text 42380\n", + "Completed text 42381\n", + "Completed text 42382\n", + "Completed text 42383\n", + "Completed text 42384\n", + "Completed text 42385\n", + "Completed text 42386\n", + "Completed text 42387\n", + "Completed text 42388\n", + "Completed text 42389\n", + "Completed text 42390\n", + "Completed text 42391\n", + "Completed text 42392\n", + "Completed text 42393\n", + "Completed text 42394\n", + "Completed text 42395\n", + "Completed text 42396\n", + "Completed text 42397\n", + "Completed text 42398\n", + "Completed text 42399\n", + "Completed text 42400\n", + "Completed text 42401\n", + "Completed text 42402\n", + "Completed text 42403\n", + "Completed text 42404\n", + "Completed text 42405\n", + "Completed text 42406\n", + "Completed text 42407\n", + "Completed text 42408\n", + "Completed text 42409\n", + "Completed text 42410\n", + "Completed text 42411\n", + "Completed text 42412\n", + "Completed text 42413\n", + "Completed text 42414\n", + "Completed text 42415\n", + "Completed text 42416\n", + "Completed text 42417\n", + "Completed text 42418\n", + "Completed text 42419\n", + "Completed text 42420\n", + "Completed text 42421\n", + "Completed text 42422\n", + "Completed text 42423\n", + "Completed text 42424\n", + "Completed text 42425\n", + "Completed text 42426\n", + "Completed text 42427\n", + "Completed text 42428\n", + "Completed text 42429\n", + "Completed text 42430\n", + "Completed text 42431\n", + "Completed text 42432\n", + "Completed text 42433\n", + "Completed text 42434\n", + "Completed text 42435\n", + "Completed text 42436\n", + "Completed text 42437\n", + "Completed text 42438\n", + "Completed text 42439\n", + "Completed text 42440\n", + "Completed text 42441\n", + "Completed text 42442\n", + "Completed text 42443\n", + "Completed text 42444\n", + "Completed text 42445\n", + "Completed text 42446\n", + "Completed text 42447\n", + "Completed text 42448\n", + "Completed text 42449\n", + "Completed text 42450\n", + "Completed text 42451\n", + "Completed text 42452\n", + "Completed text 42453\n", + "Completed text 42454\n", + "Completed text 42455\n", + "Completed text 42456\n", + "Completed text 42457\n", + "Completed text 42458\n", + "Completed text 42459\n", + "Completed text 42460\n", + "Completed text 42461\n", + "Completed text 42462\n", + "Completed text 42463\n", + "Completed text 42464\n", + "Completed text 42465\n", + "Completed text 42466\n", + "Completed text 42467\n", + "Completed text 42468\n", + "Completed text 42469\n", + "Completed text 42470\n", + "Completed text 42471\n", + "Completed text 42472\n", + "Completed text 42473\n", + "Completed text 42474\n", + "Completed text 42475\n", + "Completed text 42476\n", + "Completed text 42477\n", + "Completed text 42478\n", + "Completed text 42479\n", + "Completed text 42480\n", + "Completed text 42481\n", + "Completed text 42482\n", + "Completed text 42483\n", + "Completed text 42484\n", + "Completed text 42485\n", + "Completed text 42486\n", + "Completed text 42487\n", + "Completed text 42488\n", + "Completed text 42489\n", + "Completed text 42490\n", + "Completed text 42491\n", + "Completed text 42492\n", + "Completed text 42493\n", + "Completed text 42494\n", + "Completed text 42495\n", + "Completed text 42496\n", + "Completed text 42497\n", + "Completed text 42498\n", + "Completed text 42499\n", + "Completed text 42500\n", + "Completed text 42501\n", + "Completed text 42502\n", + "Completed text 42503\n", + "Completed text 42504\n", + "Completed text 42505\n", + "Completed text 42506\n", + "Completed text 42507\n", + "Completed text 42508\n", + "Completed text 42509\n", + "Completed text 42510\n", + "Completed text 42511\n", + "Completed text 42512\n", + "Completed text 42513\n", + "Completed text 42514\n", + "Completed text 42515\n", + "Completed text 42516\n", + "Completed text 42517\n", + "Completed text 42518\n", + "Completed text 42519\n", + "Completed text 42520\n", + "Completed text 42521\n", + "Completed text 42522\n", + "Completed text 42523\n", + "Completed text 42524\n", + "Completed text 42525\n", + "Completed text 42526\n", + "Completed text 42527\n", + "Completed text 42528\n", + "Completed text 42529\n", + "Completed text 42530\n", + "Completed text 42531\n", + "Completed text 42532\n", + "Completed text 42533\n", + "Completed text 42534\n", + "Completed text 42535\n", + "Completed text 42536\n", + "Completed text 42537\n", + "Completed text 42538\n", + "Completed text 42539\n", + "Completed text 42540\n", + "Completed text 42541\n", + "Completed text 42542\n", + "Completed text 42543\n", + "Completed text 42544\n", + "Completed text 42545\n", + "Completed text 42546\n", + "Completed text 42547\n", + "Completed text 42548\n", + "Completed text 42549\n", + "Completed text 42550\n", + "Completed text 42551\n", + "Completed text 42552\n", + "Completed text 42553\n", + "Completed text 42554\n", + "Completed text 42555\n", + "Completed text 42556\n", + "Completed text 42557\n", + "Completed text 42558\n", + "Completed text 42559\n", + "Completed text 42560\n", + "Completed text 42561\n", + "Completed text 42562\n", + "Completed text 42563\n", + "Completed text 42564\n", + "Completed text 42565\n", + "Completed text 42566\n", + "Completed text 42567\n", + "Completed text 42568\n", + "Completed text 42569\n", + "Completed text 42570\n", + "Completed text 42571\n", + "Completed text 42572\n", + "Completed text 42573\n", + "Completed text 42574\n", + "Completed text 42575\n", + "Completed text 42576\n", + "Completed text 42577\n", + "Completed text 42578\n", + "Completed text 42579\n", + "Completed text 42580\n", + "Completed text 42581\n", + "Completed text 42582\n", + "Completed text 42583\n", + "Completed text 42584\n", + "Completed text 42585\n", + "Completed text 42586\n", + "Completed text 42587\n", + "Completed text 42588\n", + "Completed text 42589\n", + "Completed text 42590\n", + "Completed text 42591\n", + "Completed text 42592\n", + "Completed text 42593\n", + "Completed text 42594\n", + "Completed text 42595\n", + "Completed text 42596\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 42597\n", + "Completed text 42598\n", + "Completed text 42599\n", + "Completed text 42600\n", + "Completed text 42601\n", + "Completed text 42602\n", + "Completed text 42603\n", + "Completed text 42604\n", + "Completed text 42605\n", + "Completed text 42606\n", + "Completed text 42607\n", + "Completed text 42608\n", + "Completed text 42609\n", + "Completed text 42610\n", + "Completed text 42611\n", + "Completed text 42612\n", + "Completed text 42613\n", + "Completed text 42614\n", + "Completed text 42615\n", + "Completed text 42616\n", + "Completed text 42617\n", + "Completed text 42618\n", + "Completed text 42619\n", + "Completed text 42620\n", + "Completed text 42621\n", + "Completed text 42622\n", + "Completed text 42623\n", + "Completed text 42624\n", + "Completed text 42625\n", + "Completed text 42626\n", + "Completed text 42627\n", + "Completed text 42628\n", + "Completed text 42629\n", + "Completed text 42630\n", + "Completed text 42631\n", + "Completed text 42632\n", + "Completed text 42633\n", + "Completed text 42634\n", + "Completed text 42635\n", + "Completed text 42636\n", + "Completed text 42637\n", + "Completed text 42638\n", + "Completed text 42639\n", + "Completed text 42640\n", + "Completed text 42641\n", + "Completed text 42642\n", + "Completed text 42643\n", + "Completed text 42644\n", + "Completed text 42645\n", + "Completed text 42646\n", + "Completed text 42647\n", + "Completed text 42648\n", + "Completed text 42649\n", + "Completed text 42650\n", + "Completed text 42651\n", + "Completed text 42652\n", + "Completed text 42653\n", + "Completed text 42654\n", + "Completed text 42655\n", + "Completed text 42656\n", + "Completed text 42657\n", + "Completed text 42658\n", + "Completed text 42659\n", + "Completed text 42660\n", + "Completed text 42661\n", + "Completed text 42662\n", + "Completed text 42663\n", + "Completed text 42664\n", + "Completed text 42665\n", + "Completed text 42666\n", + "Completed text 42667\n", + "Completed text 42668\n", + "Completed text 42669\n", + "Completed text 42670\n", + "Completed text 42671\n", + "Completed text 42672\n", + "Completed text 42673\n", + "Completed text 42674\n", + "Completed text 42675\n", + "Completed text 42676\n", + "Completed text 42677\n", + "Completed text 42678\n", + "Completed text 42679\n", + "Completed text 42680\n", + "Completed text 42681\n", + "Completed text 42682\n", + "Completed text 42683\n", + "Completed text 42684\n", + "Completed text 42685\n", + "Completed text 42686\n", + "Completed text 42687\n", + "Completed text 42688\n", + "Completed text 42689\n", + "Completed text 42690\n", + "Completed text 42691\n", + "Completed text 42692\n", + "Completed text 42693\n", + "Completed text 42694\n", + "Completed text 42695\n", + "Completed text 42696\n", + "Completed text 42697\n", + "Completed text 42698\n", + "Completed text 42699\n", + "Completed text 42700\n", + "Completed text 42701\n", + "Completed text 42702\n", + "Completed text 42703\n", + "Completed text 42704\n", + "Completed text 42705\n", + "Completed text 42706\n", + "Completed text 42707\n", + "Completed text 42708\n", + "Completed text 42709\n", + "Completed text 42710\n", + "Completed text 42711\n", + "Completed text 42712\n", + "Completed text 42713\n", + "Completed text 42714\n", + "Completed text 42715\n", + "Completed text 42716\n", + "Completed text 42717\n", + "Completed text 42718\n", + "Completed text 42719\n", + "Completed text 42720\n", + "Completed text 42721\n", + "Completed text 42722\n", + "Completed text 42723\n", + "Completed text 42724\n", + "Completed text 42725\n", + "Completed text 42726\n", + "Completed text 42727\n", + "Completed text 42728\n", + "Completed text 42729\n", + "Completed text 42730\n", + "Completed text 42731\n", + "Completed text 42732\n", + "Completed text 42733\n", + "Completed text 42734\n", + "Completed text 42735\n", + "Completed text 42736\n", + "Completed text 42737\n", + "Completed text 42738\n", + "Completed text 42739\n", + "Completed text 42740\n", + "Completed text 42741\n", + "Completed text 42742\n", + "Completed text 42743\n", + "Completed text 42744\n", + "Completed text 42745\n", + "Completed text 42746\n", + "Completed text 42747\n", + "Completed text 42748\n", + "Completed text 42749\n", + "Completed text 42750\n", + "Completed text 42751\n", + "Completed text 42752\n", + "Completed text 42753\n", + "Completed text 42754\n", + "Completed text 42755\n", + "Completed text 42756\n", + "Completed text 42757\n", + "Completed text 42758\n", + "Completed text 42759\n", + "Completed text 42760\n", + "Completed text 42761\n", + "Completed text 42762\n", + "Completed text 42763\n", + "Completed text 42764\n", + "Completed text 42765\n", + "Completed text 42766\n", + "Completed text 42767\n", + "Completed text 42768\n", + "Completed text 42769\n", + "Completed text 42770\n", + "Completed text 42771\n", + "Completed text 42772\n", + "Completed text 42773\n", + "Completed text 42774\n", + "Completed text 42775\n", + "Completed text 42776\n", + "Completed text 42777\n", + "Completed text 42778\n", + "Completed text 42779\n", + "Completed text 42780\n", + "Completed text 42781\n", + "Completed text 42782\n", + "Completed text 42783\n", + "Completed text 42784\n", + "Completed text 42785\n", + "Completed text 42786\n", + "Completed text 42787\n", + "Completed text 42788\n", + "Completed text 42789\n", + "Completed text 42790\n", + "Completed text 42791\n", + "Completed text 42792\n", + "Completed text 42793\n", + "Completed text 42794\n", + "Completed text 42795\n", + "Completed text 42796\n", + "Completed text 42797\n", + "Completed text 42798\n", + "Completed text 42799\n", + "Completed text 42800\n", + "Completed text 42801\n", + "Completed text 42802\n", + "Completed text 42803\n", + "Completed text 42804\n", + "Completed text 42805\n", + "Completed text 42806\n", + "Completed text 42807\n", + "Completed text 42808\n", + "Completed text 42809\n", + "Completed text 42810\n", + "Completed text 42811\n", + "Completed text 42812\n", + "Completed text 42813\n", + "Completed text 42814\n", + "Completed text 42815\n", + "Completed text 42816\n", + "Completed text 42817\n", + "Completed text 42818\n", + "Completed text 42819\n", + "Completed text 42820\n", + "Completed text 42821\n", + "Completed text 42822\n", + "Completed text 42823\n", + "Completed text 42824\n", + "Completed text 42825\n", + "Completed text 42826\n", + "Completed text 42827\n", + "Completed text 42828\n", + "Completed text 42829\n", + "Completed text 42830\n", + "Completed text 42831\n", + "Completed text 42832\n", + "Completed text 42833\n", + "Completed text 42834\n", + "Completed text 42835\n", + "Completed text 42836\n", + "Completed text 42837\n", + "Completed text 42838\n", + "Completed text 42839\n", + "Completed text 42840\n", + "Completed text 42841\n", + "Completed text 42842\n", + "Completed text 42843\n", + "Completed text 42844\n", + "Completed text 42845\n", + "Completed text 42846\n", + "Completed text 42847\n", + "Completed text 42848\n", + "Completed text 42849\n", + "Completed text 42850\n", + "Completed text 42851\n", + "Completed text 42852\n", + "Completed text 42853\n", + "Completed text 42854\n", + "Completed text 42855\n", + "Completed text 42856\n", + "Completed text 42857\n", + "Completed text 42858\n", + "Completed text 42859\n", + "Completed text 42860\n", + "Completed text 42861\n", + "Completed text 42862\n", + "Completed text 42863\n", + "Completed text 42864\n", + "Completed text 42865\n", + "Completed text 42866\n", + "Completed text 42867\n", + "Completed text 42868\n", + "Completed text 42869\n", + "Completed text 42870\n", + "Completed text 42871\n", + "Completed text 42872\n", + "Completed text 42873\n", + "Completed text 42874\n", + "Completed text 42875\n", + "Completed text 42876\n", + "Completed text 42877\n", + "Completed text 42878\n", + "Completed text 42879\n", + "Completed text 42880\n", + "Completed text 42881\n", + "Completed text 42882\n", + "Completed text 42883\n", + "Completed text 42884\n", + "Completed text 42885\n", + "Completed text 42886\n", + "Completed text 42887\n", + "Completed text 42888\n", + "Completed text 42889\n", + "Completed text 42890\n", + "Completed text 42891\n", + "Completed text 42892\n", + "Completed text 42893\n", + "Completed text 42894\n", + "Completed text 42895\n", + "Completed text 42896\n", + "Completed text 42897\n", + "Completed text 42898\n", + "Completed text 42899\n", + "Completed text 42900\n", + "Completed text 42901\n", + "Completed text 42902\n", + "Completed text 42903\n", + "Completed text 42904\n", + "Completed text 42905\n", + "Completed text 42906\n", + "Completed text 42907\n", + "Completed text 42908\n", + "Completed text 42909\n", + "Completed text 42910\n", + "Completed text 42911\n", + "Completed text 42912\n", + "Completed text 42913\n", + "Completed text 42914\n", + "Completed text 42915\n", + "Completed text 42916\n", + "Completed text 42917\n", + "Completed text 42918\n", + "Completed text 42919\n", + "Completed text 42920\n", + "Completed text 42921\n", + "Completed text 42922\n", + "Completed text 42923\n", + "Completed text 42924\n", + "Completed text 42925\n", + "Completed text 42926\n", + "Completed text 42927\n", + "Completed text 42928\n", + "Completed text 42929\n", + "Completed text 42930\n", + "Completed text 42931\n", + "Completed text 42932\n", + "Completed text 42933\n", + "Completed text 42934\n", + "Completed text 42935\n", + "Completed text 42936\n", + "Completed text 42937\n", + "Completed text 42938\n", + "Completed text 42939\n", + "Completed text 42940\n", + "Completed text 42941\n", + "Completed text 42942\n", + "Completed text 42943\n", + "Completed text 42944\n", + "Completed text 42945\n", + "Completed text 42946\n", + "Completed text 42947\n", + "Completed text 42948\n", + "Completed text 42949\n", + "Completed text 42950\n", + "Completed text 42951\n", + "Completed text 42952\n", + "Completed text 42953\n", + "Completed text 42954\n", + "Completed text 42955\n", + "Completed text 42956\n", + "Completed text 42957\n", + "Completed text 42958\n", + "Completed text 42959\n", + "Completed text 42960\n", + "Completed text 42961\n", + "Completed text 42962\n", + "Completed text 42963\n", + "Completed text 42964\n", + "Completed text 42965\n", + "Completed text 42966\n", + "Completed text 42967\n", + "Completed text 42968\n", + "Completed text 42969\n", + "Completed text 42970\n", + "Completed text 42971\n", + "Completed text 42972\n", + "Completed text 42973\n", + "Completed text 42974\n", + "Completed text 42975\n", + "Completed text 42976\n", + "Completed text 42977\n", + "Completed text 42978\n", + "Completed text 42979\n", + "Completed text 42980\n", + "Completed text 42981\n", + "Completed text 42982\n", + "Completed text 42983\n", + "Completed text 42984\n", + "Completed text 42985\n", + "Completed text 42986\n", + "Completed text 42987\n", + "Completed text 42988\n", + "Completed text 42989\n", + "Completed text 42990\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 42991\n", + "Completed text 42992\n", + "Completed text 42993\n", + "Completed text 42994\n", + "Completed text 42995\n", + "Completed text 42996\n", + "Completed text 42997\n", + "Completed text 42998\n", + "Completed text 42999\n", + "Completed text 43000\n", + "Completed text 43001\n", + "Completed text 43002\n", + "Completed text 43003\n", + "Completed text 43004\n", + "Completed text 43005\n", + "Completed text 43006\n", + "Completed text 43007\n", + "Completed text 43008\n", + "Completed text 43009\n", + "Completed text 43010\n", + "Completed text 43011\n", + "Completed text 43012\n", + "Completed text 43013\n", + "Completed text 43014\n", + "Completed text 43015\n", + "Completed text 43016\n", + "Completed text 43017\n", + "Completed text 43018\n", + "Completed text 43019\n", + "Completed text 43020\n", + "Completed text 43021\n", + "Completed text 43022\n", + "Completed text 43023\n", + "Completed text 43024\n", + "Completed text 43025\n", + "Completed text 43026\n", + "Completed text 43027\n", + "Completed text 43028\n", + "Completed text 43029\n", + "Completed text 43030\n", + "Completed text 43031\n", + "Completed text 43032\n", + "Completed text 43033\n", + "Completed text 43034\n", + "Completed text 43035\n", + "Completed text 43036\n", + "Completed text 43037\n", + "Completed text 43038\n", + "Completed text 43039\n", + "Completed text 43040\n", + "Completed text 43041\n", + "Completed text 43042\n", + "Completed text 43043\n", + "Completed text 43044\n", + "Completed text 43045\n", + "Completed text 43046\n", + "Completed text 43047\n", + "Completed text 43048\n", + "Completed text 43049\n", + "Completed text 43050\n", + "Completed text 43051\n", + "Completed text 43052\n", + "Completed text 43053\n", + "Completed text 43054\n", + "Completed text 43055\n", + "Completed text 43056\n", + "Completed text 43057\n", + "Completed text 43058\n", + "Completed text 43059\n", + "Completed text 43060\n", + "Completed text 43061\n", + "Completed text 43062\n", + "Completed text 43063\n", + "Completed text 43064\n", + "Completed text 43065\n", + "Completed text 43066\n", + "Completed text 43067\n", + "Completed text 43068\n", + "Completed text 43069\n", + "Completed text 43070\n", + "Completed text 43071\n", + "Completed text 43072\n", + "Completed text 43073\n", + "Completed text 43074\n", + "Completed text 43075\n", + "Completed text 43076\n", + "Completed text 43077\n", + "Completed text 43078\n", + "Completed text 43079\n", + "Completed text 43080\n", + "Completed text 43081\n", + "Completed text 43082\n", + "Completed text 43083\n", + "Completed text 43084\n", + "Completed text 43085\n", + "Completed text 43086\n", + "Completed text 43087\n", + "Completed text 43088\n", + "Completed text 43089\n", + "Completed text 43090\n", + "Completed text 43091\n", + "Completed text 43092\n", + "Completed text 43093\n", + "Completed text 43094\n", + "Completed text 43095\n", + "Completed text 43096\n", + "Completed text 43097\n", + "Completed text 43098\n", + "Completed text 43099\n", + "Completed text 43100\n", + "Completed text 43101\n", + "Completed text 43102\n", + "Completed text 43103\n", + "Completed text 43104\n", + "Completed text 43105\n", + "Completed text 43106\n", + "Completed text 43107\n", + "Completed text 43108\n", + "Completed text 43109\n", + "Completed text 43110\n", + "Completed text 43111\n", + "Completed text 43112\n", + "Completed text 43113\n", + "Completed text 43114\n", + "Completed text 43115\n", + "Completed text 43116\n", + "Completed text 43117\n", + "Completed text 43118\n", + "Completed text 43119\n", + "Completed text 43120\n", + "Completed text 43121\n", + "Completed text 43122\n", + "Completed text 43123\n", + "Completed text 43124\n", + "Completed text 43125\n", + "Completed text 43126\n", + "Completed text 43127\n", + "Completed text 43128\n", + "Completed text 43129\n", + "Completed text 43130\n", + "Completed text 43131\n", + "Completed text 43132\n", + "Completed text 43133\n", + "Completed text 43134\n", + "Completed text 43135\n", + "Completed text 43136\n", + "Completed text 43137\n", + "Completed text 43138\n", + "Completed text 43139\n", + "Completed text 43140\n", + "Completed text 43141\n", + "Completed text 43142\n", + "Completed text 43143\n", + "Completed text 43144\n", + "Completed text 43145\n", + "Completed text 43146\n", + "Completed text 43147\n", + "Completed text 43148\n", + "Completed text 43149\n", + "Completed text 43150\n", + "Completed text 43151\n", + "Completed text 43152\n", + "Completed text 43153\n", + "Completed text 43154\n", + "Completed text 43155\n", + "Completed text 43156\n", + "Completed text 43157\n", + "Completed text 43158\n", + "Completed text 43159\n", + "Completed text 43160\n", + "Completed text 43161\n", + "Completed text 43162\n", + "Completed text 43163\n", + "Completed text 43164\n", + "Completed text 43165\n", + "Completed text 43166\n", + "Completed text 43167\n", + "Completed text 43168\n", + "Completed text 43169\n", + "Completed text 43170\n", + "Completed text 43171\n", + "Completed text 43172\n", + "Completed text 43173\n", + "Completed text 43174\n", + "Completed text 43175\n", + "Completed text 43176\n", + "Completed text 43177\n", + "Completed text 43178\n", + "Completed text 43179\n", + "Completed text 43180\n", + "Completed text 43181\n", + "Completed text 43182\n", + "Completed text 43183\n", + "Completed text 43184\n", + "Completed text 43185\n", + "Completed text 43186\n", + "Completed text 43187\n", + "Completed text 43188\n", + "Completed text 43189\n", + "Completed text 43190\n", + "Completed text 43191\n", + "Completed text 43192\n", + "Completed text 43193\n", + "Completed text 43194\n", + "Completed text 43195\n", + "Completed text 43196\n", + "Completed text 43197\n", + "Completed text 43198\n", + "Completed text 43199\n", + "Completed text 43200\n", + "Completed text 43201\n", + "Completed text 43202\n", + "Completed text 43203\n", + "Completed text 43204\n", + "Completed text 43205\n", + "Completed text 43206\n", + "Completed text 43207\n", + "Completed text 43208\n", + "Completed text 43209\n", + "Completed text 43210\n", + "Completed text 43211\n", + "Completed text 43212\n", + "Completed text 43213\n", + "Completed text 43214\n", + "Completed text 43215\n", + "Completed text 43216\n", + "Completed text 43217\n", + "Completed text 43218\n", + "Completed text 43219\n", + "Completed text 43220\n", + "Completed text 43221\n", + "Completed text 43222\n", + "Completed text 43223\n", + "Completed text 43224\n", + "Completed text 43225\n", + "Completed text 43226\n", + "Completed text 43227\n", + "Completed text 43228\n", + "Completed text 43229\n", + "Completed text 43230\n", + "Completed text 43231\n", + "Completed text 43232\n", + "Completed text 43233\n", + "Completed text 43234\n", + "Completed text 43235\n", + "Completed text 43236\n", + "Completed text 43237\n", + "Completed text 43238\n", + "Completed text 43239\n", + "Completed text 43240\n", + "Completed text 43241\n", + "Completed text 43242\n", + "Completed text 43243\n", + "Completed text 43244\n", + "Completed text 43245\n", + "Completed text 43246\n", + "Completed text 43247\n", + "Completed text 43248\n", + "Completed text 43249\n", + "Completed text 43250\n", + "Completed text 43251\n", + "Completed text 43252\n", + "Completed text 43253\n", + "Completed text 43254\n", + "Completed text 43255\n", + "Completed text 43256\n", + "Completed text 43257\n", + "Completed text 43258\n", + "Completed text 43259\n", + "Completed text 43260\n", + "Completed text 43261\n", + "Completed text 43262\n", + "Completed text 43263\n", + "Completed text 43264\n", + "Completed text 43265\n", + "Completed text 43266\n", + "Completed text 43267\n", + "Completed text 43268\n", + "Completed text 43269\n", + "Completed text 43270\n", + "Completed text 43271\n", + "Completed text 43272\n", + "Completed text 43273\n", + "Completed text 43274\n", + "Completed text 43275\n", + "Completed text 43276\n", + "Completed text 43277\n", + "Completed text 43278\n", + "Completed text 43279\n", + "Completed text 43280\n", + "Completed text 43281\n", + "Completed text 43282\n", + "Completed text 43283\n", + "Completed text 43284\n", + "Completed text 43285\n", + "Completed text 43286\n", + "Completed text 43287\n", + "Completed text 43288\n", + "Completed text 43289\n", + "Completed text 43290\n", + "Completed text 43291\n", + "Completed text 43292\n", + "Completed text 43293\n", + "Completed text 43294\n", + "Completed text 43295\n", + "Completed text 43296\n", + "Completed text 43297\n", + "Completed text 43298\n", + "Completed text 43299\n", + "Completed text 43300\n", + "Completed text 43301\n", + "Completed text 43302\n", + "Completed text 43303\n", + "Completed text 43304\n", + "Completed text 43305\n", + "Completed text 43306\n", + "Completed text 43307\n", + "Completed text 43308\n", + "Completed text 43309\n", + "Completed text 43310\n", + "Completed text 43311\n", + "Completed text 43312\n", + "Completed text 43313\n", + "Completed text 43314\n", + "Completed text 43315\n", + "Completed text 43316\n", + "Completed text 43317\n", + "Completed text 43318\n", + "Completed text 43319\n", + "Completed text 43320\n", + "Completed text 43321\n", + "Completed text 43322\n", + "Completed text 43323\n", + "Completed text 43324\n", + "Completed text 43325\n", + "Completed text 43326\n", + "Completed text 43327\n", + "Completed text 43328\n", + "Completed text 43329\n", + "Completed text 43330\n", + "Completed text 43331\n", + "Completed text 43332\n", + "Completed text 43333\n", + "Completed text 43334\n", + "Completed text 43335\n", + "Completed text 43336\n", + "Completed text 43337\n", + "Completed text 43338\n", + "Completed text 43339\n", + "Completed text 43340\n", + "Completed text 43341\n", + "Completed text 43342\n", + "Completed text 43343\n", + "Completed text 43344\n", + "Completed text 43345\n", + "Completed text 43346\n", + "Completed text 43347\n", + "Completed text 43348\n", + "Completed text 43349\n", + "Completed text 43350\n", + "Completed text 43351\n", + "Completed text 43352\n", + "Completed text 43353\n", + "Completed text 43354\n", + "Completed text 43355\n", + "Completed text 43356\n", + "Completed text 43357\n", + "Completed text 43358\n", + "Completed text 43359\n", + "Completed text 43360\n", + "Completed text 43361\n", + "Completed text 43362\n", + "Completed text 43363\n", + "Completed text 43364\n", + "Completed text 43365\n", + "Completed text 43366\n", + "Completed text 43367\n", + "Completed text 43368\n", + "Completed text 43369\n", + "Completed text 43370\n", + "Completed text 43371\n", + "Completed text 43372\n", + "Completed text 43373\n", + "Completed text 43374\n", + "Completed text 43375\n", + "Completed text 43376\n", + "Completed text 43377\n", + "Completed text 43378\n", + "Completed text 43379\n", + "Completed text 43380\n", + "Completed text 43381\n", + "Completed text 43382\n", + "Completed text 43383\n", + "Completed text 43384\n", + "Completed text 43385\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 43386\n", + "Completed text 43387\n", + "Completed text 43388\n", + "Completed text 43389\n", + "Completed text 43390\n", + "Completed text 43391\n", + "Completed text 43392\n", + "Completed text 43393\n", + "Completed text 43394\n", + "Completed text 43395\n", + "Completed text 43396\n", + "Completed text 43397\n", + "Completed text 43398\n", + "Completed text 43399\n", + "Completed text 43400\n", + "Completed text 43401\n", + "Completed text 43402\n", + "Completed text 43403\n", + "Completed text 43404\n", + "Completed text 43405\n", + "Completed text 43406\n", + "Completed text 43407\n", + "Completed text 43408\n", + "Completed text 43409\n", + "Completed text 43410\n", + "Completed text 43411\n", + "Completed text 43412\n", + "Completed text 43413\n", + "Completed text 43414\n", + "Completed text 43415\n", + "Completed text 43416\n", + "Completed text 43417\n", + "Completed text 43418\n", + "Completed text 43419\n", + "Completed text 43420\n", + "Completed text 43421\n", + "Completed text 43422\n", + "Completed text 43423\n", + "Completed text 43424\n", + "Completed text 43425\n", + "Completed text 43426\n", + "Completed text 43427\n", + "Completed text 43428\n", + "Completed text 43429\n", + "Completed text 43430\n", + "Completed text 43431\n", + "Completed text 43432\n", + "Completed text 43433\n", + "Completed text 43434\n", + "Completed text 43435\n", + "Completed text 43436\n", + "Completed text 43437\n", + "Completed text 43438\n", + "Completed text 43439\n", + "Completed text 43440\n", + "Completed text 43441\n", + "Completed text 43442\n", + "Completed text 43443\n", + "Completed text 43444\n", + "Completed text 43445\n", + "Completed text 43446\n", + "Completed text 43447\n", + "Completed text 43448\n", + "Completed text 43449\n", + "Completed text 43450\n", + "Completed text 43451\n", + "Completed text 43452\n", + "Completed text 43453\n", + "Completed text 43454\n", + "Completed text 43455\n", + "Completed text 43456\n", + "Completed text 43457\n", + "Completed text 43458\n", + "Completed text 43459\n", + "Completed text 43460\n", + "Completed text 43461\n", + "Completed text 43462\n", + "Completed text 43463\n", + "Completed text 43464\n", + "Completed text 43465\n", + "Completed text 43466\n", + "Completed text 43467\n", + "Completed text 43468\n", + "Completed text 43469\n", + "Completed text 43470\n", + "Completed text 43471\n", + "Completed text 43472\n", + "Completed text 43473\n", + "Completed text 43474\n", + "Completed text 43475\n", + "Completed text 43476\n", + "Completed text 43477\n", + "Completed text 43478\n", + "Completed text 43479\n", + "Completed text 43480\n", + "Completed text 43481\n", + "Completed text 43482\n", + "Completed text 43483\n", + "Completed text 43484\n", + "Completed text 43485\n", + "Completed text 43486\n", + "Completed text 43487\n", + "Completed text 43488\n", + "Completed text 43489\n", + "Completed text 43490\n", + "Completed text 43491\n", + "Completed text 43492\n", + "Completed text 43493\n", + "Completed text 43494\n", + "Completed text 43495\n", + "Completed text 43496\n", + "Completed text 43497\n", + "Completed text 43498\n", + "Completed text 43499\n", + "Completed text 43500\n", + "Completed text 43501\n", + "Completed text 43502\n", + "Completed text 43503\n", + "Completed text 43504\n", + "Completed text 43505\n", + "Completed text 43506\n", + "Completed text 43507\n", + "Completed text 43508\n", + "Completed text 43509\n", + "Completed text 43510\n", + "Completed text 43511\n", + "Completed text 43512\n", + "Completed text 43513\n", + "Completed text 43514\n", + "Completed text 43515\n", + "Completed text 43516\n", + "Completed text 43517\n", + "Completed text 43518\n", + "Completed text 43519\n", + "Completed text 43520\n", + "Completed text 43521\n", + "Completed text 43522\n", + "Completed text 43523\n", + "Completed text 43524\n", + "Completed text 43525\n", + "Completed text 43526\n", + "Completed text 43527\n", + "Completed text 43528\n", + "Completed text 43529\n", + "Completed text 43530\n", + "Completed text 43531\n", + "Completed text 43532\n", + "Completed text 43533\n", + "Completed text 43534\n", + "Completed text 43535\n", + "Completed text 43536\n", + "Completed text 43537\n", + "Completed text 43538\n", + "Completed text 43539\n", + "Completed text 43540\n", + "Completed text 43541\n", + "Completed text 43542\n", + "Completed text 43543\n", + "Completed text 43544\n", + "Completed text 43545\n", + "Completed text 43546\n", + "Completed text 43547\n", + "Completed text 43548\n", + "Completed text 43549\n", + "Completed text 43550\n", + "Completed text 43551\n", + "Completed text 43552\n", + "Completed text 43553\n", + "Completed text 43554\n", + "Completed text 43555\n", + "Completed text 43556\n", + "Completed text 43557\n", + "Completed text 43558\n", + "Completed text 43559\n", + "Completed text 43560\n", + "Completed text 43561\n", + "Completed text 43562\n", + "Completed text 43563\n", + "Completed text 43564\n", + "Completed text 43565\n", + "Completed text 43566\n", + "Completed text 43567\n", + "Completed text 43568\n", + "Completed text 43569\n", + "Completed text 43570\n", + "Completed text 43571\n", + "Completed text 43572\n", + "Completed text 43573\n", + "Completed text 43574\n", + "Completed text 43575\n", + "Completed text 43576\n", + "Completed text 43577\n", + "Completed text 43578\n", + "Completed text 43579\n", + "Completed text 43580\n", + "Completed text 43581\n", + "Completed text 43582\n", + "Completed text 43583\n", + "Completed text 43584\n", + "Completed text 43585\n", + "Completed text 43586\n", + "Completed text 43587\n", + "Completed text 43588\n", + "Completed text 43589\n", + "Completed text 43590\n", + "Completed text 43591\n", + "Completed text 43592\n", + "Completed text 43593\n", + "Completed text 43594\n", + "Completed text 43595\n", + "Completed text 43596\n", + "Completed text 43597\n", + "Completed text 43598\n", + "Completed text 43599\n", + "Completed text 43600\n", + "Completed text 43601\n", + "Completed text 43602\n", + "Completed text 43603\n", + "Completed text 43604\n", + "Completed text 43605\n", + "Completed text 43606\n", + "Completed text 43607\n", + "Completed text 43608\n", + "Completed text 43609\n", + "Completed text 43610\n", + "Completed text 43611\n", + "Completed text 43612\n", + "Completed text 43613\n", + "Completed text 43614\n", + "Completed text 43615\n", + "Completed text 43616\n", + "Completed text 43617\n", + "Completed text 43618\n", + "Completed text 43619\n", + "Completed text 43620\n", + "Completed text 43621\n", + "Completed text 43622\n", + "Completed text 43623\n", + "Completed text 43624\n", + "Completed text 43625\n", + "Completed text 43626\n", + "Completed text 43627\n", + "Completed text 43628\n", + "Completed text 43629\n", + "Completed text 43630\n", + "Completed text 43631\n", + "Completed text 43632\n", + "Completed text 43633\n", + "Completed text 43634\n", + "Completed text 43635\n", + "Completed text 43636\n", + "Completed text 43637\n", + "Completed text 43638\n", + "Completed text 43639\n", + "Completed text 43640\n", + "Completed text 43641\n", + "Completed text 43642\n", + "Completed text 43643\n", + "Completed text 43644\n", + "Completed text 43645\n", + "Completed text 43646\n", + "Completed text 43647\n", + "Completed text 43648\n", + "Completed text 43649\n", + "Completed text 43650\n", + "Completed text 43651\n", + "Completed text 43652\n", + "Completed text 43653\n", + "Completed text 43654\n", + "Completed text 43655\n", + "Completed text 43656\n", + "Completed text 43657\n", + "Completed text 43658\n", + "Completed text 43659\n", + "Completed text 43660\n", + "Completed text 43661\n", + "Completed text 43662\n", + "Completed text 43663\n", + "Completed text 43664\n", + "Completed text 43665\n", + "Completed text 43666\n", + "Completed text 43667\n", + "Completed text 43668\n", + "Completed text 43669\n", + "Completed text 43670\n", + "Completed text 43671\n", + "Completed text 43672\n", + "Completed text 43673\n", + "Completed text 43674\n", + "Completed text 43675\n", + "Completed text 43676\n", + "Completed text 43677\n", + "Completed text 43678\n", + "Completed text 43679\n", + "Completed text 43680\n", + "Completed text 43681\n", + "Completed text 43682\n", + "Completed text 43683\n", + "Completed text 43684\n", + "Completed text 43685\n", + "Completed text 43686\n", + "Completed text 43687\n", + "Completed text 43688\n", + "Completed text 43689\n", + "Completed text 43690\n", + "Completed text 43691\n", + "Completed text 43692\n", + "Completed text 43693\n", + "Completed text 43694\n", + "Completed text 43695\n", + "Completed text 43696\n", + "Completed text 43697\n", + "Completed text 43698\n", + "Completed text 43699\n", + "Completed text 43700\n", + "Completed text 43701\n", + "Completed text 43702\n", + "Completed text 43703\n", + "Completed text 43704\n", + "Completed text 43705\n", + "Completed text 43706\n", + "Completed text 43707\n", + "Completed text 43708\n", + "Completed text 43709\n", + "Completed text 43710\n", + "Completed text 43711\n", + "Completed text 43712\n", + "Completed text 43713\n", + "Completed text 43714\n", + "Completed text 43715\n", + "Completed text 43716\n", + "Completed text 43717\n", + "Completed text 43718\n", + "Completed text 43719\n", + "Completed text 43720\n", + "Completed text 43721\n", + "Completed text 43722\n", + "Completed text 43723\n", + "Completed text 43724\n", + "Completed text 43725\n", + "Completed text 43726\n", + "Completed text 43727\n", + "Completed text 43728\n", + "Completed text 43729\n", + "Completed text 43730\n", + "Completed text 43731\n", + "Completed text 43732\n", + "Completed text 43733\n", + "Completed text 43734\n", + "Completed text 43735\n", + "Completed text 43736\n", + "Completed text 43737\n", + "Completed text 43738\n", + "Completed text 43739\n", + "Completed text 43740\n", + "Completed text 43741\n", + "Completed text 43742\n", + "Completed text 43743\n", + "Completed text 43744\n", + "Completed text 43745\n", + "Completed text 43746\n", + "Completed text 43747\n", + "Completed text 43748\n", + "Completed text 43749\n", + "Completed text 43750\n", + "Completed text 43751\n", + "Completed text 43752\n", + "Completed text 43753\n", + "Completed text 43754\n", + "Completed text 43755\n", + "Completed text 43756\n", + "Completed text 43757\n", + "Completed text 43758\n", + "Completed text 43759\n", + "Completed text 43760\n", + "Completed text 43761\n", + "Completed text 43762\n", + "Completed text 43763\n", + "Completed text 43764\n", + "Completed text 43765\n", + "Completed text 43766\n", + "Completed text 43767\n", + "Completed text 43768\n", + "Completed text 43769\n", + "Completed text 43770\n", + "Completed text 43771\n", + "Completed text 43772\n", + "Completed text 43773\n", + "Completed text 43774\n", + "Completed text 43775\n", + "Completed text 43776\n", + "Completed text 43777\n", + "Completed text 43778\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 43779\n", + "Completed text 43780\n", + "Completed text 43781\n", + "Completed text 43782\n", + "Completed text 43783\n", + "Completed text 43784\n", + "Completed text 43785\n", + "Completed text 43786\n", + "Completed text 43787\n", + "Completed text 43788\n", + "Completed text 43789\n", + "Completed text 43790\n", + "Completed text 43791\n", + "Completed text 43792\n", + "Completed text 43793\n", + "Completed text 43794\n", + "Completed text 43795\n", + "Completed text 43796\n", + "Completed text 43797\n", + "Completed text 43798\n", + "Completed text 43799\n", + "Completed text 43800\n", + "Completed text 43801\n", + "Completed text 43802\n", + "Completed text 43803\n", + "Completed text 43804\n", + "Completed text 43805\n", + "Completed text 43806\n", + "Completed text 43807\n", + "Completed text 43808\n", + "Completed text 43809\n", + "Completed text 43810\n", + "Completed text 43811\n", + "Completed text 43812\n", + "Completed text 43813\n", + "Completed text 43814\n", + "Completed text 43815\n", + "Completed text 43816\n", + "Completed text 43817\n", + "Completed text 43818\n", + "Completed text 43819\n", + "Completed text 43820\n", + "Completed text 43821\n", + "Completed text 43822\n", + "Completed text 43823\n", + "Completed text 43824\n", + "Completed text 43825\n", + "Completed text 43826\n", + "Completed text 43827\n", + "Completed text 43828\n", + "Completed text 43829\n", + "Completed text 43830\n", + "Completed text 43831\n", + "Completed text 43832\n", + "Completed text 43833\n", + "Completed text 43834\n", + "Completed text 43835\n", + "Completed text 43836\n", + "Completed text 43837\n", + "Completed text 43838\n", + "Completed text 43839\n", + "Completed text 43840\n", + "Completed text 43841\n", + "Completed text 43842\n", + "Completed text 43843\n", + "Completed text 43844\n", + "Completed text 43845\n", + "Completed text 43846\n", + "Completed text 43847\n", + "Completed text 43848\n", + "Completed text 43849\n", + "Completed text 43850\n", + "Completed text 43851\n", + "Completed text 43852\n", + "Completed text 43853\n", + "Completed text 43854\n", + "Completed text 43855\n", + "Completed text 43856\n", + "Completed text 43857\n", + "Completed text 43858\n", + "Completed text 43859\n", + "Completed text 43860\n", + "Completed text 43861\n", + "Completed text 43862\n", + "Completed text 43863\n", + "Completed text 43864\n", + "Completed text 43865\n", + "Completed text 43866\n", + "Completed text 43867\n", + "Completed text 43868\n", + "Completed text 43869\n", + "Completed text 43870\n", + "Completed text 43871\n", + "Completed text 43872\n", + "Completed text 43873\n", + "Completed text 43874\n", + "Completed text 43875\n", + "Completed text 43876\n", + "Completed text 43877\n", + "Completed text 43878\n", + "Completed text 43879\n", + "Completed text 43880\n", + "Completed text 43881\n", + "Completed text 43882\n", + "Completed text 43883\n", + "Completed text 43884\n", + "Completed text 43885\n", + "Completed text 43886\n", + "Completed text 43887\n", + "Completed text 43888\n", + "Completed text 43889\n", + "Completed text 43890\n", + "Completed text 43891\n", + "Completed text 43892\n", + "Completed text 43893\n", + "Completed text 43894\n", + "Completed text 43895\n", + "Completed text 43896\n", + "Completed text 43897\n", + "Completed text 43898\n", + "Completed text 43899\n", + "Completed text 43900\n", + "Completed text 43901\n", + "Completed text 43902\n", + "Completed text 43903\n", + "Completed text 43904\n", + "Completed text 43905\n", + "Completed text 43906\n", + "Completed text 43907\n", + "Completed text 43908\n", + "Completed text 43909\n", + "Completed text 43910\n", + "Completed text 43911\n", + "Completed text 43912\n", + "Completed text 43913\n", + "Completed text 43914\n", + "Completed text 43915\n", + "Completed text 43916\n", + "Completed text 43917\n", + "Completed text 43918\n", + "Completed text 43919\n", + "Completed text 43920\n", + "Completed text 43921\n", + "Completed text 43922\n", + "Completed text 43923\n", + "Completed text 43924\n", + "Completed text 43925\n", + "Completed text 43926\n", + "Completed text 43927\n", + "Completed text 43928\n", + "Completed text 43929\n", + "Completed text 43930\n", + "Completed text 43931\n", + "Completed text 43932\n", + "Completed text 43933\n", + "Completed text 43934\n", + "Completed text 43935\n", + "Completed text 43936\n", + "Completed text 43937\n", + "Completed text 43938\n", + "Completed text 43939\n", + "Completed text 43940\n", + "Completed text 43941\n", + "Completed text 43942\n", + "Completed text 43943\n", + "Completed text 43944\n", + "Completed text 43945\n", + "Completed text 43946\n", + "Completed text 43947\n", + "Completed text 43948\n", + "Completed text 43949\n", + "Completed text 43950\n", + "Completed text 43951\n", + "Completed text 43952\n", + "Completed text 43953\n", + "Completed text 43954\n", + "Completed text 43955\n", + "Completed text 43956\n", + "Completed text 43957\n", + "Completed text 43958\n", + "Completed text 43959\n", + "Completed text 43960\n", + "Completed text 43961\n", + "Completed text 43962\n", + "Completed text 43963\n", + "Completed text 43964\n", + "Completed text 43965\n", + "Completed text 43966\n", + "Completed text 43967\n", + "Completed text 43968\n", + "Completed text 43969\n", + "Completed text 43970\n", + "Completed text 43971\n", + "Completed text 43972\n", + "Completed text 43973\n", + "Completed text 43974\n", + "Completed text 43975\n", + "Completed text 43976\n", + "Completed text 43977\n", + "Completed text 43978\n", + "Completed text 43979\n", + "Completed text 43980\n", + "Completed text 43981\n", + "Completed text 43982\n", + "Completed text 43983\n", + "Completed text 43984\n", + "Completed text 43985\n", + "Completed text 43986\n", + "Completed text 43987\n", + "Completed text 43988\n", + "Completed text 43989\n", + "Completed text 43990\n", + "Completed text 43991\n", + "Completed text 43992\n", + "Completed text 43993\n", + "Completed text 43994\n", + "Completed text 43995\n", + "Completed text 43996\n", + "Completed text 43997\n", + "Completed text 43998\n", + "Completed text 43999\n", + "Completed text 44000\n", + "Completed text 44001\n", + "Completed text 44002\n", + "Completed text 44003\n", + "Completed text 44004\n", + "Completed text 44005\n", + "Completed text 44006\n", + "Completed text 44007\n", + "Completed text 44008\n", + "Completed text 44009\n", + "Completed text 44010\n", + "Completed text 44011\n", + "Completed text 44012\n", + "Completed text 44013\n", + "Completed text 44014\n", + "Completed text 44015\n", + "Completed text 44016\n", + "Completed text 44017\n", + "Completed text 44018\n", + "Completed text 44019\n", + "Completed text 44020\n", + "Completed text 44021\n", + "Completed text 44022\n", + "Completed text 44023\n", + "Completed text 44024\n", + "Completed text 44025\n", + "Completed text 44026\n", + "Completed text 44027\n", + "Completed text 44028\n", + "Completed text 44029\n", + "Completed text 44030\n", + "Completed text 44031\n", + "Completed text 44032\n", + "Completed text 44033\n", + "Completed text 44034\n", + "Completed text 44035\n", + "Completed text 44036\n", + "Completed text 44037\n", + "Completed text 44038\n", + "Completed text 44039\n", + "Completed text 44040\n", + "Completed text 44041\n", + "Completed text 44042\n", + "Completed text 44043\n", + "Completed text 44044\n", + "Completed text 44045\n", + "Completed text 44046\n", + "Completed text 44047\n", + "Completed text 44048\n", + "Completed text 44049\n", + "Completed text 44050\n", + "Completed text 44051\n", + "Completed text 44052\n", + "Completed text 44053\n", + "Completed text 44054\n", + "Completed text 44055\n", + "Completed text 44056\n", + "Completed text 44057\n", + "Completed text 44058\n", + "Completed text 44059\n", + "Completed text 44060\n", + "Completed text 44061\n", + "Completed text 44062\n", + "Completed text 44063\n", + "Completed text 44064\n", + "Completed text 44065\n", + "Completed text 44066\n", + "Completed text 44067\n", + "Completed text 44068\n", + "Completed text 44069\n", + "Completed text 44070\n", + "Completed text 44071\n", + "Completed text 44072\n", + "Completed text 44073\n", + "Completed text 44074\n", + "Completed text 44075\n", + "Completed text 44076\n", + "Completed text 44077\n", + "Completed text 44078\n", + "Completed text 44079\n", + "Completed text 44080\n", + "Completed text 44081\n", + "Completed text 44082\n", + "Completed text 44083\n", + "Completed text 44084\n", + "Completed text 44085\n", + "Completed text 44086\n", + "Completed text 44087\n", + "Completed text 44088\n", + "Completed text 44089\n", + "Completed text 44090\n", + "Completed text 44091\n", + "Completed text 44092\n", + "Completed text 44093\n", + "Completed text 44094\n", + "Completed text 44095\n", + "Completed text 44096\n", + "Completed text 44097\n", + "Completed text 44098\n", + "Completed text 44099\n", + "Completed text 44100\n", + "Completed text 44101\n", + "Completed text 44102\n", + "Completed text 44103\n", + "Completed text 44104\n", + "Completed text 44105\n", + "Completed text 44106\n", + "Completed text 44107\n", + "Completed text 44108\n", + "Completed text 44109\n", + "Completed text 44110\n", + "Completed text 44111\n", + "Completed text 44112\n", + "Completed text 44113\n", + "Completed text 44114\n", + "Completed text 44115\n", + "Completed text 44116\n", + "Completed text 44117\n", + "Completed text 44118\n", + "Completed text 44119\n", + "Completed text 44120\n", + "Completed text 44121\n", + "Completed text 44122\n", + "Completed text 44123\n", + "Completed text 44124\n", + "Completed text 44125\n", + "Completed text 44126\n", + "Completed text 44127\n", + "Completed text 44128\n", + "Completed text 44129\n", + "Completed text 44130\n", + "Completed text 44131\n", + "Completed text 44132\n", + "Completed text 44133\n", + "Completed text 44134\n", + "Completed text 44135\n", + "Completed text 44136\n", + "Completed text 44137\n", + "Completed text 44138\n", + "Completed text 44139\n", + "Completed text 44140\n", + "Completed text 44141\n", + "Completed text 44142\n", + "Completed text 44143\n", + "Completed text 44144\n", + "Completed text 44145\n", + "Completed text 44146\n", + "Completed text 44147\n", + "Completed text 44148\n", + "Completed text 44149\n", + "Completed text 44150\n", + "Completed text 44151\n", + "Completed text 44152\n", + "Completed text 44153\n", + "Completed text 44154\n", + "Completed text 44155\n", + "Completed text 44156\n", + "Completed text 44157\n", + "Completed text 44158\n", + "Completed text 44159\n", + "Completed text 44160\n", + "Completed text 44161\n", + "Completed text 44162\n", + "Completed text 44163\n", + "Completed text 44164\n", + "Completed text 44165\n", + "Completed text 44166\n", + "Completed text 44167\n", + "Completed text 44168\n", + "Completed text 44169\n", + "Completed text 44170\n", + "Completed text 44171\n", + "Completed text 44172\n", + "Completed text 44173\n", + "Completed text 44174\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 44175\n", + "Completed text 44176\n", + "Completed text 44177\n", + "Completed text 44178\n", + "Completed text 44179\n", + "Completed text 44180\n", + "Completed text 44181\n", + "Completed text 44182\n", + "Completed text 44183\n", + "Completed text 44184\n", + "Completed text 44185\n", + "Completed text 44186\n", + "Completed text 44187\n", + "Completed text 44188\n", + "Completed text 44189\n", + "Completed text 44190\n", + "Completed text 44191\n", + "Completed text 44192\n", + "Completed text 44193\n", + "Completed text 44194\n", + "Completed text 44195\n", + "Completed text 44196\n", + "Completed text 44197\n", + "Completed text 44198\n", + "Completed text 44199\n", + "Completed text 44200\n", + "Completed text 44201\n", + "Completed text 44202\n", + "Completed text 44203\n", + "Completed text 44204\n", + "Completed text 44205\n", + "Completed text 44206\n", + "Completed text 44207\n", + "Completed text 44208\n", + "Completed text 44209\n", + "Completed text 44210\n", + "Completed text 44211\n", + "Completed text 44212\n", + "Completed text 44213\n", + "Completed text 44214\n", + "Completed text 44215\n", + "Completed text 44216\n", + "Completed text 44217\n", + "Completed text 44218\n", + "Completed text 44219\n", + "Completed text 44220\n", + "Completed text 44221\n", + "Completed text 44222\n", + "Completed text 44223\n", + "Completed text 44224\n", + "Completed text 44225\n", + "Completed text 44226\n", + "Completed text 44227\n", + "Completed text 44228\n", + "Completed text 44229\n", + "Completed text 44230\n", + "Completed text 44231\n", + "Completed text 44232\n", + "Completed text 44233\n", + "Completed text 44234\n", + "Completed text 44235\n", + "Completed text 44236\n", + "Completed text 44237\n", + "Completed text 44238\n", + "Completed text 44239\n", + "Completed text 44240\n", + "Completed text 44241\n", + "Completed text 44242\n", + "Completed text 44243\n", + "Completed text 44244\n", + "Completed text 44245\n", + "Completed text 44246\n", + "Completed text 44247\n", + "Completed text 44248\n", + "Completed text 44249\n", + "Completed text 44250\n", + "Completed text 44251\n", + "Completed text 44252\n", + "Completed text 44253\n", + "Completed text 44254\n", + "Completed text 44255\n", + "Completed text 44256\n", + "Completed text 44257\n", + "Completed text 44258\n", + "Completed text 44259\n", + "Completed text 44260\n", + "Completed text 44261\n", + "Completed text 44262\n", + "Completed text 44263\n", + "Completed text 44264\n", + "Completed text 44265\n", + "Completed text 44266\n", + "Completed text 44267\n", + "Completed text 44268\n", + "Completed text 44269\n", + "Completed text 44270\n", + "Completed text 44271\n", + "Completed text 44272\n", + "Completed text 44273\n", + "Completed text 44274\n", + "Completed text 44275\n", + "Completed text 44276\n", + "Completed text 44277\n", + "Completed text 44278\n", + "Completed text 44279\n", + "Completed text 44280\n", + "Completed text 44281\n", + "Completed text 44282\n", + "Completed text 44283\n", + "Completed text 44284\n", + "Completed text 44285\n", + "Completed text 44286\n", + "Completed text 44287\n", + "Completed text 44288\n", + "Completed text 44289\n", + "Completed text 44290\n", + "Completed text 44291\n", + "Completed text 44292\n", + "Completed text 44293\n", + "Completed text 44294\n", + "Completed text 44295\n", + "Completed text 44296\n", + "Completed text 44297\n", + "Completed text 44298\n", + "Completed text 44299\n", + "Completed text 44300\n", + "Completed text 44301\n", + "Completed text 44302\n", + "Completed text 44303\n", + "Completed text 44304\n", + "Completed text 44305\n", + "Completed text 44306\n", + "Completed text 44307\n", + "Completed text 44308\n", + "Completed text 44309\n", + "Completed text 44310\n", + "Completed text 44311\n", + "Completed text 44312\n", + "Completed text 44313\n", + "Completed text 44314\n", + "Completed text 44315\n", + "Completed text 44316\n", + "Completed text 44317\n", + "Completed text 44318\n", + "Completed text 44319\n", + "Completed text 44320\n", + "Completed text 44321\n", + "Completed text 44322\n", + "Completed text 44323\n", + "Completed text 44324\n", + "Completed text 44325\n", + "Completed text 44326\n", + "Completed text 44327\n", + "Completed text 44328\n", + "Completed text 44329\n", + "Completed text 44330\n", + "Completed text 44331\n", + "Completed text 44332\n", + "Completed text 44333\n", + "Completed text 44334\n", + "Completed text 44335\n", + "Completed text 44336\n", + "Completed text 44337\n", + "Completed text 44338\n", + "Completed text 44339\n", + "Completed text 44340\n", + "Completed text 44341\n", + "Completed text 44342\n", + "Completed text 44343\n", + "Completed text 44344\n", + "Completed text 44345\n", + "Completed text 44346\n", + "Completed text 44347\n", + "Completed text 44348\n", + "Completed text 44349\n", + "Completed text 44350\n", + "Completed text 44351\n", + "Completed text 44352\n", + "Completed text 44353\n", + "Completed text 44354\n", + "Completed text 44355\n", + "Completed text 44356\n", + "Completed text 44357\n", + "Completed text 44358\n", + "Completed text 44359\n", + "Completed text 44360\n", + "Completed text 44361\n", + "Completed text 44362\n", + "Completed text 44363\n", + "Completed text 44364\n", + "Completed text 44365\n", + "Completed text 44366\n", + "Completed text 44367\n", + "Completed text 44368\n", + "Completed text 44369\n", + "Completed text 44370\n", + "Completed text 44371\n", + "Completed text 44372\n", + "Completed text 44373\n", + "Completed text 44374\n", + "Completed text 44375\n", + "Completed text 44376\n", + "Completed text 44377\n", + "Completed text 44378\n", + "Completed text 44379\n", + "Completed text 44380\n", + "Completed text 44381\n", + "Completed text 44382\n", + "Completed text 44383\n", + "Completed text 44384\n", + "Completed text 44385\n", + "Completed text 44386\n", + "Completed text 44387\n", + "Completed text 44388\n", + "Completed text 44389\n", + "Completed text 44390\n", + "Completed text 44391\n", + "Completed text 44392\n", + "Completed text 44393\n", + "Completed text 44394\n", + "Completed text 44395\n", + "Completed text 44396\n", + "Completed text 44397\n", + "Completed text 44398\n", + "Completed text 44399\n", + "Completed text 44400\n", + "Completed text 44401\n", + "Completed text 44402\n", + "Completed text 44403\n", + "Completed text 44404\n", + "Completed text 44405\n", + "Completed text 44406\n", + "Completed text 44407\n", + "Completed text 44408\n", + "Completed text 44409\n", + "Completed text 44410\n", + "Completed text 44411\n", + "Completed text 44412\n", + "Completed text 44413\n", + "Completed text 44414\n", + "Completed text 44415\n", + "Completed text 44416\n", + "Completed text 44417\n", + "Completed text 44418\n", + "Completed text 44419\n", + "Completed text 44420\n", + "Completed text 44421\n", + "Completed text 44422\n", + "Completed text 44423\n", + "Completed text 44424\n", + "Completed text 44425\n", + "Completed text 44426\n", + "Completed text 44427\n", + "Completed text 44428\n", + "Completed text 44429\n", + "Completed text 44430\n", + "Completed text 44431\n", + "Completed text 44432\n", + "Completed text 44433\n", + "Completed text 44434\n", + "Completed text 44435\n", + "Completed text 44436\n", + "Completed text 44437\n", + "Completed text 44438\n", + "Completed text 44439\n", + "Completed text 44440\n", + "Completed text 44441\n", + "Completed text 44442\n", + "Completed text 44443\n", + "Completed text 44444\n", + "Completed text 44445\n", + "Completed text 44446\n", + "Completed text 44447\n", + "Completed text 44448\n", + "Completed text 44449\n", + "Completed text 44450\n", + "Completed text 44451\n", + "Completed text 44452\n", + "Completed text 44453\n", + "Completed text 44454\n", + "Completed text 44455\n", + "Completed text 44456\n", + "Completed text 44457\n", + "Completed text 44458\n", + "Completed text 44459\n", + "Completed text 44460\n", + "Completed text 44461\n", + "Completed text 44462\n", + "Completed text 44463\n", + "Completed text 44464\n", + "Completed text 44465\n", + "Completed text 44466\n", + "Completed text 44467\n", + "Completed text 44468\n", + "Completed text 44469\n", + "Completed text 44470\n", + "Completed text 44471\n", + "Completed text 44472\n", + "Completed text 44473\n", + "Completed text 44474\n", + "Completed text 44475\n", + "Completed text 44476\n", + "Completed text 44477\n", + "Completed text 44478\n", + "Completed text 44479\n", + "Completed text 44480\n", + "Completed text 44481\n", + "Completed text 44482\n", + "Completed text 44483\n", + "Completed text 44484\n", + "Completed text 44485\n", + "Completed text 44486\n", + "Completed text 44487\n", + "Completed text 44488\n", + "Completed text 44489\n", + "Completed text 44490\n", + "Completed text 44491\n", + "Completed text 44492\n", + "Completed text 44493\n", + "Completed text 44494\n", + "Completed text 44495\n", + "Completed text 44496\n", + "Completed text 44497\n", + "Completed text 44498\n", + "Completed text 44499\n", + "Completed text 44500\n", + "Completed text 44501\n", + "Completed text 44502\n", + "Completed text 44503\n", + "Completed text 44504\n", + "Completed text 44505\n", + "Completed text 44506\n", + "Completed text 44507\n", + "Completed text 44508\n", + "Completed text 44509\n", + "Completed text 44510\n", + "Completed text 44511\n", + "Completed text 44512\n", + "Completed text 44513\n", + "Completed text 44514\n", + "Completed text 44515\n", + "Completed text 44516\n", + "Completed text 44517\n", + "Completed text 44518\n", + "Completed text 44519\n", + "Completed text 44520\n", + "Completed text 44521\n", + "Completed text 44522\n", + "Completed text 44523\n", + "Completed text 44524\n", + "Completed text 44525\n", + "Completed text 44526\n", + "Completed text 44527\n", + "Completed text 44528\n", + "Completed text 44529\n", + "Completed text 44530\n", + "Completed text 44531\n", + "Completed text 44532\n", + "Completed text 44533\n", + "Completed text 44534\n", + "Completed text 44535\n", + "Completed text 44536\n", + "Completed text 44537\n", + "Completed text 44538\n", + "Completed text 44539\n", + "Completed text 44540\n", + "Completed text 44541\n", + "Completed text 44542\n", + "Completed text 44543\n", + "Completed text 44544\n", + "Completed text 44545\n", + "Completed text 44546\n", + "Completed text 44547\n", + "Completed text 44548\n", + "Completed text 44549\n", + "Completed text 44550\n", + "Completed text 44551\n", + "Completed text 44552\n", + "Completed text 44553\n", + "Completed text 44554\n", + "Completed text 44555\n", + "Completed text 44556\n", + "Completed text 44557\n", + "Completed text 44558\n", + "Completed text 44559\n", + "Completed text 44560\n", + "Completed text 44561\n", + "Completed text 44562\n", + "Completed text 44563\n", + "Completed text 44564\n", + "Completed text 44565\n", + "Completed text 44566\n", + "Completed text 44567\n", + "Completed text 44568\n", + "Completed text 44569\n", + "Completed text 44570\n", + "Completed text 44571\n", + "Completed text 44572\n", + "Completed text 44573\n", + "Completed text 44574\n", + "Completed text 44575\n", + "Completed text 44576\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 44577\n", + "Completed text 44578\n", + "Completed text 44579\n", + "Completed text 44580\n", + "Completed text 44581\n", + "Completed text 44582\n", + "Completed text 44583\n", + "Completed text 44584\n", + "Completed text 44585\n", + "Completed text 44586\n", + "Completed text 44587\n", + "Completed text 44588\n", + "Completed text 44589\n", + "Completed text 44590\n", + "Completed text 44591\n", + "Completed text 44592\n", + "Completed text 44593\n", + "Completed text 44594\n", + "Completed text 44595\n", + "Completed text 44596\n", + "Completed text 44597\n", + "Completed text 44598\n", + "Completed text 44599\n", + "Completed text 44600\n", + "Completed text 44601\n", + "Completed text 44602\n", + "Completed text 44603\n", + "Completed text 44604\n", + "Completed text 44605\n", + "Completed text 44606\n", + "Completed text 44607\n", + "Completed text 44608\n", + "Completed text 44609\n", + "Completed text 44610\n", + "Completed text 44611\n", + "Completed text 44612\n", + "Completed text 44613\n", + "Completed text 44614\n", + "Completed text 44615\n", + "Completed text 44616\n", + "Completed text 44617\n", + "Completed text 44618\n", + "Completed text 44619\n", + "Completed text 44620\n", + "Completed text 44621\n", + "Completed text 44622\n", + "Completed text 44623\n", + "Completed text 44624\n", + "Completed text 44625\n", + "Completed text 44626\n", + "Completed text 44627\n", + "Completed text 44628\n", + "Completed text 44629\n", + "Completed text 44630\n", + "Completed text 44631\n", + "Completed text 44632\n", + "Completed text 44633\n", + "Completed text 44634\n", + "Completed text 44635\n", + "Completed text 44636\n", + "Completed text 44637\n", + "Completed text 44638\n", + "Completed text 44639\n", + "Completed text 44640\n", + "Completed text 44641\n", + "Completed text 44642\n", + "Completed text 44643\n", + "Completed text 44644\n", + "Completed text 44645\n", + "Completed text 44646\n", + "Completed text 44647\n", + "Completed text 44648\n", + "Completed text 44649\n", + "Completed text 44650\n", + "Completed text 44651\n", + "Completed text 44652\n", + "Completed text 44653\n", + "Completed text 44654\n", + "Completed text 44655\n", + "Completed text 44656\n", + "Completed text 44657\n", + "Completed text 44658\n", + "Completed text 44659\n", + "Completed text 44660\n", + "Completed text 44661\n", + "Completed text 44662\n", + "Completed text 44663\n", + "Completed text 44664\n", + "Completed text 44665\n", + "Completed text 44666\n", + "Completed text 44667\n", + "Completed text 44668\n", + "Completed text 44669\n", + "Completed text 44670\n", + "Completed text 44671\n", + "Completed text 44672\n", + "Completed text 44673\n", + "Completed text 44674\n", + "Completed text 44675\n", + "Completed text 44676\n", + "Completed text 44677\n", + "Completed text 44678\n", + "Completed text 44679\n", + "Completed text 44680\n", + "Completed text 44681\n", + "Completed text 44682\n", + "Completed text 44683\n", + "Completed text 44684\n", + "Completed text 44685\n", + "Completed text 44686\n", + "Completed text 44687\n", + "Completed text 44688\n", + "Completed text 44689\n", + "Completed text 44690\n", + "Completed text 44691\n", + "Completed text 44692\n", + "Completed text 44693\n", + "Completed text 44694\n", + "Completed text 44695\n", + "Completed text 44696\n", + "Completed text 44697\n", + "Completed text 44698\n", + "Completed text 44699\n", + "Completed text 44700\n", + "Completed text 44701\n", + "Completed text 44702\n", + "Completed text 44703\n", + "Completed text 44704\n", + "Completed text 44705\n", + "Completed text 44706\n", + "Completed text 44707\n", + "Completed text 44708\n", + "Completed text 44709\n", + "Completed text 44710\n", + "Completed text 44711\n", + "Completed text 44712\n", + "Completed text 44713\n", + "Completed text 44714\n", + "Completed text 44715\n", + "Completed text 44716\n", + "Completed text 44717\n", + "Completed text 44718\n", + "Completed text 44719\n", + "Completed text 44720\n", + "Completed text 44721\n", + "Completed text 44722\n", + "Completed text 44723\n", + "Completed text 44724\n", + "Completed text 44725\n", + "Completed text 44726\n", + "Completed text 44727\n", + "Completed text 44728\n", + "Completed text 44729\n", + "Completed text 44730\n", + "Completed text 44731\n", + "Completed text 44732\n", + "Completed text 44733\n", + "Completed text 44734\n", + "Completed text 44735\n", + "Completed text 44736\n", + "Completed text 44737\n", + "Completed text 44738\n", + "Completed text 44739\n", + "Completed text 44740\n", + "Completed text 44741\n", + "Completed text 44742\n", + "Completed text 44743\n", + "Completed text 44744\n", + "Completed text 44745\n", + "Completed text 44746\n", + "Completed text 44747\n", + "Completed text 44748\n", + "Completed text 44749\n", + "Completed text 44750\n", + "Completed text 44751\n", + "Completed text 44752\n", + "Completed text 44753\n", + "Completed text 44754\n", + "Completed text 44755\n", + "Completed text 44756\n", + "Completed text 44757\n", + "Completed text 44758\n", + "Completed text 44759\n", + "Completed text 44760\n", + "Completed text 44761\n", + "Completed text 44762\n", + "Completed text 44763\n", + "Completed text 44764\n", + "Completed text 44765\n", + "Completed text 44766\n", + "Completed text 44767\n", + "Completed text 44768\n", + "Completed text 44769\n", + "Completed text 44770\n", + "Completed text 44771\n", + "Completed text 44772\n", + "Completed text 44773\n", + "Completed text 44774\n", + "Completed text 44775\n", + "Completed text 44776\n", + "Completed text 44777\n", + "Completed text 44778\n", + "Completed text 44779\n", + "Completed text 44780\n", + "Completed text 44781\n", + "Completed text 44782\n", + "Completed text 44783\n", + "Completed text 44784\n", + "Completed text 44785\n", + "Completed text 44786\n", + "Completed text 44787\n", + "Completed text 44788\n", + "Completed text 44789\n", + "Completed text 44790\n", + "Completed text 44791\n", + "Completed text 44792\n", + "Completed text 44793\n", + "Completed text 44794\n", + "Completed text 44795\n", + "Completed text 44796\n", + "Completed text 44797\n", + "Completed text 44798\n", + "Completed text 44799\n", + "Completed text 44800\n", + "Completed text 44801\n", + "Completed text 44802\n", + "Completed text 44803\n", + "Completed text 44804\n", + "Completed text 44805\n", + "Completed text 44806\n", + "Completed text 44807\n", + "Completed text 44808\n", + "Completed text 44809\n", + "Completed text 44810\n", + "Completed text 44811\n", + "Completed text 44812\n", + "Completed text 44813\n", + "Completed text 44814\n", + "Completed text 44815\n", + "Completed text 44816\n", + "Completed text 44817\n", + "Completed text 44818\n", + "Completed text 44819\n", + "Completed text 44820\n", + "Completed text 44821\n", + "Completed text 44822\n", + "Completed text 44823\n", + "Completed text 44824\n", + "Completed text 44825\n", + "Completed text 44826\n", + "Completed text 44827\n", + "Completed text 44828\n", + "Completed text 44829\n", + "Completed text 44830\n", + "Completed text 44831\n", + "Completed text 44832\n", + "Completed text 44833\n", + "Completed text 44834\n", + "Completed text 44835\n", + "Completed text 44836\n", + "Completed text 44837\n", + "Completed text 44838\n", + "Completed text 44839\n", + "Completed text 44840\n", + "Completed text 44841\n", + "Completed text 44842\n", + "Completed text 44843\n", + "Completed text 44844\n", + "Completed text 44845\n", + "Completed text 44846\n", + "Completed text 44847\n", + "Completed text 44848\n", + "Completed text 44849\n", + "Completed text 44850\n", + "Completed text 44851\n", + "Completed text 44852\n", + "Completed text 44853\n", + "Completed text 44854\n", + "Completed text 44855\n", + "Completed text 44856\n", + "Completed text 44857\n", + "Completed text 44858\n", + "Completed text 44859\n", + "Completed text 44860\n", + "Completed text 44861\n", + "Completed text 44862\n", + "Completed text 44863\n", + "Completed text 44864\n", + "Completed text 44865\n", + "Completed text 44866\n", + "Completed text 44867\n", + "Completed text 44868\n", + "Completed text 44869\n", + "Completed text 44870\n", + "Completed text 44871\n", + "Completed text 44872\n", + "Completed text 44873\n", + "Completed text 44874\n", + "Completed text 44875\n", + "Completed text 44876\n", + "Completed text 44877\n", + "Completed text 44878\n", + "Completed text 44879\n", + "Completed text 44880\n", + "Completed text 44881\n", + "Completed text 44882\n", + "Completed text 44883\n", + "Completed text 44884\n", + "Completed text 44885\n", + "Completed text 44886\n", + "Completed text 44887\n", + "Completed text 44888\n", + "Completed text 44889\n", + "Completed text 44890\n", + "Completed text 44891\n", + "Completed text 44892\n", + "Completed text 44893\n", + "Completed text 44894\n", + "Completed text 44895\n", + "Completed text 44896\n", + "Completed text 44897\n", + "Completed text 44898\n", + "Completed text 44899\n", + "Completed text 44900\n", + "Completed text 44901\n", + "Completed text 44902\n", + "Completed text 44903\n", + "Completed text 44904\n", + "Completed text 44905\n", + "Completed text 44906\n", + "Completed text 44907\n", + "Completed text 44908\n", + "Completed text 44909\n", + "Completed text 44910\n", + "Completed text 44911\n", + "Completed text 44912\n", + "Completed text 44913\n", + "Completed text 44914\n", + "Completed text 44915\n", + "Completed text 44916\n", + "Completed text 44917\n", + "Completed text 44918\n", + "Completed text 44919\n", + "Completed text 44920\n", + "Completed text 44921\n", + "Completed text 44922\n", + "Completed text 44923\n", + "Completed text 44924\n", + "Completed text 44925\n", + "Completed text 44926\n", + "Completed text 44927\n", + "Completed text 44928\n", + "Completed text 44929\n", + "Completed text 44930\n", + "Completed text 44931\n", + "Completed text 44932\n", + "Completed text 44933\n", + "Completed text 44934\n", + "Completed text 44935\n", + "Completed text 44936\n", + "Completed text 44937\n", + "Completed text 44938\n", + "Completed text 44939\n", + "Completed text 44940\n", + "Completed text 44941\n", + "Completed text 44942\n", + "Completed text 44943\n", + "Completed text 44944\n", + "Completed text 44945\n", + "Completed text 44946\n", + "Completed text 44947\n", + "Completed text 44948\n", + "Completed text 44949\n", + "Completed text 44950\n", + "Completed text 44951\n", + "Completed text 44952\n", + "Completed text 44953\n", + "Completed text 44954\n", + "Completed text 44955\n", + "Completed text 44956\n", + "Completed text 44957\n", + "Completed text 44958\n", + "Completed text 44959\n", + "Completed text 44960\n", + "Completed text 44961\n", + "Completed text 44962\n", + "Completed text 44963\n", + "Completed text 44964\n", + "Completed text 44965\n", + "Completed text 44966\n", + "Completed text 44967\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 44968\n", + "Completed text 44969\n", + "Completed text 44970\n", + "Completed text 44971\n", + "Completed text 44972\n", + "Completed text 44973\n", + "Completed text 44974\n", + "Completed text 44975\n", + "Completed text 44976\n", + "Completed text 44977\n", + "Completed text 44978\n", + "Completed text 44979\n", + "Completed text 44980\n", + "Completed text 44981\n", + "Completed text 44982\n", + "Completed text 44983\n", + "Completed text 44984\n", + "Completed text 44985\n", + "Completed text 44986\n", + "Completed text 44987\n", + "Completed text 44988\n", + "Completed text 44989\n", + "Completed text 44990\n", + "Completed text 44991\n", + "Completed text 44992\n", + "Completed text 44993\n", + "Completed text 44994\n", + "Completed text 44995\n", + "Completed text 44996\n", + "Completed text 44997\n", + "Completed text 44998\n", + "Completed text 44999\n", + "Completed text 45000\n", + "Completed text 45001\n", + "Completed text 45002\n", + "Completed text 45003\n", + "Completed text 45004\n", + "Completed text 45005\n", + "Completed text 45006\n", + "Completed text 45007\n", + "Completed text 45008\n", + "Completed text 45009\n", + "Completed text 45010\n", + "Completed text 45011\n", + "Completed text 45012\n", + "Completed text 45013\n", + "Completed text 45014\n", + "Completed text 45015\n", + "Completed text 45016\n", + "Completed text 45017\n", + "Completed text 45018\n", + "Completed text 45019\n", + "Completed text 45020\n", + "Completed text 45021\n", + "Completed text 45022\n", + "Completed text 45023\n", + "Completed text 45024\n", + "Completed text 45025\n", + "Completed text 45026\n", + "Completed text 45027\n", + "Completed text 45028\n", + "Completed text 45029\n", + "Completed text 45030\n", + "Completed text 45031\n", + "Completed text 45032\n", + "Completed text 45033\n", + "Completed text 45034\n", + "Completed text 45035\n", + "Completed text 45036\n", + "Completed text 45037\n", + "Completed text 45038\n", + "Completed text 45039\n", + "Completed text 45040\n", + "Completed text 45041\n", + "Completed text 45042\n", + "Completed text 45043\n", + "Completed text 45044\n", + "Completed text 45045\n", + "Completed text 45046\n", + "Completed text 45047\n", + "Completed text 45048\n", + "Completed text 45049\n", + "Completed text 45050\n", + "Completed text 45051\n", + "Completed text 45052\n", + "Completed text 45053\n", + "Completed text 45054\n", + "Completed text 45055\n", + "Completed text 45056\n", + "Completed text 45057\n", + "Completed text 45058\n", + "Completed text 45059\n", + "Completed text 45060\n", + "Completed text 45061\n", + "Completed text 45062\n", + "Completed text 45063\n", + "Completed text 45064\n", + "Completed text 45065\n", + "Completed text 45066\n", + "Completed text 45067\n", + "Completed text 45068\n", + "Completed text 45069\n", + "Completed text 45070\n", + "Completed text 45071\n", + "Completed text 45072\n", + "Completed text 45073\n", + "Completed text 45074\n", + "Completed text 45075\n", + "Completed text 45076\n", + "Completed text 45077\n", + "Completed text 45078\n", + "Completed text 45079\n", + "Completed text 45080\n", + "Completed text 45081\n", + "Completed text 45082\n", + "Completed text 45083\n", + "Completed text 45084\n", + "Completed text 45085\n", + "Completed text 45086\n", + "Completed text 45087\n", + "Completed text 45088\n", + "Completed text 45089\n", + "Completed text 45090\n", + "Completed text 45091\n", + "Completed text 45092\n", + "Completed text 45093\n", + "Completed text 45094\n", + "Completed text 45095\n", + "Completed text 45096\n", + "Completed text 45097\n", + "Completed text 45098\n", + "Completed text 45099\n", + "Completed text 45100\n", + "Completed text 45101\n", + "Completed text 45102\n", + "Completed text 45103\n", + "Completed text 45104\n", + "Completed text 45105\n", + "Completed text 45106\n", + "Completed text 45107\n", + "Completed text 45108\n", + "Completed text 45109\n", + "Completed text 45110\n", + "Completed text 45111\n", + "Completed text 45112\n", + "Completed text 45113\n", + "Completed text 45114\n", + "Completed text 45115\n", + "Completed text 45116\n", + "Completed text 45117\n", + "Completed text 45118\n", + "Completed text 45119\n", + "Completed text 45120\n", + "Completed text 45121\n", + "Completed text 45122\n", + "Completed text 45123\n", + "Completed text 45124\n", + "Completed text 45125\n", + "Completed text 45126\n", + "Completed text 45127\n", + "Completed text 45128\n", + "Completed text 45129\n", + "Completed text 45130\n", + "Completed text 45131\n", + "Completed text 45132\n", + "Completed text 45133\n", + "Completed text 45134\n", + "Completed text 45135\n", + "Completed text 45136\n", + "Completed text 45137\n", + "Completed text 45138\n", + "Completed text 45139\n", + "Completed text 45140\n", + "Completed text 45141\n", + "Completed text 45142\n", + "Completed text 45143\n", + "Completed text 45144\n", + "Completed text 45145\n", + "Completed text 45146\n", + "Completed text 45147\n", + "Completed text 45148\n", + "Completed text 45149\n", + "Completed text 45150\n", + "Completed text 45151\n", + "Completed text 45152\n", + "Completed text 45153\n", + "Completed text 45154\n", + "Completed text 45155\n", + "Completed text 45156\n", + "Completed text 45157\n", + "Completed text 45158\n", + "Completed text 45159\n", + "Completed text 45160\n", + "Completed text 45161\n", + "Completed text 45162\n", + "Completed text 45163\n", + "Completed text 45164\n", + "Completed text 45165\n", + "Completed text 45166\n", + "Completed text 45167\n", + "Completed text 45168\n", + "Completed text 45169\n", + "Completed text 45170\n", + "Completed text 45171\n", + "Completed text 45172\n", + "Completed text 45173\n", + "Completed text 45174\n", + "Completed text 45175\n", + "Completed text 45176\n", + "Completed text 45177\n", + "Completed text 45178\n", + "Completed text 45179\n", + "Completed text 45180\n", + "Completed text 45181\n", + "Completed text 45182\n", + "Completed text 45183\n", + "Completed text 45184\n", + "Completed text 45185\n", + "Completed text 45186\n", + "Completed text 45187\n", + "Completed text 45188\n", + "Completed text 45189\n", + "Completed text 45190\n", + "Completed text 45191\n", + "Completed text 45192\n", + "Completed text 45193\n", + "Completed text 45194\n", + "Completed text 45195\n", + "Completed text 45196\n", + "Completed text 45197\n", + "Completed text 45198\n", + "Completed text 45199\n", + "Completed text 45200\n", + "Completed text 45201\n", + "Completed text 45202\n", + "Completed text 45203\n", + "Completed text 45204\n", + "Completed text 45205\n", + "Completed text 45206\n", + "Completed text 45207\n", + "Completed text 45208\n", + "Completed text 45209\n", + "Completed text 45210\n", + "Completed text 45211\n", + "Completed text 45212\n", + "Completed text 45213\n", + "Completed text 45214\n", + "Completed text 45215\n", + "Completed text 45216\n", + "Completed text 45217\n", + "Completed text 45218\n", + "Completed text 45219\n", + "Completed text 45220\n", + "Completed text 45221\n", + "Completed text 45222\n", + "Completed text 45223\n", + "Completed text 45224\n", + "Completed text 45225\n", + "Completed text 45226\n", + "Completed text 45227\n", + "Completed text 45228\n", + "Completed text 45229\n", + "Completed text 45230\n", + "Completed text 45231\n", + "Completed text 45232\n", + "Completed text 45233\n", + "Completed text 45234\n", + "Completed text 45235\n", + "Completed text 45236\n", + "Completed text 45237\n", + "Completed text 45238\n", + "Completed text 45239\n", + "Completed text 45240\n", + "Completed text 45241\n", + "Completed text 45242\n", + "Completed text 45243\n", + "Completed text 45244\n", + "Completed text 45245\n", + "Completed text 45246\n", + "Completed text 45247\n", + "Completed text 45248\n", + "Completed text 45249\n", + "Completed text 45250\n", + "Completed text 45251\n", + "Completed text 45252\n", + "Completed text 45253\n", + "Completed text 45254\n", + "Completed text 45255\n", + "Completed text 45256\n", + "Completed text 45257\n", + "Completed text 45258\n", + "Completed text 45259\n", + "Completed text 45260\n", + "Completed text 45261\n", + "Completed text 45262\n", + "Completed text 45263\n", + "Completed text 45264\n", + "Completed text 45265\n", + "Completed text 45266\n", + "Completed text 45267\n", + "Completed text 45268\n", + "Completed text 45269\n", + "Completed text 45270\n", + "Completed text 45271\n", + "Completed text 45272\n", + "Completed text 45273\n", + "Completed text 45274\n", + "Completed text 45275\n", + "Completed text 45276\n", + "Completed text 45277\n", + "Completed text 45278\n", + "Completed text 45279\n", + "Completed text 45280\n", + "Completed text 45281\n", + "Completed text 45282\n", + "Completed text 45283\n", + "Completed text 45284\n", + "Completed text 45285\n", + "Completed text 45286\n", + "Completed text 45287\n", + "Completed text 45288\n", + "Completed text 45289\n", + "Completed text 45290\n", + "Completed text 45291\n", + "Completed text 45292\n", + "Completed text 45293\n", + "Completed text 45294\n", + "Completed text 45295\n", + "Completed text 45296\n", + "Completed text 45297\n", + "Completed text 45298\n", + "Completed text 45299\n", + "Completed text 45300\n", + "Completed text 45301\n", + "Completed text 45302\n", + "Completed text 45303\n", + "Completed text 45304\n", + "Completed text 45305\n", + "Completed text 45306\n", + "Completed text 45307\n", + "Completed text 45308\n", + "Completed text 45309\n", + "Completed text 45310\n", + "Completed text 45311\n", + "Completed text 45312\n", + "Completed text 45313\n", + "Completed text 45314\n", + "Completed text 45315\n", + "Completed text 45316\n", + "Completed text 45317\n", + "Completed text 45318\n", + "Completed text 45319\n", + "Completed text 45320\n", + "Completed text 45321\n", + "Completed text 45322\n", + "Completed text 45323\n", + "Completed text 45324\n", + "Completed text 45325\n", + "Completed text 45326\n", + "Completed text 45327\n", + "Completed text 45328\n", + "Completed text 45329\n", + "Completed text 45330\n", + "Completed text 45331\n", + "Completed text 45332\n", + "Completed text 45333\n", + "Completed text 45334\n", + "Completed text 45335\n", + "Completed text 45336\n", + "Completed text 45337\n", + "Completed text 45338\n", + "Completed text 45339\n", + "Completed text 45340\n", + "Completed text 45341\n", + "Completed text 45342\n", + "Completed text 45343\n", + "Completed text 45344\n", + "Completed text 45345\n", + "Completed text 45346\n", + "Completed text 45347\n", + "Completed text 45348\n", + "Completed text 45349\n", + "Completed text 45350\n", + "Completed text 45351\n", + "Completed text 45352\n", + "Completed text 45353\n", + "Completed text 45354\n", + "Completed text 45355\n", + "Completed text 45356\n", + "Completed text 45357\n", + "Completed text 45358\n", + "Completed text 45359\n", + "Completed text 45360\n", + "Completed text 45361\n", + "Completed text 45362\n", + "Completed text 45363\n", + "Completed text 45364\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 45365\n", + "Completed text 45366\n", + "Completed text 45367\n", + "Completed text 45368\n", + "Completed text 45369\n", + "Completed text 45370\n", + "Completed text 45371\n", + "Completed text 45372\n", + "Completed text 45373\n", + "Completed text 45374\n", + "Completed text 45375\n", + "Completed text 45376\n", + "Completed text 45377\n", + "Completed text 45378\n", + "Completed text 45379\n", + "Completed text 45380\n", + "Completed text 45381\n", + "Completed text 45382\n", + "Completed text 45383\n", + "Completed text 45384\n", + "Completed text 45385\n", + "Completed text 45386\n", + "Completed text 45387\n", + "Completed text 45388\n", + "Completed text 45389\n", + "Completed text 45390\n", + "Completed text 45391\n", + "Completed text 45392\n", + "Completed text 45393\n", + "Completed text 45394\n", + "Completed text 45395\n", + "Completed text 45396\n", + "Completed text 45397\n", + "Completed text 45398\n", + "Completed text 45399\n", + "Completed text 45400\n", + "Completed text 45401\n", + "Completed text 45402\n", + "Completed text 45403\n", + "Completed text 45404\n", + "Completed text 45405\n", + "Completed text 45406\n", + "Completed text 45407\n", + "Completed text 45408\n", + "Completed text 45409\n", + "Completed text 45410\n", + "Completed text 45411\n", + "Completed text 45412\n", + "Completed text 45413\n", + "Completed text 45414\n", + "Completed text 45415\n", + "Completed text 45416\n", + "Completed text 45417\n", + "Completed text 45418\n", + "Completed text 45419\n", + "Completed text 45420\n", + "Completed text 45421\n", + "Completed text 45422\n", + "Completed text 45423\n", + "Completed text 45424\n", + "Completed text 45425\n", + "Completed text 45426\n", + "Completed text 45427\n", + "Completed text 45428\n", + "Completed text 45429\n", + "Completed text 45430\n", + "Completed text 45431\n", + "Completed text 45432\n", + "Completed text 45433\n", + "Completed text 45434\n", + "Completed text 45435\n", + "Completed text 45436\n", + "Completed text 45437\n", + "Completed text 45438\n", + "Completed text 45439\n", + "Completed text 45440\n", + "Completed text 45441\n", + "Completed text 45442\n", + "Completed text 45443\n", + "Completed text 45444\n", + "Completed text 45445\n", + "Completed text 45446\n", + "Completed text 45447\n", + "Completed text 45448\n", + "Completed text 45449\n", + "Completed text 45450\n", + "Completed text 45451\n", + "Completed text 45452\n", + "Completed text 45453\n", + "Completed text 45454\n", + "Completed text 45455\n", + "Completed text 45456\n", + "Completed text 45457\n", + "Completed text 45458\n", + "Completed text 45459\n", + "Completed text 45460\n", + "Completed text 45461\n", + "Completed text 45462\n", + "Completed text 45463\n", + "Completed text 45464\n", + "Completed text 45465\n", + "Completed text 45466\n", + "Completed text 45467\n", + "Completed text 45468\n", + "Completed text 45469\n", + "Completed text 45470\n", + "Completed text 45471\n", + "Completed text 45472\n", + "Completed text 45473\n", + "Completed text 45474\n", + "Completed text 45475\n", + "Completed text 45476\n", + "Completed text 45477\n", + "Completed text 45478\n", + "Completed text 45479\n", + "Completed text 45480\n", + "Completed text 45481\n", + "Completed text 45482\n", + "Completed text 45483\n", + "Completed text 45484\n", + "Completed text 45485\n", + "Completed text 45486\n", + "Completed text 45487\n", + "Completed text 45488\n", + "Completed text 45489\n", + "Completed text 45490\n", + "Completed text 45491\n", + "Completed text 45492\n", + "Completed text 45493\n", + "Completed text 45494\n", + "Completed text 45495\n", + "Completed text 45496\n", + "Completed text 45497\n", + "Completed text 45498\n", + "Completed text 45499\n", + "Completed text 45500\n", + "Completed text 45501\n", + "Completed text 45502\n", + "Completed text 45503\n", + "Completed text 45504\n", + "Completed text 45505\n", + "Completed text 45506\n", + "Completed text 45507\n", + "Completed text 45508\n", + "Completed text 45509\n", + "Completed text 45510\n", + "Completed text 45511\n", + "Completed text 45512\n", + "Completed text 45513\n", + "Completed text 45514\n", + "Completed text 45515\n", + "Completed text 45516\n", + "Completed text 45517\n", + "Completed text 45518\n", + "Completed text 45519\n", + "Completed text 45520\n", + "Completed text 45521\n", + "Completed text 45522\n", + "Completed text 45523\n", + "Completed text 45524\n", + "Completed text 45525\n", + "Completed text 45526\n", + "Completed text 45527\n", + "Completed text 45528\n", + "Completed text 45529\n", + "Completed text 45530\n", + "Completed text 45531\n", + "Completed text 45532\n", + "Completed text 45533\n", + "Completed text 45534\n", + "Completed text 45535\n", + "Completed text 45536\n", + "Completed text 45537\n", + "Completed text 45538\n", + "Completed text 45539\n", + "Completed text 45540\n", + "Completed text 45541\n", + "Completed text 45542\n", + "Completed text 45543\n", + "Completed text 45544\n", + "Completed text 45545\n", + "Completed text 45546\n", + "Completed text 45547\n", + "Completed text 45548\n", + "Completed text 45549\n", + "Completed text 45550\n", + "Completed text 45551\n", + "Completed text 45552\n", + "Completed text 45553\n", + "Completed text 45554\n", + "Completed text 45555\n", + "Completed text 45556\n", + "Completed text 45557\n", + "Completed text 45558\n", + "Completed text 45559\n", + "Completed text 45560\n", + "Completed text 45561\n", + "Completed text 45562\n", + "Completed text 45563\n", + "Completed text 45564\n", + "Completed text 45565\n", + "Completed text 45566\n", + "Completed text 45567\n", + "Completed text 45568\n", + "Completed text 45569\n", + "Completed text 45570\n", + "Completed text 45571\n", + "Completed text 45572\n", + "Completed text 45573\n", + "Completed text 45574\n", + "Completed text 45575\n", + "Completed text 45576\n", + "Completed text 45577\n", + "Completed text 45578\n", + "Completed text 45579\n", + "Completed text 45580\n", + "Completed text 45581\n", + "Completed text 45582\n", + "Completed text 45583\n", + "Completed text 45584\n", + "Completed text 45585\n", + "Completed text 45586\n", + "Completed text 45587\n", + "Completed text 45588\n", + "Completed text 45589\n", + "Completed text 45590\n", + "Completed text 45591\n", + "Completed text 45592\n", + "Completed text 45593\n", + "Completed text 45594\n", + "Completed text 45595\n", + "Completed text 45596\n", + "Completed text 45597\n", + "Completed text 45598\n", + "Completed text 45599\n", + "Completed text 45600\n", + "Completed text 45601\n", + "Completed text 45602\n", + "Completed text 45603\n", + "Completed text 45604\n", + "Completed text 45605\n", + "Completed text 45606\n", + "Completed text 45607\n", + "Completed text 45608\n", + "Completed text 45609\n", + "Completed text 45610\n", + "Completed text 45611\n", + "Completed text 45612\n", + "Completed text 45613\n", + "Completed text 45614\n", + "Completed text 45615\n", + "Completed text 45616\n", + "Completed text 45617\n", + "Completed text 45618\n", + "Completed text 45619\n", + "Completed text 45620\n", + "Completed text 45621\n", + "Completed text 45622\n", + "Completed text 45623\n", + "Completed text 45624\n", + "Completed text 45625\n", + "Completed text 45626\n", + "Completed text 45627\n", + "Completed text 45628\n", + "Completed text 45629\n", + "Completed text 45630\n", + "Completed text 45631\n", + "Completed text 45632\n", + "Completed text 45633\n", + "Completed text 45634\n", + "Completed text 45635\n", + "Completed text 45636\n", + "Completed text 45637\n", + "Completed text 45638\n", + "Completed text 45639\n", + "Completed text 45640\n", + "Completed text 45641\n", + "Completed text 45642\n", + "Completed text 45643\n", + "Completed text 45644\n", + "Completed text 45645\n", + "Completed text 45646\n", + "Completed text 45647\n", + "Completed text 45648\n", + "Completed text 45649\n", + "Completed text 45650\n", + "Completed text 45651\n", + "Completed text 45652\n", + "Completed text 45653\n", + "Completed text 45654\n", + "Completed text 45655\n", + "Completed text 45656\n", + "Completed text 45657\n", + "Completed text 45658\n", + "Completed text 45659\n", + "Completed text 45660\n", + "Completed text 45661\n", + "Completed text 45662\n", + "Completed text 45663\n", + "Completed text 45664\n", + "Completed text 45665\n", + "Completed text 45666\n", + "Completed text 45667\n", + "Completed text 45668\n", + "Completed text 45669\n", + "Completed text 45670\n", + "Completed text 45671\n", + "Completed text 45672\n", + "Completed text 45673\n", + "Completed text 45674\n", + "Completed text 45675\n", + "Completed text 45676\n", + "Completed text 45677\n", + "Completed text 45678\n", + "Completed text 45679\n", + "Completed text 45680\n", + "Completed text 45681\n", + "Completed text 45682\n", + "Completed text 45683\n", + "Completed text 45684\n", + "Completed text 45685\n", + "Completed text 45686\n", + "Completed text 45687\n", + "Completed text 45688\n", + "Completed text 45689\n", + "Completed text 45690\n", + "Completed text 45691\n", + "Completed text 45692\n", + "Completed text 45693\n", + "Completed text 45694\n", + "Completed text 45695\n", + "Completed text 45696\n", + "Completed text 45697\n", + "Completed text 45698\n", + "Completed text 45699\n", + "Completed text 45700\n", + "Completed text 45701\n", + "Completed text 45702\n", + "Completed text 45703\n", + "Completed text 45704\n", + "Completed text 45705\n", + "Completed text 45706\n", + "Completed text 45707\n", + "Completed text 45708\n", + "Completed text 45709\n", + "Completed text 45710\n", + "Completed text 45711\n", + "Completed text 45712\n", + "Completed text 45713\n", + "Completed text 45714\n", + "Completed text 45715\n", + "Completed text 45716\n", + "Completed text 45717\n", + "Completed text 45718\n", + "Completed text 45719\n", + "Completed text 45720\n", + "Completed text 45721\n", + "Completed text 45722\n", + "Completed text 45723\n", + "Completed text 45724\n", + "Completed text 45725\n", + "Completed text 45726\n", + "Completed text 45727\n", + "Completed text 45728\n", + "Completed text 45729\n", + "Completed text 45730\n", + "Completed text 45731\n", + "Completed text 45732\n", + "Completed text 45733\n", + "Completed text 45734\n", + "Completed text 45735\n", + "Completed text 45736\n", + "Completed text 45737\n", + "Completed text 45738\n", + "Completed text 45739\n", + "Completed text 45740\n", + "Completed text 45741\n", + "Completed text 45742\n", + "Completed text 45743\n", + "Completed text 45744\n", + "Completed text 45745\n", + "Completed text 45746\n", + "Completed text 45747\n", + "Completed text 45748\n", + "Completed text 45749\n", + "Completed text 45750\n", + "Completed text 45751\n", + "Completed text 45752\n", + "Completed text 45753\n", + "Completed text 45754\n", + "Completed text 45755\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 45756\n", + "Completed text 45757\n", + "Completed text 45758\n", + "Completed text 45759\n", + "Completed text 45760\n", + "Completed text 45761\n", + "Completed text 45762\n", + "Completed text 45763\n", + "Completed text 45764\n", + "Completed text 45765\n", + "Completed text 45766\n", + "Completed text 45767\n", + "Completed text 45768\n", + "Completed text 45769\n", + "Completed text 45770\n", + "Completed text 45771\n", + "Completed text 45772\n", + "Completed text 45773\n", + "Completed text 45774\n", + "Completed text 45775\n", + "Completed text 45776\n", + "Completed text 45777\n", + "Completed text 45778\n", + "Completed text 45779\n", + "Completed text 45780\n", + "Completed text 45781\n", + "Completed text 45782\n", + "Completed text 45783\n", + "Completed text 45784\n", + "Completed text 45785\n", + "Completed text 45786\n", + "Completed text 45787\n", + "Completed text 45788\n", + "Completed text 45789\n", + "Completed text 45790\n", + "Completed text 45791\n", + "Completed text 45792\n", + "Completed text 45793\n", + "Completed text 45794\n", + "Completed text 45795\n", + "Completed text 45796\n", + "Completed text 45797\n", + "Completed text 45798\n", + "Completed text 45799\n", + "Completed text 45800\n", + "Completed text 45801\n", + "Completed text 45802\n", + "Completed text 45803\n", + "Completed text 45804\n", + "Completed text 45805\n", + "Completed text 45806\n", + "Completed text 45807\n", + "Completed text 45808\n", + "Completed text 45809\n", + "Completed text 45810\n", + "Completed text 45811\n", + "Completed text 45812\n", + "Completed text 45813\n", + "Completed text 45814\n", + "Completed text 45815\n", + "Completed text 45816\n", + "Completed text 45817\n", + "Completed text 45818\n", + "Completed text 45819\n", + "Completed text 45820\n", + "Completed text 45821\n", + "Completed text 45822\n", + "Completed text 45823\n", + "Completed text 45824\n", + "Completed text 45825\n", + "Completed text 45826\n", + "Completed text 45827\n", + "Completed text 45828\n", + "Completed text 45829\n", + "Completed text 45830\n", + "Completed text 45831\n", + "Completed text 45832\n", + "Completed text 45833\n", + "Completed text 45834\n", + "Completed text 45835\n", + "Completed text 45836\n", + "Completed text 45837\n", + "Completed text 45838\n", + "Completed text 45839\n", + "Completed text 45840\n", + "Completed text 45841\n", + "Completed text 45842\n", + "Completed text 45843\n", + "Completed text 45844\n", + "Completed text 45845\n", + "Completed text 45846\n", + "Completed text 45847\n", + "Completed text 45848\n", + "Completed text 45849\n", + "Completed text 45850\n", + "Completed text 45851\n", + "Completed text 45852\n", + "Completed text 45853\n", + "Completed text 45854\n", + "Completed text 45855\n", + "Completed text 45856\n", + "Completed text 45857\n", + "Completed text 45858\n", + "Completed text 45859\n", + "Completed text 45860\n", + "Completed text 45861\n", + "Completed text 45862\n", + "Completed text 45863\n", + "Completed text 45864\n", + "Completed text 45865\n", + "Completed text 45866\n", + "Completed text 45867\n", + "Completed text 45868\n", + "Completed text 45869\n", + "Completed text 45870\n", + "Completed text 45871\n", + "Completed text 45872\n", + "Completed text 45873\n", + "Completed text 45874\n", + "Completed text 45875\n", + "Completed text 45876\n", + "Completed text 45877\n", + "Completed text 45878\n", + "Completed text 45879\n", + "Completed text 45880\n", + "Completed text 45881\n", + "Completed text 45882\n", + "Completed text 45883\n", + "Completed text 45884\n", + "Completed text 45885\n", + "Completed text 45886\n", + "Completed text 45887\n", + "Completed text 45888\n", + "Completed text 45889\n", + "Completed text 45890\n", + "Completed text 45891\n", + "Completed text 45892\n", + "Completed text 45893\n", + "Completed text 45894\n", + "Completed text 45895\n", + "Completed text 45896\n", + "Completed text 45897\n", + "Completed text 45898\n", + "Completed text 45899\n", + "Completed text 45900\n", + "Completed text 45901\n", + "Completed text 45902\n", + "Completed text 45903\n", + "Completed text 45904\n", + "Completed text 45905\n", + "Completed text 45906\n", + "Completed text 45907\n", + "Completed text 45908\n", + "Completed text 45909\n", + "Completed text 45910\n", + "Completed text 45911\n", + "Completed text 45912\n", + "Completed text 45913\n", + "Completed text 45914\n", + "Completed text 45915\n", + "Completed text 45916\n", + "Completed text 45917\n", + "Completed text 45918\n", + "Completed text 45919\n", + "Completed text 45920\n", + "Completed text 45921\n", + "Completed text 45922\n", + "Completed text 45923\n", + "Completed text 45924\n", + "Completed text 45925\n", + "Completed text 45926\n", + "Completed text 45927\n", + "Completed text 45928\n", + "Completed text 45929\n", + "Completed text 45930\n", + "Completed text 45931\n", + "Completed text 45932\n", + "Completed text 45933\n", + "Completed text 45934\n", + "Completed text 45935\n", + "Completed text 45936\n", + "Completed text 45937\n", + "Completed text 45938\n", + "Completed text 45939\n", + "Completed text 45940\n", + "Completed text 45941\n", + "Completed text 45942\n", + "Completed text 45943\n", + "Completed text 45944\n", + "Completed text 45945\n", + "Completed text 45946\n", + "Completed text 45947\n", + "Completed text 45948\n", + "Completed text 45949\n", + "Completed text 45950\n", + "Completed text 45951\n", + "Completed text 45952\n", + "Completed text 45953\n", + "Completed text 45954\n", + "Completed text 45955\n", + "Completed text 45956\n", + "Completed text 45957\n", + "Completed text 45958\n", + "Completed text 45959\n", + "Completed text 45960\n", + "Completed text 45961\n", + "Completed text 45962\n", + "Completed text 45963\n", + "Completed text 45964\n", + "Completed text 45965\n", + "Completed text 45966\n", + "Completed text 45967\n", + "Completed text 45968\n", + "Completed text 45969\n", + "Completed text 45970\n", + "Completed text 45971\n", + "Completed text 45972\n", + "Completed text 45973\n", + "Completed text 45974\n", + "Completed text 45975\n", + "Completed text 45976\n", + "Completed text 45977\n", + "Completed text 45978\n", + "Completed text 45979\n", + "Completed text 45980\n", + "Completed text 45981\n", + "Completed text 45982\n", + "Completed text 45983\n", + "Completed text 45984\n", + "Completed text 45985\n", + "Completed text 45986\n", + "Completed text 45987\n", + "Completed text 45988\n", + "Completed text 45989\n", + "Completed text 45990\n", + "Completed text 45991\n", + "Completed text 45992\n", + "Completed text 45993\n", + "Completed text 45994\n", + "Completed text 45995\n", + "Completed text 45996\n", + "Completed text 45997\n", + "Completed text 45998\n", + "Completed text 45999\n", + "Completed text 46000\n", + "Completed text 46001\n", + "Completed text 46002\n", + "Completed text 46003\n", + "Completed text 46004\n", + "Completed text 46005\n", + "Completed text 46006\n", + "Completed text 46007\n", + "Completed text 46008\n", + "Completed text 46009\n", + "Completed text 46010\n", + "Completed text 46011\n", + "Completed text 46012\n", + "Completed text 46013\n", + "Completed text 46014\n", + "Completed text 46015\n", + "Completed text 46016\n", + "Completed text 46017\n", + "Completed text 46018\n", + "Completed text 46019\n", + "Completed text 46020\n", + "Completed text 46021\n", + "Completed text 46022\n", + "Completed text 46023\n", + "Completed text 46024\n", + "Completed text 46025\n", + "Completed text 46026\n", + "Completed text 46027\n", + "Completed text 46028\n", + "Completed text 46029\n", + "Completed text 46030\n", + "Completed text 46031\n", + "Completed text 46032\n", + "Completed text 46033\n", + "Completed text 46034\n", + "Completed text 46035\n", + "Completed text 46036\n", + "Completed text 46037\n", + "Completed text 46038\n", + "Completed text 46039\n", + "Completed text 46040\n", + "Completed text 46041\n", + "Completed text 46042\n", + "Completed text 46043\n", + "Completed text 46044\n", + "Completed text 46045\n", + "Completed text 46046\n", + "Completed text 46047\n", + "Completed text 46048\n", + "Completed text 46049\n", + "Completed text 46050\n", + "Completed text 46051\n", + "Completed text 46052\n", + "Completed text 46053\n", + "Completed text 46054\n", + "Completed text 46055\n", + "Completed text 46056\n", + "Completed text 46057\n", + "Completed text 46058\n", + "Completed text 46059\n", + "Completed text 46060\n", + "Completed text 46061\n", + "Completed text 46062\n", + "Completed text 46063\n", + "Completed text 46064\n", + "Completed text 46065\n", + "Completed text 46066\n", + "Completed text 46067\n", + "Completed text 46068\n", + "Completed text 46069\n", + "Completed text 46070\n", + "Completed text 46071\n", + "Completed text 46072\n", + "Completed text 46073\n", + "Completed text 46074\n", + "Completed text 46075\n", + "Completed text 46076\n", + "Completed text 46077\n", + "Completed text 46078\n", + "Completed text 46079\n", + "Completed text 46080\n", + "Completed text 46081\n", + "Completed text 46082\n", + "Completed text 46083\n", + "Completed text 46084\n", + "Completed text 46085\n", + "Completed text 46086\n", + "Completed text 46087\n", + "Completed text 46088\n", + "Completed text 46089\n", + "Completed text 46090\n", + "Completed text 46091\n", + "Completed text 46092\n", + "Completed text 46093\n", + "Completed text 46094\n", + "Completed text 46095\n", + "Completed text 46096\n", + "Completed text 46097\n", + "Completed text 46098\n", + "Completed text 46099\n", + "Completed text 46100\n", + "Completed text 46101\n", + "Completed text 46102\n", + "Completed text 46103\n", + "Completed text 46104\n", + "Completed text 46105\n", + "Completed text 46106\n", + "Completed text 46107\n", + "Completed text 46108\n", + "Completed text 46109\n", + "Completed text 46110\n", + "Completed text 46111\n", + "Completed text 46112\n", + "Completed text 46113\n", + "Completed text 46114\n", + "Completed text 46115\n", + "Completed text 46116\n", + "Completed text 46117\n", + "Completed text 46118\n", + "Completed text 46119\n", + "Completed text 46120\n", + "Completed text 46121\n", + "Completed text 46122\n", + "Completed text 46123\n", + "Completed text 46124\n", + "Completed text 46125\n", + "Completed text 46126\n", + "Completed text 46127\n", + "Completed text 46128\n", + "Completed text 46129\n", + "Completed text 46130\n", + "Completed text 46131\n", + "Completed text 46132\n", + "Completed text 46133\n", + "Completed text 46134\n", + "Completed text 46135\n", + "Completed text 46136\n", + "Completed text 46137\n", + "Completed text 46138\n", + "Completed text 46139\n", + "Completed text 46140\n", + "Completed text 46141\n", + "Completed text 46142\n", + "Completed text 46143\n", + "Completed text 46144\n", + "Completed text 46145\n", + "Completed text 46146\n", + "Completed text 46147\n", + "Completed text 46148\n", + "Completed text 46149\n", + "Completed text 46150\n", + "Completed text 46151\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 46152\n", + "Completed text 46153\n", + "Completed text 46154\n", + "Completed text 46155\n", + "Completed text 46156\n", + "Completed text 46157\n", + "Completed text 46158\n", + "Completed text 46159\n", + "Completed text 46160\n", + "Completed text 46161\n", + "Completed text 46162\n", + "Completed text 46163\n", + "Completed text 46164\n", + "Completed text 46165\n", + "Completed text 46166\n", + "Completed text 46167\n", + "Completed text 46168\n", + "Completed text 46169\n", + "Completed text 46170\n", + "Completed text 46171\n", + "Completed text 46172\n", + "Completed text 46173\n", + "Completed text 46174\n", + "Completed text 46175\n", + "Completed text 46176\n", + "Completed text 46177\n", + "Completed text 46178\n", + "Completed text 46179\n", + "Completed text 46180\n", + "Completed text 46181\n", + "Completed text 46182\n", + "Completed text 46183\n", + "Completed text 46184\n", + "Completed text 46185\n", + "Completed text 46186\n", + "Completed text 46187\n", + "Completed text 46188\n", + "Completed text 46189\n", + "Completed text 46190\n", + "Completed text 46191\n", + "Completed text 46192\n", + "Completed text 46193\n", + "Completed text 46194\n", + "Completed text 46195\n", + "Completed text 46196\n", + "Completed text 46197\n", + "Completed text 46198\n", + "Completed text 46199\n", + "Completed text 46200\n", + "Completed text 46201\n", + "Completed text 46202\n", + "Completed text 46203\n", + "Completed text 46204\n", + "Completed text 46205\n", + "Completed text 46206\n", + "Completed text 46207\n", + "Completed text 46208\n", + "Completed text 46209\n", + "Completed text 46210\n", + "Completed text 46211\n", + "Completed text 46212\n", + "Completed text 46213\n", + "Completed text 46214\n", + "Completed text 46215\n", + "Completed text 46216\n", + "Completed text 46217\n", + "Completed text 46218\n", + "Completed text 46219\n", + "Completed text 46220\n", + "Completed text 46221\n", + "Completed text 46222\n", + "Completed text 46223\n", + "Completed text 46224\n", + "Completed text 46225\n", + "Completed text 46226\n", + "Completed text 46227\n", + "Completed text 46228\n", + "Completed text 46229\n", + "Completed text 46230\n", + "Completed text 46231\n", + "Completed text 46232\n", + "Completed text 46233\n", + "Completed text 46234\n", + "Completed text 46235\n", + "Completed text 46236\n", + "Completed text 46237\n", + "Completed text 46238\n", + "Completed text 46239\n", + "Completed text 46240\n", + "Completed text 46241\n", + "Completed text 46242\n", + "Completed text 46243\n", + "Completed text 46244\n", + "Completed text 46245\n", + "Completed text 46246\n", + "Completed text 46247\n", + "Completed text 46248\n", + "Completed text 46249\n", + "Completed text 46250\n", + "Completed text 46251\n", + "Completed text 46252\n", + "Completed text 46253\n", + "Completed text 46254\n", + "Completed text 46255\n", + "Completed text 46256\n", + "Completed text 46257\n", + "Completed text 46258\n", + "Completed text 46259\n", + "Completed text 46260\n", + "Completed text 46261\n", + "Completed text 46262\n", + "Completed text 46263\n", + "Completed text 46264\n", + "Completed text 46265\n", + "Completed text 46266\n", + "Completed text 46267\n", + "Completed text 46268\n", + "Completed text 46269\n", + "Completed text 46270\n", + "Completed text 46271\n", + "Completed text 46272\n", + "Completed text 46273\n", + "Completed text 46274\n", + "Completed text 46275\n", + "Completed text 46276\n", + "Completed text 46277\n", + "Completed text 46278\n", + "Completed text 46279\n", + "Completed text 46280\n", + "Completed text 46281\n", + "Completed text 46282\n", + "Completed text 46283\n", + "Completed text 46284\n", + "Completed text 46285\n", + "Completed text 46286\n", + "Completed text 46287\n", + "Completed text 46288\n", + "Completed text 46289\n", + "Completed text 46290\n", + "Completed text 46291\n", + "Completed text 46292\n", + "Completed text 46293\n", + "Completed text 46294\n", + "Completed text 46295\n", + "Completed text 46296\n", + "Completed text 46297\n", + "Completed text 46298\n", + "Completed text 46299\n", + "Completed text 46300\n", + "Completed text 46301\n", + "Completed text 46302\n", + "Completed text 46303\n", + "Completed text 46304\n", + "Completed text 46305\n", + "Completed text 46306\n", + "Completed text 46307\n", + "Completed text 46308\n", + "Completed text 46309\n", + "Completed text 46310\n", + "Completed text 46311\n", + "Completed text 46312\n", + "Completed text 46313\n", + "Completed text 46314\n", + "Completed text 46315\n", + "Completed text 46316\n", + "Completed text 46317\n", + "Completed text 46318\n", + "Completed text 46319\n", + "Completed text 46320\n", + "Completed text 46321\n", + "Completed text 46322\n", + "Completed text 46323\n", + "Completed text 46324\n", + "Completed text 46325\n", + "Completed text 46326\n", + "Completed text 46327\n", + "Completed text 46328\n", + "Completed text 46329\n", + "Completed text 46330\n", + "Completed text 46331\n", + "Completed text 46332\n", + "Completed text 46333\n", + "Completed text 46334\n", + "Completed text 46335\n", + "Completed text 46336\n", + "Completed text 46337\n", + "Completed text 46338\n", + "Completed text 46339\n", + "Completed text 46340\n", + "Completed text 46341\n", + "Completed text 46342\n", + "Completed text 46343\n", + "Completed text 46344\n", + "Completed text 46345\n", + "Completed text 46346\n", + "Completed text 46347\n", + "Completed text 46348\n", + "Completed text 46349\n", + "Completed text 46350\n", + "Completed text 46351\n", + "Completed text 46352\n", + "Completed text 46353\n", + "Completed text 46354\n", + "Completed text 46355\n", + "Completed text 46356\n", + "Completed text 46357\n", + "Completed text 46358\n", + "Completed text 46359\n", + "Completed text 46360\n", + "Completed text 46361\n", + "Completed text 46362\n", + "Completed text 46363\n", + "Completed text 46364\n", + "Completed text 46365\n", + "Completed text 46366\n", + "Completed text 46367\n", + "Completed text 46368\n", + "Completed text 46369\n", + "Completed text 46370\n", + "Completed text 46371\n", + "Completed text 46372\n", + "Completed text 46373\n", + "Completed text 46374\n", + "Completed text 46375\n", + "Completed text 46376\n", + "Completed text 46377\n", + "Completed text 46378\n", + "Completed text 46379\n", + "Completed text 46380\n", + "Completed text 46381\n", + "Completed text 46382\n", + "Completed text 46383\n", + "Completed text 46384\n", + "Completed text 46385\n", + "Completed text 46386\n", + "Completed text 46387\n", + "Completed text 46388\n", + "Completed text 46389\n", + "Completed text 46390\n", + "Completed text 46391\n", + "Completed text 46392\n", + "Completed text 46393\n", + "Completed text 46394\n", + "Completed text 46395\n", + "Completed text 46396\n", + "Completed text 46397\n", + "Completed text 46398\n", + "Completed text 46399\n", + "Completed text 46400\n", + "Completed text 46401\n", + "Completed text 46402\n", + "Completed text 46403\n", + "Completed text 46404\n", + "Completed text 46405\n", + "Completed text 46406\n", + "Completed text 46407\n", + "Completed text 46408\n", + "Completed text 46409\n", + "Completed text 46410\n", + "Completed text 46411\n", + "Completed text 46412\n", + "Completed text 46413\n", + "Completed text 46414\n", + "Completed text 46415\n", + "Completed text 46416\n", + "Completed text 46417\n", + "Completed text 46418\n", + "Completed text 46419\n", + "Completed text 46420\n", + "Completed text 46421\n", + "Completed text 46422\n", + "Completed text 46423\n", + "Completed text 46424\n", + "Completed text 46425\n", + "Completed text 46426\n", + "Completed text 46427\n", + "Completed text 46428\n", + "Completed text 46429\n", + "Completed text 46430\n", + "Completed text 46431\n", + "Completed text 46432\n", + "Completed text 46433\n", + "Completed text 46434\n", + "Completed text 46435\n", + "Completed text 46436\n", + "Completed text 46437\n", + "Completed text 46438\n", + "Completed text 46439\n", + "Completed text 46440\n", + "Completed text 46441\n", + "Completed text 46442\n", + "Completed text 46443\n", + "Completed text 46444\n", + "Completed text 46445\n", + "Completed text 46446\n", + "Completed text 46447\n", + "Completed text 46448\n", + "Completed text 46449\n", + "Completed text 46450\n", + "Completed text 46451\n", + "Completed text 46452\n", + "Completed text 46453\n", + "Completed text 46454\n", + "Completed text 46455\n", + "Completed text 46456\n", + "Completed text 46457\n", + "Completed text 46458\n", + "Completed text 46459\n", + "Completed text 46460\n", + "Completed text 46461\n", + "Completed text 46462\n", + "Completed text 46463\n", + "Completed text 46464\n", + "Completed text 46465\n", + "Completed text 46466\n", + "Completed text 46467\n", + "Completed text 46468\n", + "Completed text 46469\n", + "Completed text 46470\n", + "Completed text 46471\n", + "Completed text 46472\n", + "Completed text 46473\n", + "Completed text 46474\n", + "Completed text 46475\n", + "Completed text 46476\n", + "Completed text 46477\n", + "Completed text 46478\n", + "Completed text 46479\n", + "Completed text 46480\n", + "Completed text 46481\n", + "Completed text 46482\n", + "Completed text 46483\n", + "Completed text 46484\n", + "Completed text 46485\n", + "Completed text 46486\n", + "Completed text 46487\n", + "Completed text 46488\n", + "Completed text 46489\n", + "Completed text 46490\n", + "Completed text 46491\n", + "Completed text 46492\n", + "Completed text 46493\n", + "Completed text 46494\n", + "Completed text 46495\n", + "Completed text 46496\n", + "Completed text 46497\n", + "Completed text 46498\n", + "Completed text 46499\n", + "Completed text 46500\n", + "Completed text 46501\n", + "Completed text 46502\n", + "Completed text 46503\n", + "Completed text 46504\n", + "Completed text 46505\n", + "Completed text 46506\n", + "Completed text 46507\n", + "Completed text 46508\n", + "Completed text 46509\n", + "Completed text 46510\n", + "Completed text 46511\n", + "Completed text 46512\n", + "Completed text 46513\n", + "Completed text 46514\n", + "Completed text 46515\n", + "Completed text 46516\n", + "Completed text 46517\n", + "Completed text 46518\n", + "Completed text 46519\n", + "Completed text 46520\n", + "Completed text 46521\n", + "Completed text 46522\n", + "Completed text 46523\n", + "Completed text 46524\n", + "Completed text 46525\n", + "Completed text 46526\n", + "Completed text 46527\n", + "Completed text 46528\n", + "Completed text 46529\n", + "Completed text 46530\n", + "Completed text 46531\n", + "Completed text 46532\n", + "Completed text 46533\n", + "Completed text 46534\n", + "Completed text 46535\n", + "Completed text 46536\n", + "Completed text 46537\n", + "Completed text 46538\n", + "Completed text 46539\n", + "Completed text 46540\n", + "Completed text 46541\n", + "Completed text 46542\n", + "Completed text 46543\n", + "Completed text 46544\n", + "Completed text 46545\n", + "Completed text 46546\n", + "Completed text 46547\n", + "Completed text 46548\n", + "Completed text 46549\n", + "Completed text 46550\n", + "Completed text 46551\n", + "Completed text 46552\n", + "Completed text 46553\n", + "Completed text 46554\n", + "Completed text 46555\n", + "Completed text 46556\n", + "Completed text 46557\n", + "Completed text 46558\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 46559\n", + "Completed text 46560\n", + "Completed text 46561\n", + "Completed text 46562\n", + "Completed text 46563\n", + "Completed text 46564\n", + "Completed text 46565\n", + "Completed text 46566\n", + "Completed text 46567\n", + "Completed text 46568\n", + "Completed text 46569\n", + "Completed text 46570\n", + "Completed text 46571\n", + "Completed text 46572\n", + "Completed text 46573\n", + "Completed text 46574\n", + "Completed text 46575\n", + "Completed text 46576\n", + "Completed text 46577\n", + "Completed text 46578\n", + "Completed text 46579\n", + "Completed text 46580\n", + "Completed text 46581\n", + "Completed text 46582\n", + "Completed text 46583\n", + "Completed text 46584\n", + "Completed text 46585\n", + "Completed text 46586\n", + "Completed text 46587\n", + "Completed text 46588\n", + "Completed text 46589\n", + "Completed text 46590\n", + "Completed text 46591\n", + "Completed text 46592\n", + "Completed text 46593\n", + "Completed text 46594\n", + "Completed text 46595\n", + "Completed text 46596\n", + "Completed text 46597\n", + "Completed text 46598\n", + "Completed text 46599\n", + "Completed text 46600\n", + "Completed text 46601\n", + "Completed text 46602\n", + "Completed text 46603\n", + "Completed text 46604\n", + "Completed text 46605\n", + "Completed text 46606\n", + "Completed text 46607\n", + "Completed text 46608\n", + "Completed text 46609\n", + "Completed text 46610\n", + "Completed text 46611\n", + "Completed text 46612\n", + "Completed text 46613\n", + "Completed text 46614\n", + "Completed text 46615\n", + "Completed text 46616\n", + "Completed text 46617\n", + "Completed text 46618\n", + "Completed text 46619\n", + "Completed text 46620\n", + "Completed text 46621\n", + "Completed text 46622\n", + "Completed text 46623\n", + "Completed text 46624\n", + "Completed text 46625\n", + "Completed text 46626\n", + "Completed text 46627\n", + "Completed text 46628\n", + "Completed text 46629\n", + "Completed text 46630\n", + "Completed text 46631\n", + "Completed text 46632\n", + "Completed text 46633\n", + "Completed text 46634\n", + "Completed text 46635\n", + "Completed text 46636\n", + "Completed text 46637\n", + "Completed text 46638\n", + "Completed text 46639\n", + "Completed text 46640\n", + "Completed text 46641\n", + "Completed text 46642\n", + "Completed text 46643\n", + "Completed text 46644\n", + "Completed text 46645\n", + "Completed text 46646\n", + "Completed text 46647\n", + "Completed text 46648\n", + "Completed text 46649\n", + "Completed text 46650\n", + "Completed text 46651\n", + "Completed text 46652\n", + "Completed text 46653\n", + "Completed text 46654\n", + "Completed text 46655\n", + "Completed text 46656\n", + "Completed text 46657\n", + "Completed text 46658\n", + "Completed text 46659\n", + "Completed text 46660\n", + "Completed text 46661\n", + "Completed text 46662\n", + "Completed text 46663\n", + "Completed text 46664\n", + "Completed text 46665\n", + "Completed text 46666\n", + "Completed text 46667\n", + "Completed text 46668\n", + "Completed text 46669\n", + "Completed text 46670\n", + "Completed text 46671\n", + "Completed text 46672\n", + "Completed text 46673\n", + "Completed text 46674\n", + "Completed text 46675\n", + "Completed text 46676\n", + "Completed text 46677\n", + "Completed text 46678\n", + "Completed text 46679\n", + "Completed text 46680\n", + "Completed text 46681\n", + "Completed text 46682\n", + "Completed text 46683\n", + "Completed text 46684\n", + "Completed text 46685\n", + "Completed text 46686\n", + "Completed text 46687\n", + "Completed text 46688\n", + "Completed text 46689\n", + "Completed text 46690\n", + "Completed text 46691\n", + "Completed text 46692\n", + "Completed text 46693\n", + "Completed text 46694\n", + "Completed text 46695\n", + "Completed text 46696\n", + "Completed text 46697\n", + "Completed text 46698\n", + "Completed text 46699\n", + "Completed text 46700\n", + "Completed text 46701\n", + "Completed text 46702\n", + "Completed text 46703\n", + "Completed text 46704\n", + "Completed text 46705\n", + "Completed text 46706\n", + "Completed text 46707\n", + "Completed text 46708\n", + "Completed text 46709\n", + "Completed text 46710\n", + "Completed text 46711\n", + "Completed text 46712\n", + "Completed text 46713\n", + "Completed text 46714\n", + "Completed text 46715\n", + "Completed text 46716\n", + "Completed text 46717\n", + "Completed text 46718\n", + "Completed text 46719\n", + "Completed text 46720\n", + "Completed text 46721\n", + "Completed text 46722\n", + "Completed text 46723\n", + "Completed text 46724\n", + "Completed text 46725\n", + "Completed text 46726\n", + "Completed text 46727\n", + "Completed text 46728\n", + "Completed text 46729\n", + "Completed text 46730\n", + "Completed text 46731\n", + "Completed text 46732\n", + "Completed text 46733\n", + "Completed text 46734\n", + "Completed text 46735\n", + "Completed text 46736\n", + "Completed text 46737\n", + "Completed text 46738\n", + "Completed text 46739\n", + "Completed text 46740\n", + "Completed text 46741\n", + "Completed text 46742\n", + "Completed text 46743\n", + "Completed text 46744\n", + "Completed text 46745\n", + "Completed text 46746\n", + "Completed text 46747\n", + "Completed text 46748\n", + "Completed text 46749\n", + "Completed text 46750\n", + "Completed text 46751\n", + "Completed text 46752\n", + "Completed text 46753\n", + "Completed text 46754\n", + "Completed text 46755\n", + "Completed text 46756\n", + "Completed text 46757\n", + "Completed text 46758\n", + "Completed text 46759\n", + "Completed text 46760\n", + "Completed text 46761\n", + "Completed text 46762\n", + "Completed text 46763\n", + "Completed text 46764\n", + "Completed text 46765\n", + "Completed text 46766\n", + "Completed text 46767\n", + "Completed text 46768\n", + "Completed text 46769\n", + "Completed text 46770\n", + "Completed text 46771\n", + "Completed text 46772\n", + "Completed text 46773\n", + "Completed text 46774\n", + "Completed text 46775\n", + "Completed text 46776\n", + "Completed text 46777\n", + "Completed text 46778\n", + "Completed text 46779\n", + "Completed text 46780\n", + "Completed text 46781\n", + "Completed text 46782\n", + "Completed text 46783\n", + "Completed text 46784\n", + "Completed text 46785\n", + "Completed text 46786\n", + "Completed text 46787\n", + "Completed text 46788\n", + "Completed text 46789\n", + "Completed text 46790\n", + "Completed text 46791\n", + "Completed text 46792\n", + "Completed text 46793\n", + "Completed text 46794\n", + "Completed text 46795\n", + "Completed text 46796\n", + "Completed text 46797\n", + "Completed text 46798\n", + "Completed text 46799\n", + "Completed text 46800\n", + "Completed text 46801\n", + "Completed text 46802\n", + "Completed text 46803\n", + "Completed text 46804\n", + "Completed text 46805\n", + "Completed text 46806\n", + "Completed text 46807\n", + "Completed text 46808\n", + "Completed text 46809\n", + "Completed text 46810\n", + "Completed text 46811\n", + "Completed text 46812\n", + "Completed text 46813\n", + "Completed text 46814\n", + "Completed text 46815\n", + "Completed text 46816\n", + "Completed text 46817\n", + "Completed text 46818\n", + "Completed text 46819\n", + "Completed text 46820\n", + "Completed text 46821\n", + "Completed text 46822\n", + "Completed text 46823\n", + "Completed text 46824\n", + "Completed text 46825\n", + "Completed text 46826\n", + "Completed text 46827\n", + "Completed text 46828\n", + "Completed text 46829\n", + "Completed text 46830\n", + "Completed text 46831\n", + "Completed text 46832\n", + "Completed text 46833\n", + "Completed text 46834\n", + "Completed text 46835\n", + "Completed text 46836\n", + "Completed text 46837\n", + "Completed text 46838\n", + "Completed text 46839\n", + "Completed text 46840\n", + "Completed text 46841\n", + "Completed text 46842\n", + "Completed text 46843\n", + "Completed text 46844\n", + "Completed text 46845\n", + "Completed text 46846\n", + "Completed text 46847\n", + "Completed text 46848\n", + "Completed text 46849\n", + "Completed text 46850\n", + "Completed text 46851\n", + "Completed text 46852\n", + "Completed text 46853\n", + "Completed text 46854\n", + "Completed text 46855\n", + "Completed text 46856\n", + "Completed text 46857\n", + "Completed text 46858\n", + "Completed text 46859\n", + "Completed text 46860\n", + "Completed text 46861\n", + "Completed text 46862\n", + "Completed text 46863\n", + "Completed text 46864\n", + "Completed text 46865\n", + "Completed text 46866\n", + "Completed text 46867\n", + "Completed text 46868\n", + "Completed text 46869\n", + "Completed text 46870\n", + "Completed text 46871\n", + "Completed text 46872\n", + "Completed text 46873\n", + "Completed text 46874\n", + "Completed text 46875\n", + "Completed text 46876\n", + "Completed text 46877\n", + "Completed text 46878\n", + "Completed text 46879\n", + "Completed text 46880\n", + "Completed text 46881\n", + "Completed text 46882\n", + "Completed text 46883\n", + "Completed text 46884\n", + "Completed text 46885\n", + "Completed text 46886\n", + "Completed text 46887\n", + "Completed text 46888\n", + "Completed text 46889\n", + "Completed text 46890\n", + "Completed text 46891\n", + "Completed text 46892\n", + "Completed text 46893\n", + "Completed text 46894\n", + "Completed text 46895\n", + "Completed text 46896\n", + "Completed text 46897\n", + "Completed text 46898\n", + "Completed text 46899\n", + "Completed text 46900\n", + "Completed text 46901\n", + "Completed text 46902\n", + "Completed text 46903\n", + "Completed text 46904\n", + "Completed text 46905\n", + "Completed text 46906\n", + "Completed text 46907\n", + "Completed text 46908\n", + "Completed text 46909\n", + "Completed text 46910\n", + "Completed text 46911\n", + "Completed text 46912\n", + "Completed text 46913\n", + "Completed text 46914\n", + "Completed text 46915\n", + "Completed text 46916\n", + "Completed text 46917\n", + "Completed text 46918\n", + "Completed text 46919\n", + "Completed text 46920\n", + "Completed text 46921\n", + "Completed text 46922\n", + "Completed text 46923\n", + "Completed text 46924\n", + "Completed text 46925\n", + "Completed text 46926\n", + "Completed text 46927\n", + "Completed text 46928\n", + "Completed text 46929\n", + "Completed text 46930\n", + "Completed text 46931\n", + "Completed text 46932\n", + "Completed text 46933\n", + "Completed text 46934\n", + "Completed text 46935\n", + "Completed text 46936\n", + "Completed text 46937\n", + "Completed text 46938\n", + "Completed text 46939\n", + "Completed text 46940\n", + "Completed text 46941\n", + "Completed text 46942\n", + "Completed text 46943\n", + "Completed text 46944\n", + "Completed text 46945\n", + "Completed text 46946\n", + "Completed text 46947\n", + "Completed text 46948\n", + "Completed text 46949\n", + "Completed text 46950\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 46951\n", + "Completed text 46952\n", + "Completed text 46953\n", + "Completed text 46954\n", + "Completed text 46955\n", + "Completed text 46956\n", + "Completed text 46957\n", + "Completed text 46958\n", + "Completed text 46959\n", + "Completed text 46960\n", + "Completed text 46961\n", + "Completed text 46962\n", + "Completed text 46963\n", + "Completed text 46964\n", + "Completed text 46965\n", + "Completed text 46966\n", + "Completed text 46967\n", + "Completed text 46968\n", + "Completed text 46969\n", + "Completed text 46970\n", + "Completed text 46971\n", + "Completed text 46972\n", + "Completed text 46973\n", + "Completed text 46974\n", + "Completed text 46975\n", + "Completed text 46976\n", + "Completed text 46977\n", + "Completed text 46978\n", + "Completed text 46979\n", + "Completed text 46980\n", + "Completed text 46981\n", + "Completed text 46982\n", + "Completed text 46983\n", + "Completed text 46984\n", + "Completed text 46985\n", + "Completed text 46986\n", + "Completed text 46987\n", + "Completed text 46988\n", + "Completed text 46989\n", + "Completed text 46990\n", + "Completed text 46991\n", + "Completed text 46992\n", + "Completed text 46993\n", + "Completed text 46994\n", + "Completed text 46995\n", + "Completed text 46996\n", + "Completed text 46997\n", + "Completed text 46998\n", + "Completed text 46999\n", + "Completed text 47000\n", + "Completed text 47001\n", + "Completed text 47002\n", + "Completed text 47003\n", + "Completed text 47004\n", + "Completed text 47005\n", + "Completed text 47006\n", + "Completed text 47007\n", + "Completed text 47008\n", + "Completed text 47009\n", + "Completed text 47010\n", + "Completed text 47011\n", + "Completed text 47012\n", + "Completed text 47013\n", + "Completed text 47014\n", + "Completed text 47015\n", + "Completed text 47016\n", + "Completed text 47017\n", + "Completed text 47018\n", + "Completed text 47019\n", + "Completed text 47020\n", + "Completed text 47021\n", + "Completed text 47022\n", + "Completed text 47023\n", + "Completed text 47024\n", + "Completed text 47025\n", + "Completed text 47026\n", + "Completed text 47027\n", + "Completed text 47028\n", + "Completed text 47029\n", + "Completed text 47030\n", + "Completed text 47031\n", + "Completed text 47032\n", + "Completed text 47033\n", + "Completed text 47034\n", + "Completed text 47035\n", + "Completed text 47036\n", + "Completed text 47037\n", + "Completed text 47038\n", + "Completed text 47039\n", + "Completed text 47040\n", + "Completed text 47041\n", + "Completed text 47042\n", + "Completed text 47043\n", + "Completed text 47044\n", + "Completed text 47045\n", + "Completed text 47046\n", + "Completed text 47047\n", + "Completed text 47048\n", + "Completed text 47049\n", + "Completed text 47050\n", + "Completed text 47051\n", + "Completed text 47052\n", + "Completed text 47053\n", + "Completed text 47054\n", + "Completed text 47055\n", + "Completed text 47056\n", + "Completed text 47057\n", + "Completed text 47058\n", + "Completed text 47059\n", + "Completed text 47060\n", + "Completed text 47061\n", + "Completed text 47062\n", + "Completed text 47063\n", + "Completed text 47064\n", + "Completed text 47065\n", + "Completed text 47066\n", + "Completed text 47067\n", + "Completed text 47068\n", + "Completed text 47069\n", + "Completed text 47070\n", + "Completed text 47071\n", + "Completed text 47072\n", + "Completed text 47073\n", + "Completed text 47074\n", + "Completed text 47075\n", + "Completed text 47076\n", + "Completed text 47077\n", + "Completed text 47078\n", + "Completed text 47079\n", + "Completed text 47080\n", + "Completed text 47081\n", + "Completed text 47082\n", + "Completed text 47083\n", + "Completed text 47084\n", + "Completed text 47085\n", + "Completed text 47086\n", + "Completed text 47087\n", + "Completed text 47088\n", + "Completed text 47089\n", + "Completed text 47090\n", + "Completed text 47091\n", + "Completed text 47092\n", + "Completed text 47093\n", + "Completed text 47094\n", + "Completed text 47095\n", + "Completed text 47096\n", + "Completed text 47097\n", + "Completed text 47098\n", + "Completed text 47099\n", + "Completed text 47100\n", + "Completed text 47101\n", + "Completed text 47102\n", + "Completed text 47103\n", + "Completed text 47104\n", + "Completed text 47105\n", + "Completed text 47106\n", + "Completed text 47107\n", + "Completed text 47108\n", + "Completed text 47109\n", + "Completed text 47110\n", + "Completed text 47111\n", + "Completed text 47112\n", + "Completed text 47113\n", + "Completed text 47114\n", + "Completed text 47115\n", + "Completed text 47116\n", + "Completed text 47117\n", + "Completed text 47118\n", + "Completed text 47119\n", + "Completed text 47120\n", + "Completed text 47121\n", + "Completed text 47122\n", + "Completed text 47123\n", + "Completed text 47124\n", + "Completed text 47125\n", + "Completed text 47126\n", + "Completed text 47127\n", + "Completed text 47128\n", + "Completed text 47129\n", + "Completed text 47130\n", + "Completed text 47131\n", + "Completed text 47132\n", + "Completed text 47133\n", + "Completed text 47134\n", + "Completed text 47135\n", + "Completed text 47136\n", + "Completed text 47137\n", + "Completed text 47138\n", + "Completed text 47139\n", + "Completed text 47140\n", + "Completed text 47141\n", + "Completed text 47142\n", + "Completed text 47143\n", + "Completed text 47144\n", + "Completed text 47145\n", + "Completed text 47146\n", + "Completed text 47147\n", + "Completed text 47148\n", + "Completed text 47149\n", + "Completed text 47150\n", + "Completed text 47151\n", + "Completed text 47152\n", + "Completed text 47153\n", + "Completed text 47154\n", + "Completed text 47155\n", + "Completed text 47156\n", + "Completed text 47157\n", + "Completed text 47158\n", + "Completed text 47159\n", + "Completed text 47160\n", + "Completed text 47161\n", + "Completed text 47162\n", + "Completed text 47163\n", + "Completed text 47164\n", + "Completed text 47165\n", + "Completed text 47166\n", + "Completed text 47167\n", + "Completed text 47168\n", + "Completed text 47169\n", + "Completed text 47170\n", + "Completed text 47171\n", + "Completed text 47172\n", + "Completed text 47173\n", + "Completed text 47174\n", + "Completed text 47175\n", + "Completed text 47176\n", + "Completed text 47177\n", + "Completed text 47178\n", + "Completed text 47179\n", + "Completed text 47180\n", + "Completed text 47181\n", + "Completed text 47182\n", + "Completed text 47183\n", + "Completed text 47184\n", + "Completed text 47185\n", + "Completed text 47186\n", + "Completed text 47187\n", + "Completed text 47188\n", + "Completed text 47189\n", + "Completed text 47190\n", + "Completed text 47191\n", + "Completed text 47192\n", + "Completed text 47193\n", + "Completed text 47194\n", + "Completed text 47195\n", + "Completed text 47196\n", + "Completed text 47197\n", + "Completed text 47198\n", + "Completed text 47199\n", + "Completed text 47200\n", + "Completed text 47201\n", + "Completed text 47202\n", + "Completed text 47203\n", + "Completed text 47204\n", + "Completed text 47205\n", + "Completed text 47206\n", + "Completed text 47207\n", + "Completed text 47208\n", + "Completed text 47209\n", + "Completed text 47210\n", + "Completed text 47211\n", + "Completed text 47212\n", + "Completed text 47213\n", + "Completed text 47214\n", + "Completed text 47215\n", + "Completed text 47216\n", + "Completed text 47217\n", + "Completed text 47218\n", + "Completed text 47219\n", + "Completed text 47220\n", + "Completed text 47221\n", + "Completed text 47222\n", + "Completed text 47223\n", + "Completed text 47224\n", + "Completed text 47225\n", + "Completed text 47226\n", + "Completed text 47227\n", + "Completed text 47228\n", + "Completed text 47229\n", + "Completed text 47230\n", + "Completed text 47231\n", + "Completed text 47232\n", + "Completed text 47233\n", + "Completed text 47234\n", + "Completed text 47235\n", + "Completed text 47236\n", + "Completed text 47237\n", + "Completed text 47238\n", + "Completed text 47239\n", + "Completed text 47240\n", + "Completed text 47241\n", + "Completed text 47242\n", + "Completed text 47243\n", + "Completed text 47244\n", + "Completed text 47245\n", + "Completed text 47246\n", + "Completed text 47247\n", + "Completed text 47248\n", + "Completed text 47249\n", + "Completed text 47250\n", + "Completed text 47251\n", + "Completed text 47252\n", + "Completed text 47253\n", + "Completed text 47254\n", + "Completed text 47255\n", + "Completed text 47256\n", + "Completed text 47257\n", + "Completed text 47258\n", + "Completed text 47259\n", + "Completed text 47260\n", + "Completed text 47261\n", + "Completed text 47262\n", + "Completed text 47263\n", + "Completed text 47264\n", + "Completed text 47265\n", + "Completed text 47266\n", + "Completed text 47267\n", + "Completed text 47268\n", + "Completed text 47269\n", + "Completed text 47270\n", + "Completed text 47271\n", + "Completed text 47272\n", + "Completed text 47273\n", + "Completed text 47274\n", + "Completed text 47275\n", + "Completed text 47276\n", + "Completed text 47277\n", + "Completed text 47278\n", + "Completed text 47279\n", + "Completed text 47280\n", + "Completed text 47281\n", + "Completed text 47282\n", + "Completed text 47283\n", + "Completed text 47284\n", + "Completed text 47285\n", + "Completed text 47286\n", + "Completed text 47287\n", + "Completed text 47288\n", + "Completed text 47289\n", + "Completed text 47290\n", + "Completed text 47291\n", + "Completed text 47292\n", + "Completed text 47293\n", + "Completed text 47294\n", + "Completed text 47295\n", + "Completed text 47296\n", + "Completed text 47297\n", + "Completed text 47298\n", + "Completed text 47299\n", + "Completed text 47300\n", + "Completed text 47301\n", + "Completed text 47302\n", + "Completed text 47303\n", + "Completed text 47304\n", + "Completed text 47305\n", + "Completed text 47306\n", + "Completed text 47307\n", + "Completed text 47308\n", + "Completed text 47309\n", + "Completed text 47310\n", + "Completed text 47311\n", + "Completed text 47312\n", + "Completed text 47313\n", + "Completed text 47314\n", + "Completed text 47315\n", + "Completed text 47316\n", + "Completed text 47317\n", + "Completed text 47318\n", + "Completed text 47319\n", + "Completed text 47320\n", + "Completed text 47321\n", + "Completed text 47322\n", + "Completed text 47323\n", + "Completed text 47324\n", + "Completed text 47325\n", + "Completed text 47326\n", + "Completed text 47327\n", + "Completed text 47328\n", + "Completed text 47329\n", + "Completed text 47330\n", + "Completed text 47331\n", + "Completed text 47332\n", + "Completed text 47333\n", + "Completed text 47334\n", + "Completed text 47335\n", + "Completed text 47336\n", + "Completed text 47337\n", + "Completed text 47338\n", + "Completed text 47339\n", + "Completed text 47340\n", + "Completed text 47341\n", + "Completed text 47342\n", + "Completed text 47343\n", + "Completed text 47344\n", + "Completed text 47345\n", + "Completed text 47346\n", + "Completed text 47347\n", + "Completed text 47348\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 47349\n", + "Completed text 47350\n", + "Completed text 47351\n", + "Completed text 47352\n", + "Completed text 47353\n", + "Completed text 47354\n", + "Completed text 47355\n", + "Completed text 47356\n", + "Completed text 47357\n", + "Completed text 47358\n", + "Completed text 47359\n", + "Completed text 47360\n", + "Completed text 47361\n", + "Completed text 47362\n", + "Completed text 47363\n", + "Completed text 47364\n", + "Completed text 47365\n", + "Completed text 47366\n", + "Completed text 47367\n", + "Completed text 47368\n", + "Completed text 47369\n", + "Completed text 47370\n", + "Completed text 47371\n", + "Completed text 47372\n", + "Completed text 47373\n", + "Completed text 47374\n", + "Completed text 47375\n", + "Completed text 47376\n", + "Completed text 47377\n", + "Completed text 47378\n", + "Completed text 47379\n", + "Completed text 47380\n", + "Completed text 47381\n", + "Completed text 47382\n", + "Completed text 47383\n", + "Completed text 47384\n", + "Completed text 47385\n", + "Completed text 47386\n", + "Completed text 47387\n", + "Completed text 47388\n", + "Completed text 47389\n", + "Completed text 47390\n", + "Completed text 47391\n", + "Completed text 47392\n", + "Completed text 47393\n", + "Completed text 47394\n", + "Completed text 47395\n", + "Completed text 47396\n", + "Completed text 47397\n", + "Completed text 47398\n", + "Completed text 47399\n", + "Completed text 47400\n", + "Completed text 47401\n", + "Completed text 47402\n", + "Completed text 47403\n", + "Completed text 47404\n", + "Completed text 47405\n", + "Completed text 47406\n", + "Completed text 47407\n", + "Completed text 47408\n", + "Completed text 47409\n", + "Completed text 47410\n", + "Completed text 47411\n", + "Completed text 47412\n", + "Completed text 47413\n", + "Completed text 47414\n", + "Completed text 47415\n", + "Completed text 47416\n", + "Completed text 47417\n", + "Completed text 47418\n", + "Completed text 47419\n", + "Completed text 47420\n", + "Completed text 47421\n", + "Completed text 47422\n", + "Completed text 47423\n", + "Completed text 47424\n", + "Completed text 47425\n", + "Completed text 47426\n", + "Completed text 47427\n", + "Completed text 47428\n", + "Completed text 47429\n", + "Completed text 47430\n", + "Completed text 47431\n", + "Completed text 47432\n", + "Completed text 47433\n", + "Completed text 47434\n", + "Completed text 47435\n", + "Completed text 47436\n", + "Completed text 47437\n", + "Completed text 47438\n", + "Completed text 47439\n", + "Completed text 47440\n", + "Completed text 47441\n", + "Completed text 47442\n", + "Completed text 47443\n", + "Completed text 47444\n", + "Completed text 47445\n", + "Completed text 47446\n", + "Completed text 47447\n", + "Completed text 47448\n", + "Completed text 47449\n", + "Completed text 47450\n", + "Completed text 47451\n", + "Completed text 47452\n", + "Completed text 47453\n", + "Completed text 47454\n", + "Completed text 47455\n", + "Completed text 47456\n", + "Completed text 47457\n", + "Completed text 47458\n", + "Completed text 47459\n", + "Completed text 47460\n", + "Completed text 47461\n", + "Completed text 47462\n", + "Completed text 47463\n", + "Completed text 47464\n", + "Completed text 47465\n", + "Completed text 47466\n", + "Completed text 47467\n", + "Completed text 47468\n", + "Completed text 47469\n", + "Completed text 47470\n", + "Completed text 47471\n", + "Completed text 47472\n", + "Completed text 47473\n", + "Completed text 47474\n", + "Completed text 47475\n", + "Completed text 47476\n", + "Completed text 47477\n", + "Completed text 47478\n", + "Completed text 47479\n", + "Completed text 47480\n", + "Completed text 47481\n", + "Completed text 47482\n", + "Completed text 47483\n", + "Completed text 47484\n", + "Completed text 47485\n", + "Completed text 47486\n", + "Completed text 47487\n", + "Completed text 47488\n", + "Completed text 47489\n", + "Completed text 47490\n", + "Completed text 47491\n", + "Completed text 47492\n", + "Completed text 47493\n", + "Completed text 47494\n", + "Completed text 47495\n", + "Completed text 47496\n", + "Completed text 47497\n", + "Completed text 47498\n", + "Completed text 47499\n", + "Completed text 47500\n", + "Completed text 47501\n", + "Completed text 47502\n", + "Completed text 47503\n", + "Completed text 47504\n", + "Completed text 47505\n", + "Completed text 47506\n", + "Completed text 47507\n", + "Completed text 47508\n", + "Completed text 47509\n", + "Completed text 47510\n", + "Completed text 47511\n", + "Completed text 47512\n", + "Completed text 47513\n", + "Completed text 47514\n", + "Completed text 47515\n", + "Completed text 47516\n", + "Completed text 47517\n", + "Completed text 47518\n", + "Completed text 47519\n", + "Completed text 47520\n", + "Completed text 47521\n", + "Completed text 47522\n", + "Completed text 47523\n", + "Completed text 47524\n", + "Completed text 47525\n", + "Completed text 47526\n", + "Completed text 47527\n", + "Completed text 47528\n", + "Completed text 47529\n", + "Completed text 47530\n", + "Completed text 47531\n", + "Completed text 47532\n", + "Completed text 47533\n", + "Completed text 47534\n", + "Completed text 47535\n", + "Completed text 47536\n", + "Completed text 47537\n", + "Completed text 47538\n", + "Completed text 47539\n", + "Completed text 47540\n", + "Completed text 47541\n", + "Completed text 47542\n", + "Completed text 47543\n", + "Completed text 47544\n", + "Completed text 47545\n", + "Completed text 47546\n", + "Completed text 47547\n", + "Completed text 47548\n", + "Completed text 47549\n", + "Completed text 47550\n", + "Completed text 47551\n", + "Completed text 47552\n", + "Completed text 47553\n", + "Completed text 47554\n", + "Completed text 47555\n", + "Completed text 47556\n", + "Completed text 47557\n", + "Completed text 47558\n", + "Completed text 47559\n", + "Completed text 47560\n", + "Completed text 47561\n", + "Completed text 47562\n", + "Completed text 47563\n", + "Completed text 47564\n", + "Completed text 47565\n", + "Completed text 47566\n", + "Completed text 47567\n", + "Completed text 47568\n", + "Completed text 47569\n", + "Completed text 47570\n", + "Completed text 47571\n", + "Completed text 47572\n", + "Completed text 47573\n", + "Completed text 47574\n", + "Completed text 47575\n", + "Completed text 47576\n", + "Completed text 47577\n", + "Completed text 47578\n", + "Completed text 47579\n", + "Completed text 47580\n", + "Completed text 47581\n", + "Completed text 47582\n", + "Completed text 47583\n", + "Completed text 47584\n", + "Completed text 47585\n", + "Completed text 47586\n", + "Completed text 47587\n", + "Completed text 47588\n", + "Completed text 47589\n", + "Completed text 47590\n", + "Completed text 47591\n", + "Completed text 47592\n", + "Completed text 47593\n", + "Completed text 47594\n", + "Completed text 47595\n", + "Completed text 47596\n", + "Completed text 47597\n", + "Completed text 47598\n", + "Completed text 47599\n", + "Completed text 47600\n", + "Completed text 47601\n", + "Completed text 47602\n", + "Completed text 47603\n", + "Completed text 47604\n", + "Completed text 47605\n", + "Completed text 47606\n", + "Completed text 47607\n", + "Completed text 47608\n", + "Completed text 47609\n", + "Completed text 47610\n", + "Completed text 47611\n", + "Completed text 47612\n", + "Completed text 47613\n", + "Completed text 47614\n", + "Completed text 47615\n", + "Completed text 47616\n", + "Completed text 47617\n", + "Completed text 47618\n", + "Completed text 47619\n", + "Completed text 47620\n", + "Completed text 47621\n", + "Completed text 47622\n", + "Completed text 47623\n", + "Completed text 47624\n", + "Completed text 47625\n", + "Completed text 47626\n", + "Completed text 47627\n", + "Completed text 47628\n", + "Completed text 47629\n", + "Completed text 47630\n", + "Completed text 47631\n", + "Completed text 47632\n", + "Completed text 47633\n", + "Completed text 47634\n", + "Completed text 47635\n", + "Completed text 47636\n", + "Completed text 47637\n", + "Completed text 47638\n", + "Completed text 47639\n", + "Completed text 47640\n", + "Completed text 47641\n", + "Completed text 47642\n", + "Completed text 47643\n", + "Completed text 47644\n", + "Completed text 47645\n", + "Completed text 47646\n", + "Completed text 47647\n", + "Completed text 47648\n", + "Completed text 47649\n", + "Completed text 47650\n", + "Completed text 47651\n", + "Completed text 47652\n", + "Completed text 47653\n", + "Completed text 47654\n", + "Completed text 47655\n", + "Completed text 47656\n", + "Completed text 47657\n", + "Completed text 47658\n", + "Completed text 47659\n", + "Completed text 47660\n", + "Completed text 47661\n", + "Completed text 47662\n", + "Completed text 47663\n", + "Completed text 47664\n", + "Completed text 47665\n", + "Completed text 47666\n", + "Completed text 47667\n", + "Completed text 47668\n", + "Completed text 47669\n", + "Completed text 47670\n", + "Completed text 47671\n", + "Completed text 47672\n", + "Completed text 47673\n", + "Completed text 47674\n", + "Completed text 47675\n", + "Completed text 47676\n", + "Completed text 47677\n", + "Completed text 47678\n", + "Completed text 47679\n", + "Completed text 47680\n", + "Completed text 47681\n", + "Completed text 47682\n", + "Completed text 47683\n", + "Completed text 47684\n", + "Completed text 47685\n", + "Completed text 47686\n", + "Completed text 47687\n", + "Completed text 47688\n", + "Completed text 47689\n", + "Completed text 47690\n", + "Completed text 47691\n", + "Completed text 47692\n", + "Completed text 47693\n", + "Completed text 47694\n", + "Completed text 47695\n", + "Completed text 47696\n", + "Completed text 47697\n", + "Completed text 47698\n", + "Completed text 47699\n", + "Completed text 47700\n", + "Completed text 47701\n", + "Completed text 47702\n", + "Completed text 47703\n", + "Completed text 47704\n", + "Completed text 47705\n", + "Completed text 47706\n", + "Completed text 47707\n", + "Completed text 47708\n", + "Completed text 47709\n", + "Completed text 47710\n", + "Completed text 47711\n", + "Completed text 47712\n", + "Completed text 47713\n", + "Completed text 47714\n", + "Completed text 47715\n", + "Completed text 47716\n", + "Completed text 47717\n", + "Completed text 47718\n", + "Completed text 47719\n", + "Completed text 47720\n", + "Completed text 47721\n", + "Completed text 47722\n", + "Completed text 47723\n", + "Completed text 47724\n", + "Completed text 47725\n", + "Completed text 47726\n", + "Completed text 47727\n", + "Completed text 47728\n", + "Completed text 47729\n", + "Completed text 47730\n", + "Completed text 47731\n", + "Completed text 47732\n", + "Completed text 47733\n", + "Completed text 47734\n", + "Completed text 47735\n", + "Completed text 47736\n", + "Completed text 47737\n", + "Completed text 47738\n", + "Completed text 47739\n", + "Completed text 47740\n", + "Completed text 47741\n", + "Completed text 47742\n", + "Completed text 47743\n", + "Completed text 47744\n", + "Completed text 47745\n", + "Completed text 47746\n", + "Completed text 47747\n", + "Completed text 47748\n", + "Completed text 47749\n", + "Completed text 47750\n", + "Completed text 47751\n", + "Completed text 47752\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 47753\n", + "Completed text 47754\n", + "Completed text 47755\n", + "Completed text 47756\n", + "Completed text 47757\n", + "Completed text 47758\n", + "Completed text 47759\n", + "Completed text 47760\n", + "Completed text 47761\n", + "Completed text 47762\n", + "Completed text 47763\n", + "Completed text 47764\n", + "Completed text 47765\n", + "Completed text 47766\n", + "Completed text 47767\n", + "Completed text 47768\n", + "Completed text 47769\n", + "Completed text 47770\n", + "Completed text 47771\n", + "Completed text 47772\n", + "Completed text 47773\n", + "Completed text 47774\n", + "Completed text 47775\n", + "Completed text 47776\n", + "Completed text 47777\n", + "Completed text 47778\n", + "Completed text 47779\n", + "Completed text 47780\n", + "Completed text 47781\n", + "Completed text 47782\n", + "Completed text 47783\n", + "Completed text 47784\n", + "Completed text 47785\n", + "Completed text 47786\n", + "Completed text 47787\n", + "Completed text 47788\n", + "Completed text 47789\n", + "Completed text 47790\n", + "Completed text 47791\n", + "Completed text 47792\n", + "Completed text 47793\n", + "Completed text 47794\n", + "Completed text 47795\n", + "Completed text 47796\n", + "Completed text 47797\n", + "Completed text 47798\n", + "Completed text 47799\n", + "Completed text 47800\n", + "Completed text 47801\n", + "Completed text 47802\n", + "Completed text 47803\n", + "Completed text 47804\n", + "Completed text 47805\n", + "Completed text 47806\n", + "Completed text 47807\n", + "Completed text 47808\n", + "Completed text 47809\n", + "Completed text 47810\n", + "Completed text 47811\n", + "Completed text 47812\n", + "Completed text 47813\n", + "Completed text 47814\n", + "Completed text 47815\n", + "Completed text 47816\n", + "Completed text 47817\n", + "Completed text 47818\n", + "Completed text 47819\n", + "Completed text 47820\n", + "Completed text 47821\n", + "Completed text 47822\n", + "Completed text 47823\n", + "Completed text 47824\n", + "Completed text 47825\n", + "Completed text 47826\n", + "Completed text 47827\n", + "Completed text 47828\n", + "Completed text 47829\n", + "Completed text 47830\n", + "Completed text 47831\n", + "Completed text 47832\n", + "Completed text 47833\n", + "Completed text 47834\n", + "Completed text 47835\n", + "Completed text 47836\n", + "Completed text 47837\n", + "Completed text 47838\n", + "Completed text 47839\n", + "Completed text 47840\n", + "Completed text 47841\n", + "Completed text 47842\n", + "Completed text 47843\n", + "Completed text 47844\n", + "Completed text 47845\n", + "Completed text 47846\n", + "Completed text 47847\n", + "Completed text 47848\n", + "Completed text 47849\n", + "Completed text 47850\n", + "Completed text 47851\n", + "Completed text 47852\n", + "Completed text 47853\n", + "Completed text 47854\n", + "Completed text 47855\n", + "Completed text 47856\n", + "Completed text 47857\n", + "Completed text 47858\n", + "Completed text 47859\n", + "Completed text 47860\n", + "Completed text 47861\n", + "Completed text 47862\n", + "Completed text 47863\n", + "Completed text 47864\n", + "Completed text 47865\n", + "Completed text 47866\n", + "Completed text 47867\n", + "Completed text 47868\n", + "Completed text 47869\n", + "Completed text 47870\n", + "Completed text 47871\n", + "Completed text 47872\n", + "Completed text 47873\n", + "Completed text 47874\n", + "Completed text 47875\n", + "Completed text 47876\n", + "Completed text 47877\n", + "Completed text 47878\n", + "Completed text 47879\n", + "Completed text 47880\n", + "Completed text 47881\n", + "Completed text 47882\n", + "Completed text 47883\n", + "Completed text 47884\n", + "Completed text 47885\n", + "Completed text 47886\n", + "Completed text 47887\n", + "Completed text 47888\n", + "Completed text 47889\n", + "Completed text 47890\n", + "Completed text 47891\n", + "Completed text 47892\n", + "Completed text 47893\n", + "Completed text 47894\n", + "Completed text 47895\n", + "Completed text 47896\n", + "Completed text 47897\n", + "Completed text 47898\n", + "Completed text 47899\n", + "Completed text 47900\n", + "Completed text 47901\n", + "Completed text 47902\n", + "Completed text 47903\n", + "Completed text 47904\n", + "Completed text 47905\n", + "Completed text 47906\n", + "Completed text 47907\n", + "Completed text 47908\n", + "Completed text 47909\n", + "Completed text 47910\n", + "Completed text 47911\n", + "Completed text 47912\n", + "Completed text 47913\n", + "Completed text 47914\n", + "Completed text 47915\n", + "Completed text 47916\n", + "Completed text 47917\n", + "Completed text 47918\n", + "Completed text 47919\n", + "Completed text 47920\n", + "Completed text 47921\n", + "Completed text 47922\n", + "Completed text 47923\n", + "Completed text 47924\n", + "Completed text 47925\n", + "Completed text 47926\n", + "Completed text 47927\n", + "Completed text 47928\n", + "Completed text 47929\n", + "Completed text 47930\n", + "Completed text 47931\n", + "Completed text 47932\n", + "Completed text 47933\n", + "Completed text 47934\n", + "Completed text 47935\n", + "Completed text 47936\n", + "Completed text 47937\n", + "Completed text 47938\n", + "Completed text 47939\n", + "Completed text 47940\n", + "Completed text 47941\n", + "Completed text 47942\n", + "Completed text 47943\n", + "Completed text 47944\n", + "Completed text 47945\n", + "Completed text 47946\n", + "Completed text 47947\n", + "Completed text 47948\n", + "Completed text 47949\n", + "Completed text 47950\n", + "Completed text 47951\n", + "Completed text 47952\n", + "Completed text 47953\n", + "Completed text 47954\n", + "Completed text 47955\n", + "Completed text 47956\n", + "Completed text 47957\n", + "Completed text 47958\n", + "Completed text 47959\n", + "Completed text 47960\n", + "Completed text 47961\n", + "Completed text 47962\n", + "Completed text 47963\n", + "Completed text 47964\n", + "Completed text 47965\n", + "Completed text 47966\n", + "Completed text 47967\n", + "Completed text 47968\n", + "Completed text 47969\n", + "Completed text 47970\n", + "Completed text 47971\n", + "Completed text 47972\n", + "Completed text 47973\n", + "Completed text 47974\n", + "Completed text 47975\n", + "Completed text 47976\n", + "Completed text 47977\n", + "Completed text 47978\n", + "Completed text 47979\n", + "Completed text 47980\n", + "Completed text 47981\n", + "Completed text 47982\n", + "Completed text 47983\n", + "Completed text 47984\n", + "Completed text 47985\n", + "Completed text 47986\n", + "Completed text 47987\n", + "Completed text 47988\n", + "Completed text 47989\n", + "Completed text 47990\n", + "Completed text 47991\n", + "Completed text 47992\n", + "Completed text 47993\n", + "Completed text 47994\n", + "Completed text 47995\n", + "Completed text 47996\n", + "Completed text 47997\n", + "Completed text 47998\n", + "Completed text 47999\n", + "Completed text 48000\n", + "Completed text 48001\n", + "Completed text 48002\n", + "Completed text 48003\n", + "Completed text 48004\n", + "Completed text 48005\n", + "Completed text 48006\n", + "Completed text 48007\n", + "Completed text 48008\n", + "Completed text 48009\n", + "Completed text 48010\n", + "Completed text 48011\n", + "Completed text 48012\n", + "Completed text 48013\n", + "Completed text 48014\n", + "Completed text 48015\n", + "Completed text 48016\n", + "Completed text 48017\n", + "Completed text 48018\n", + "Completed text 48019\n", + "Completed text 48020\n", + "Completed text 48021\n", + "Completed text 48022\n", + "Completed text 48023\n", + "Completed text 48024\n", + "Completed text 48025\n", + "Completed text 48026\n", + "Completed text 48027\n", + "Completed text 48028\n", + "Completed text 48029\n", + "Completed text 48030\n", + "Completed text 48031\n", + "Completed text 48032\n", + "Completed text 48033\n", + "Completed text 48034\n", + "Completed text 48035\n", + "Completed text 48036\n", + "Completed text 48037\n", + "Completed text 48038\n", + "Completed text 48039\n", + "Completed text 48040\n", + "Completed text 48041\n", + "Completed text 48042\n", + "Completed text 48043\n", + "Completed text 48044\n", + "Completed text 48045\n", + "Completed text 48046\n", + "Completed text 48047\n", + "Completed text 48048\n", + "Completed text 48049\n", + "Completed text 48050\n", + "Completed text 48051\n", + "Completed text 48052\n", + "Completed text 48053\n", + "Completed text 48054\n", + "Completed text 48055\n", + "Completed text 48056\n", + "Completed text 48057\n", + "Completed text 48058\n", + "Completed text 48059\n", + "Completed text 48060\n", + "Completed text 48061\n", + "Completed text 48062\n", + "Completed text 48063\n", + "Completed text 48064\n", + "Completed text 48065\n", + "Completed text 48066\n", + "Completed text 48067\n", + "Completed text 48068\n", + "Completed text 48069\n", + "Completed text 48070\n", + "Completed text 48071\n", + "Completed text 48072\n", + "Completed text 48073\n", + "Completed text 48074\n", + "Completed text 48075\n", + "Completed text 48076\n", + "Completed text 48077\n", + "Completed text 48078\n", + "Completed text 48079\n", + "Completed text 48080\n", + "Completed text 48081\n", + "Completed text 48082\n", + "Completed text 48083\n", + "Completed text 48084\n", + "Completed text 48085\n", + "Completed text 48086\n", + "Completed text 48087\n", + "Completed text 48088\n", + "Completed text 48089\n", + "Completed text 48090\n", + "Completed text 48091\n", + "Completed text 48092\n", + "Completed text 48093\n", + "Completed text 48094\n", + "Completed text 48095\n", + "Completed text 48096\n", + "Completed text 48097\n", + "Completed text 48098\n", + "Completed text 48099\n", + "Completed text 48100\n", + "Completed text 48101\n", + "Completed text 48102\n", + "Completed text 48103\n", + "Completed text 48104\n", + "Completed text 48105\n", + "Completed text 48106\n", + "Completed text 48107\n", + "Completed text 48108\n", + "Completed text 48109\n", + "Completed text 48110\n", + "Completed text 48111\n", + "Completed text 48112\n", + "Completed text 48113\n", + "Completed text 48114\n", + "Completed text 48115\n", + "Completed text 48116\n", + "Completed text 48117\n", + "Completed text 48118\n", + "Completed text 48119\n", + "Completed text 48120\n", + "Completed text 48121\n", + "Completed text 48122\n", + "Completed text 48123\n", + "Completed text 48124\n", + "Completed text 48125\n", + "Completed text 48126\n", + "Completed text 48127\n", + "Completed text 48128\n", + "Completed text 48129\n", + "Completed text 48130\n", + "Completed text 48131\n", + "Completed text 48132\n", + "Completed text 48133\n", + "Completed text 48134\n", + "Completed text 48135\n", + "Completed text 48136\n", + "Completed text 48137\n", + "Completed text 48138\n", + "Completed text 48139\n", + "Completed text 48140\n", + "Completed text 48141\n", + "Completed text 48142\n", + "Completed text 48143\n", + "Completed text 48144\n", + "Completed text 48145\n", + "Completed text 48146\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 48147\n", + "Completed text 48148\n", + "Completed text 48149\n", + "Completed text 48150\n", + "Completed text 48151\n", + "Completed text 48152\n", + "Completed text 48153\n", + "Completed text 48154\n", + "Completed text 48155\n", + "Completed text 48156\n", + "Completed text 48157\n", + "Completed text 48158\n", + "Completed text 48159\n", + "Completed text 48160\n", + "Completed text 48161\n", + "Completed text 48162\n", + "Completed text 48163\n", + "Completed text 48164\n", + "Completed text 48165\n", + "Completed text 48166\n", + "Completed text 48167\n", + "Completed text 48168\n", + "Completed text 48169\n", + "Completed text 48170\n", + "Completed text 48171\n", + "Completed text 48172\n", + "Completed text 48173\n", + "Completed text 48174\n", + "Completed text 48175\n", + "Completed text 48176\n", + "Completed text 48177\n", + "Completed text 48178\n", + "Completed text 48179\n", + "Completed text 48180\n", + "Completed text 48181\n", + "Completed text 48182\n", + "Completed text 48183\n", + "Completed text 48184\n", + "Completed text 48185\n", + "Completed text 48186\n", + "Completed text 48187\n", + "Completed text 48188\n", + "Completed text 48189\n", + "Completed text 48190\n", + "Completed text 48191\n", + "Completed text 48192\n", + "Completed text 48193\n", + "Completed text 48194\n", + "Completed text 48195\n", + "Completed text 48196\n", + "Completed text 48197\n", + "Completed text 48198\n", + "Completed text 48199\n", + "Completed text 48200\n", + "Completed text 48201\n", + "Completed text 48202\n", + "Completed text 48203\n", + "Completed text 48204\n", + "Completed text 48205\n", + "Completed text 48206\n", + "Completed text 48207\n", + "Completed text 48208\n", + "Completed text 48209\n", + "Completed text 48210\n", + "Completed text 48211\n", + "Completed text 48212\n", + "Completed text 48213\n", + "Completed text 48214\n", + "Completed text 48215\n", + "Completed text 48216\n", + "Completed text 48217\n", + "Completed text 48218\n", + "Completed text 48219\n", + "Completed text 48220\n", + "Completed text 48221\n", + "Completed text 48222\n", + "Completed text 48223\n", + "Completed text 48224\n", + "Completed text 48225\n", + "Completed text 48226\n", + "Completed text 48227\n", + "Completed text 48228\n", + "Completed text 48229\n", + "Completed text 48230\n", + "Completed text 48231\n", + "Completed text 48232\n", + "Completed text 48233\n", + "Completed text 48234\n", + "Completed text 48235\n", + "Completed text 48236\n", + "Completed text 48237\n", + "Completed text 48238\n", + "Completed text 48239\n", + "Completed text 48240\n", + "Completed text 48241\n", + "Completed text 48242\n", + "Completed text 48243\n", + "Completed text 48244\n", + "Completed text 48245\n", + "Completed text 48246\n", + "Completed text 48247\n", + "Completed text 48248\n", + "Completed text 48249\n", + "Completed text 48250\n", + "Completed text 48251\n", + "Completed text 48252\n", + "Completed text 48253\n", + "Completed text 48254\n", + "Completed text 48255\n", + "Completed text 48256\n", + "Completed text 48257\n", + "Completed text 48258\n", + "Completed text 48259\n", + "Completed text 48260\n", + "Completed text 48261\n", + "Completed text 48262\n", + "Completed text 48263\n", + "Completed text 48264\n", + "Completed text 48265\n", + "Completed text 48266\n", + "Completed text 48267\n", + "Completed text 48268\n", + "Completed text 48269\n", + "Completed text 48270\n", + "Completed text 48271\n", + "Completed text 48272\n", + "Completed text 48273\n", + "Completed text 48274\n", + "Completed text 48275\n", + "Completed text 48276\n", + "Completed text 48277\n", + "Completed text 48278\n", + "Completed text 48279\n", + "Completed text 48280\n", + "Completed text 48281\n", + "Completed text 48282\n", + "Completed text 48283\n", + "Completed text 48284\n", + "Completed text 48285\n", + "Completed text 48286\n", + "Completed text 48287\n", + "Completed text 48288\n", + "Completed text 48289\n", + "Completed text 48290\n", + "Completed text 48291\n", + "Completed text 48292\n", + "Completed text 48293\n", + "Completed text 48294\n", + "Completed text 48295\n", + "Completed text 48296\n", + "Completed text 48297\n", + "Completed text 48298\n", + "Completed text 48299\n", + "Completed text 48300\n", + "Completed text 48301\n", + "Completed text 48302\n", + "Completed text 48303\n", + "Completed text 48304\n", + "Completed text 48305\n", + "Completed text 48306\n", + "Completed text 48307\n", + "Completed text 48308\n", + "Completed text 48309\n", + "Completed text 48310\n", + "Completed text 48311\n", + "Completed text 48312\n", + "Completed text 48313\n", + "Completed text 48314\n", + "Completed text 48315\n", + "Completed text 48316\n", + "Completed text 48317\n", + "Completed text 48318\n", + "Completed text 48319\n", + "Completed text 48320\n", + "Completed text 48321\n", + "Completed text 48322\n", + "Completed text 48323\n", + "Completed text 48324\n", + "Completed text 48325\n", + "Completed text 48326\n", + "Completed text 48327\n", + "Completed text 48328\n", + "Completed text 48329\n", + "Completed text 48330\n", + "Completed text 48331\n", + "Completed text 48332\n", + "Completed text 48333\n", + "Completed text 48334\n", + "Completed text 48335\n", + "Completed text 48336\n", + "Completed text 48337\n", + "Completed text 48338\n", + "Completed text 48339\n", + "Completed text 48340\n", + "Completed text 48341\n", + "Completed text 48342\n", + "Completed text 48343\n", + "Completed text 48344\n", + "Completed text 48345\n", + "Completed text 48346\n", + "Completed text 48347\n", + "Completed text 48348\n", + "Completed text 48349\n", + "Completed text 48350\n", + "Completed text 48351\n", + "Completed text 48352\n", + "Completed text 48353\n", + "Completed text 48354\n", + "Completed text 48355\n", + "Completed text 48356\n", + "Completed text 48357\n", + "Completed text 48358\n", + "Completed text 48359\n", + "Completed text 48360\n", + "Completed text 48361\n", + "Completed text 48362\n", + "Completed text 48363\n", + "Completed text 48364\n", + "Completed text 48365\n", + "Completed text 48366\n", + "Completed text 48367\n", + "Completed text 48368\n", + "Completed text 48369\n", + "Completed text 48370\n", + "Completed text 48371\n", + "Completed text 48372\n", + "Completed text 48373\n", + "Completed text 48374\n", + "Completed text 48375\n", + "Completed text 48376\n", + "Completed text 48377\n", + "Completed text 48378\n", + "Completed text 48379\n", + "Completed text 48380\n", + "Completed text 48381\n", + "Completed text 48382\n", + "Completed text 48383\n", + "Completed text 48384\n", + "Completed text 48385\n", + "Completed text 48386\n", + "Completed text 48387\n", + "Completed text 48388\n", + "Completed text 48389\n", + "Completed text 48390\n", + "Completed text 48391\n", + "Completed text 48392\n", + "Completed text 48393\n", + "Completed text 48394\n", + "Completed text 48395\n", + "Completed text 48396\n", + "Completed text 48397\n", + "Completed text 48398\n", + "Completed text 48399\n", + "Completed text 48400\n", + "Completed text 48401\n", + "Completed text 48402\n", + "Completed text 48403\n", + "Completed text 48404\n", + "Completed text 48405\n", + "Completed text 48406\n", + "Completed text 48407\n", + "Completed text 48408\n", + "Completed text 48409\n", + "Completed text 48410\n", + "Completed text 48411\n", + "Completed text 48412\n", + "Completed text 48413\n", + "Completed text 48414\n", + "Completed text 48415\n", + "Completed text 48416\n", + "Completed text 48417\n", + "Completed text 48418\n", + "Completed text 48419\n", + "Completed text 48420\n", + "Completed text 48421\n", + "Completed text 48422\n", + "Completed text 48423\n", + "Completed text 48424\n", + "Completed text 48425\n", + "Completed text 48426\n", + "Completed text 48427\n", + "Completed text 48428\n", + "Completed text 48429\n", + "Completed text 48430\n", + "Completed text 48431\n", + "Completed text 48432\n", + "Completed text 48433\n", + "Completed text 48434\n", + "Completed text 48435\n", + "Completed text 48436\n", + "Completed text 48437\n", + "Completed text 48438\n", + "Completed text 48439\n", + "Completed text 48440\n", + "Completed text 48441\n", + "Completed text 48442\n", + "Completed text 48443\n", + "Completed text 48444\n", + "Completed text 48445\n", + "Completed text 48446\n", + "Completed text 48447\n", + "Completed text 48448\n", + "Completed text 48449\n", + "Completed text 48450\n", + "Completed text 48451\n", + "Completed text 48452\n", + "Completed text 48453\n", + "Completed text 48454\n", + "Completed text 48455\n", + "Completed text 48456\n", + "Completed text 48457\n", + "Completed text 48458\n", + "Completed text 48459\n", + "Completed text 48460\n", + "Completed text 48461\n", + "Completed text 48462\n", + "Completed text 48463\n", + "Completed text 48464\n", + "Completed text 48465\n", + "Completed text 48466\n", + "Completed text 48467\n", + "Completed text 48468\n", + "Completed text 48469\n", + "Completed text 48470\n", + "Completed text 48471\n", + "Completed text 48472\n", + "Completed text 48473\n", + "Completed text 48474\n", + "Completed text 48475\n", + "Completed text 48476\n", + "Completed text 48477\n", + "Completed text 48478\n", + "Completed text 48479\n", + "Completed text 48480\n", + "Completed text 48481\n", + "Completed text 48482\n", + "Completed text 48483\n", + "Completed text 48484\n", + "Completed text 48485\n", + "Completed text 48486\n", + "Completed text 48487\n", + "Completed text 48488\n", + "Completed text 48489\n", + "Completed text 48490\n", + "Completed text 48491\n", + "Completed text 48492\n", + "Completed text 48493\n", + "Completed text 48494\n", + "Completed text 48495\n", + "Completed text 48496\n", + "Completed text 48497\n", + "Completed text 48498\n", + "Completed text 48499\n", + "Completed text 48500\n", + "Completed text 48501\n", + "Completed text 48502\n", + "Completed text 48503\n", + "Completed text 48504\n", + "Completed text 48505\n", + "Completed text 48506\n", + "Completed text 48507\n", + "Completed text 48508\n", + "Completed text 48509\n", + "Completed text 48510\n", + "Completed text 48511\n", + "Completed text 48512\n", + "Completed text 48513\n", + "Completed text 48514\n", + "Completed text 48515\n", + "Completed text 48516\n", + "Completed text 48517\n", + "Completed text 48518\n", + "Completed text 48519\n", + "Completed text 48520\n", + "Completed text 48521\n", + "Completed text 48522\n", + "Completed text 48523\n", + "Completed text 48524\n", + "Completed text 48525\n", + "Completed text 48526\n", + "Completed text 48527\n", + "Completed text 48528\n", + "Completed text 48529\n", + "Completed text 48530\n", + "Completed text 48531\n", + "Completed text 48532\n", + "Completed text 48533\n", + "Completed text 48534\n", + "Completed text 48535\n", + "Completed text 48536\n", + "Completed text 48537\n", + "Completed text 48538\n", + "Completed text 48539\n", + "Completed text 48540\n", + "Completed text 48541\n", + "Completed text 48542\n", + "Completed text 48543\n", + "Completed text 48544\n", + "Completed text 48545\n", + "Completed text 48546\n", + "Completed text 48547\n", + "Completed text 48548\n", + "Completed text 48549\n", + "Completed text 48550\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 48551\n", + "Completed text 48552\n", + "Completed text 48553\n", + "Completed text 48554\n", + "Completed text 48555\n", + "Completed text 48556\n", + "Completed text 48557\n", + "Completed text 48558\n", + "Completed text 48559\n", + "Completed text 48560\n", + "Completed text 48561\n", + "Completed text 48562\n", + "Completed text 48563\n", + "Completed text 48564\n", + "Completed text 48565\n", + "Completed text 48566\n", + "Completed text 48567\n", + "Completed text 48568\n", + "Completed text 48569\n", + "Completed text 48570\n", + "Completed text 48571\n", + "Completed text 48572\n", + "Completed text 48573\n", + "Completed text 48574\n", + "Completed text 48575\n", + "Completed text 48576\n", + "Completed text 48577\n", + "Completed text 48578\n", + "Completed text 48579\n", + "Completed text 48580\n", + "Completed text 48581\n", + "Completed text 48582\n", + "Completed text 48583\n", + "Completed text 48584\n", + "Completed text 48585\n", + "Completed text 48586\n", + "Completed text 48587\n", + "Completed text 48588\n", + "Completed text 48589\n", + "Completed text 48590\n", + "Completed text 48591\n", + "Completed text 48592\n", + "Completed text 48593\n", + "Completed text 48594\n", + "Completed text 48595\n", + "Completed text 48596\n", + "Completed text 48597\n", + "Completed text 48598\n", + "Completed text 48599\n", + "Completed text 48600\n", + "Completed text 48601\n", + "Completed text 48602\n", + "Completed text 48603\n", + "Completed text 48604\n", + "Completed text 48605\n", + "Completed text 48606\n", + "Completed text 48607\n", + "Completed text 48608\n", + "Completed text 48609\n", + "Completed text 48610\n", + "Completed text 48611\n", + "Completed text 48612\n", + "Completed text 48613\n", + "Completed text 48614\n", + "Completed text 48615\n", + "Completed text 48616\n", + "Completed text 48617\n", + "Completed text 48618\n", + "Completed text 48619\n", + "Completed text 48620\n", + "Completed text 48621\n", + "Completed text 48622\n", + "Completed text 48623\n", + "Completed text 48624\n", + "Completed text 48625\n", + "Completed text 48626\n", + "Completed text 48627\n", + "Completed text 48628\n", + "Completed text 48629\n", + "Completed text 48630\n", + "Completed text 48631\n", + "Completed text 48632\n", + "Completed text 48633\n", + "Completed text 48634\n", + "Completed text 48635\n", + "Completed text 48636\n", + "Completed text 48637\n", + "Completed text 48638\n", + "Completed text 48639\n", + "Completed text 48640\n", + "Completed text 48641\n", + "Completed text 48642\n", + "Completed text 48643\n", + "Completed text 48644\n", + "Completed text 48645\n", + "Completed text 48646\n", + "Completed text 48647\n", + "Completed text 48648\n", + "Completed text 48649\n", + "Completed text 48650\n", + "Completed text 48651\n", + "Completed text 48652\n", + "Completed text 48653\n", + "Completed text 48654\n", + "Completed text 48655\n", + "Completed text 48656\n", + "Completed text 48657\n", + "Completed text 48658\n", + "Completed text 48659\n", + "Completed text 48660\n", + "Completed text 48661\n", + "Completed text 48662\n", + "Completed text 48663\n", + "Completed text 48664\n", + "Completed text 48665\n", + "Completed text 48666\n", + "Completed text 48667\n", + "Completed text 48668\n", + "Completed text 48669\n", + "Completed text 48670\n", + "Completed text 48671\n", + "Completed text 48672\n", + "Completed text 48673\n", + "Completed text 48674\n", + "Completed text 48675\n", + "Completed text 48676\n", + "Completed text 48677\n", + "Completed text 48678\n", + "Completed text 48679\n", + "Completed text 48680\n", + "Completed text 48681\n", + "Completed text 48682\n", + "Completed text 48683\n", + "Completed text 48684\n", + "Completed text 48685\n", + "Completed text 48686\n", + "Completed text 48687\n", + "Completed text 48688\n", + "Completed text 48689\n", + "Completed text 48690\n", + "Completed text 48691\n", + "Completed text 48692\n", + "Completed text 48693\n", + "Completed text 48694\n", + "Completed text 48695\n", + "Completed text 48696\n", + "Completed text 48697\n", + "Completed text 48698\n", + "Completed text 48699\n", + "Completed text 48700\n", + "Completed text 48701\n", + "Completed text 48702\n", + "Completed text 48703\n", + "Completed text 48704\n", + "Completed text 48705\n", + "Completed text 48706\n", + "Completed text 48707\n", + "Completed text 48708\n", + "Completed text 48709\n", + "Completed text 48710\n", + "Completed text 48711\n", + "Completed text 48712\n", + "Completed text 48713\n", + "Completed text 48714\n", + "Completed text 48715\n", + "Completed text 48716\n", + "Completed text 48717\n", + "Completed text 48718\n", + "Completed text 48719\n", + "Completed text 48720\n", + "Completed text 48721\n", + "Completed text 48722\n", + "Completed text 48723\n", + "Completed text 48724\n", + "Completed text 48725\n", + "Completed text 48726\n", + "Completed text 48727\n", + "Completed text 48728\n", + "Completed text 48729\n", + "Completed text 48730\n", + "Completed text 48731\n", + "Completed text 48732\n", + "Completed text 48733\n", + "Completed text 48734\n", + "Completed text 48735\n", + "Completed text 48736\n", + "Completed text 48737\n", + "Completed text 48738\n", + "Completed text 48739\n", + "Completed text 48740\n", + "Completed text 48741\n", + "Completed text 48742\n", + "Completed text 48743\n", + "Completed text 48744\n", + "Completed text 48745\n", + "Completed text 48746\n", + "Completed text 48747\n", + "Completed text 48748\n", + "Completed text 48749\n", + "Completed text 48750\n", + "Completed text 48751\n", + "Completed text 48752\n", + "Completed text 48753\n", + "Completed text 48754\n", + "Completed text 48755\n", + "Completed text 48756\n", + "Completed text 48757\n", + "Completed text 48758\n", + "Completed text 48759\n", + "Completed text 48760\n", + "Completed text 48761\n", + "Completed text 48762\n", + "Completed text 48763\n", + "Completed text 48764\n", + "Completed text 48765\n", + "Completed text 48766\n", + "Completed text 48767\n", + "Completed text 48768\n", + "Completed text 48769\n", + "Completed text 48770\n", + "Completed text 48771\n", + "Completed text 48772\n", + "Completed text 48773\n", + "Completed text 48774\n", + "Completed text 48775\n", + "Completed text 48776\n", + "Completed text 48777\n", + "Completed text 48778\n", + "Completed text 48779\n", + "Completed text 48780\n", + "Completed text 48781\n", + "Completed text 48782\n", + "Completed text 48783\n", + "Completed text 48784\n", + "Completed text 48785\n", + "Completed text 48786\n", + "Completed text 48787\n", + "Completed text 48788\n", + "Completed text 48789\n", + "Completed text 48790\n", + "Completed text 48791\n", + "Completed text 48792\n", + "Completed text 48793\n", + "Completed text 48794\n", + "Completed text 48795\n", + "Completed text 48796\n", + "Completed text 48797\n", + "Completed text 48798\n", + "Completed text 48799\n", + "Completed text 48800\n", + "Completed text 48801\n", + "Completed text 48802\n", + "Completed text 48803\n", + "Completed text 48804\n", + "Completed text 48805\n", + "Completed text 48806\n", + "Completed text 48807\n", + "Completed text 48808\n", + "Completed text 48809\n", + "Completed text 48810\n", + "Completed text 48811\n", + "Completed text 48812\n", + "Completed text 48813\n", + "Completed text 48814\n", + "Completed text 48815\n", + "Completed text 48816\n", + "Completed text 48817\n", + "Completed text 48818\n", + "Completed text 48819\n", + "Completed text 48820\n", + "Completed text 48821\n", + "Completed text 48822\n", + "Completed text 48823\n", + "Completed text 48824\n", + "Completed text 48825\n", + "Completed text 48826\n", + "Completed text 48827\n", + "Completed text 48828\n", + "Completed text 48829\n", + "Completed text 48830\n", + "Completed text 48831\n", + "Completed text 48832\n", + "Completed text 48833\n", + "Completed text 48834\n", + "Completed text 48835\n", + "Completed text 48836\n", + "Completed text 48837\n", + "Completed text 48838\n", + "Completed text 48839\n", + "Completed text 48840\n", + "Completed text 48841\n", + "Completed text 48842\n", + "Completed text 48843\n", + "Completed text 48844\n", + "Completed text 48845\n", + "Completed text 48846\n", + "Completed text 48847\n", + "Completed text 48848\n", + "Completed text 48849\n", + "Completed text 48850\n", + "Completed text 48851\n", + "Completed text 48852\n", + "Completed text 48853\n", + "Completed text 48854\n", + "Completed text 48855\n", + "Completed text 48856\n", + "Completed text 48857\n", + "Completed text 48858\n", + "Completed text 48859\n", + "Completed text 48860\n", + "Completed text 48861\n", + "Completed text 48862\n", + "Completed text 48863\n", + "Completed text 48864\n", + "Completed text 48865\n", + "Completed text 48866\n", + "Completed text 48867\n", + "Completed text 48868\n", + "Completed text 48869\n", + "Completed text 48870\n", + "Completed text 48871\n", + "Completed text 48872\n", + "Completed text 48873\n", + "Completed text 48874\n", + "Completed text 48875\n", + "Completed text 48876\n", + "Completed text 48877\n", + "Completed text 48878\n", + "Completed text 48879\n", + "Completed text 48880\n", + "Completed text 48881\n", + "Completed text 48882\n", + "Completed text 48883\n", + "Completed text 48884\n", + "Completed text 48885\n", + "Completed text 48886\n", + "Completed text 48887\n", + "Completed text 48888\n", + "Completed text 48889\n", + "Completed text 48890\n", + "Completed text 48891\n", + "Completed text 48892\n", + "Completed text 48893\n", + "Completed text 48894\n", + "Completed text 48895\n", + "Completed text 48896\n", + "Completed text 48897\n", + "Completed text 48898\n", + "Completed text 48899\n", + "Completed text 48900\n", + "Completed text 48901\n", + "Completed text 48902\n", + "Completed text 48903\n", + "Completed text 48904\n", + "Completed text 48905\n", + "Completed text 48906\n", + "Completed text 48907\n", + "Completed text 48908\n", + "Completed text 48909\n", + "Completed text 48910\n", + "Completed text 48911\n", + "Completed text 48912\n", + "Completed text 48913\n", + "Completed text 48914\n", + "Completed text 48915\n", + "Completed text 48916\n", + "Completed text 48917\n", + "Completed text 48918\n", + "Completed text 48919\n", + "Completed text 48920\n", + "Completed text 48921\n", + "Completed text 48922\n", + "Completed text 48923\n", + "Completed text 48924\n", + "Completed text 48925\n", + "Completed text 48926\n", + "Completed text 48927\n", + "Completed text 48928\n", + "Completed text 48929\n", + "Completed text 48930\n", + "Completed text 48931\n", + "Completed text 48932\n", + "Completed text 48933\n", + "Completed text 48934\n", + "Completed text 48935\n", + "Completed text 48936\n", + "Completed text 48937\n", + "Completed text 48938\n", + "Completed text 48939\n", + "Completed text 48940\n", + "Completed text 48941\n", + "Completed text 48942\n", + "Completed text 48943\n", + "Completed text 48944\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 48945\n", + "Completed text 48946\n", + "Completed text 48947\n", + "Completed text 48948\n", + "Completed text 48949\n", + "Completed text 48950\n", + "Completed text 48951\n", + "Completed text 48952\n", + "Completed text 48953\n", + "Completed text 48954\n", + "Completed text 48955\n", + "Completed text 48956\n", + "Completed text 48957\n", + "Completed text 48958\n", + "Completed text 48959\n", + "Completed text 48960\n", + "Completed text 48961\n", + "Completed text 48962\n", + "Completed text 48963\n", + "Completed text 48964\n", + "Completed text 48965\n", + "Completed text 48966\n", + "Completed text 48967\n", + "Completed text 48968\n", + "Completed text 48969\n", + "Completed text 48970\n", + "Completed text 48971\n", + "Completed text 48972\n", + "Completed text 48973\n", + "Completed text 48974\n", + "Completed text 48975\n", + "Completed text 48976\n", + "Completed text 48977\n", + "Completed text 48978\n", + "Completed text 48979\n", + "Completed text 48980\n", + "Completed text 48981\n", + "Completed text 48982\n", + "Completed text 48983\n", + "Completed text 48984\n", + "Completed text 48985\n", + "Completed text 48986\n", + "Completed text 48987\n", + "Completed text 48988\n", + "Completed text 48989\n", + "Completed text 48990\n", + "Completed text 48991\n", + "Completed text 48992\n", + "Completed text 48993\n", + "Completed text 48994\n", + "Completed text 48995\n", + "Completed text 48996\n", + "Completed text 48997\n", + "Completed text 48998\n", + "Completed text 48999\n", + "Completed text 49000\n", + "Completed text 49001\n", + "Completed text 49002\n", + "Completed text 49003\n", + "Completed text 49004\n", + "Completed text 49005\n", + "Completed text 49006\n", + "Completed text 49007\n", + "Completed text 49008\n", + "Completed text 49009\n", + "Completed text 49010\n", + "Completed text 49011\n", + "Completed text 49012\n", + "Completed text 49013\n", + "Completed text 49014\n", + "Completed text 49015\n", + "Completed text 49016\n", + "Completed text 49017\n", + "Completed text 49018\n", + "Completed text 49019\n", + "Completed text 49020\n", + "Completed text 49021\n", + "Completed text 49022\n", + "Completed text 49023\n", + "Completed text 49024\n", + "Completed text 49025\n", + "Completed text 49026\n", + "Completed text 49027\n", + "Completed text 49028\n", + "Completed text 49029\n", + "Completed text 49030\n", + "Completed text 49031\n", + "Completed text 49032\n", + "Completed text 49033\n", + "Completed text 49034\n", + "Completed text 49035\n", + "Completed text 49036\n", + "Completed text 49037\n", + "Completed text 49038\n", + "Completed text 49039\n", + "Completed text 49040\n", + "Completed text 49041\n", + "Completed text 49042\n", + "Completed text 49043\n", + "Completed text 49044\n", + "Completed text 49045\n", + "Completed text 49046\n", + "Completed text 49047\n", + "Completed text 49048\n", + "Completed text 49049\n", + "Completed text 49050\n", + "Completed text 49051\n", + "Completed text 49052\n", + "Completed text 49053\n", + "Completed text 49054\n", + "Completed text 49055\n", + "Completed text 49056\n", + "Completed text 49057\n", + "Completed text 49058\n", + "Completed text 49059\n", + "Completed text 49060\n", + "Completed text 49061\n", + "Completed text 49062\n", + "Completed text 49063\n", + "Completed text 49064\n", + "Completed text 49065\n", + "Completed text 49066\n", + "Completed text 49067\n", + "Completed text 49068\n", + "Completed text 49069\n", + "Completed text 49070\n", + "Completed text 49071\n", + "Completed text 49072\n", + "Completed text 49073\n", + "Completed text 49074\n", + "Completed text 49075\n", + "Completed text 49076\n", + "Completed text 49077\n", + "Completed text 49078\n", + "Completed text 49079\n", + "Completed text 49080\n", + "Completed text 49081\n", + "Completed text 49082\n", + "Completed text 49083\n", + "Completed text 49084\n", + "Completed text 49085\n", + "Completed text 49086\n", + "Completed text 49087\n", + "Completed text 49088\n", + "Completed text 49089\n", + "Completed text 49090\n", + "Completed text 49091\n", + "Completed text 49092\n", + "Completed text 49093\n", + "Completed text 49094\n", + "Completed text 49095\n", + "Completed text 49096\n", + "Completed text 49097\n", + "Completed text 49098\n", + "Completed text 49099\n", + "Completed text 49100\n", + "Completed text 49101\n", + "Completed text 49102\n", + "Completed text 49103\n", + "Completed text 49104\n", + "Completed text 49105\n", + "Completed text 49106\n", + "Completed text 49107\n", + "Completed text 49108\n", + "Completed text 49109\n", + "Completed text 49110\n", + "Completed text 49111\n", + "Completed text 49112\n", + "Completed text 49113\n", + "Completed text 49114\n", + "Completed text 49115\n", + "Completed text 49116\n", + "Completed text 49117\n", + "Completed text 49118\n", + "Completed text 49119\n", + "Completed text 49120\n", + "Completed text 49121\n", + "Completed text 49122\n", + "Completed text 49123\n", + "Completed text 49124\n", + "Completed text 49125\n", + "Completed text 49126\n", + "Completed text 49127\n", + "Completed text 49128\n", + "Completed text 49129\n", + "Completed text 49130\n", + "Completed text 49131\n", + "Completed text 49132\n", + "Completed text 49133\n", + "Completed text 49134\n", + "Completed text 49135\n", + "Completed text 49136\n", + "Completed text 49137\n", + "Completed text 49138\n", + "Completed text 49139\n", + "Completed text 49140\n", + "Completed text 49141\n", + "Completed text 49142\n", + "Completed text 49143\n", + "Completed text 49144\n", + "Completed text 49145\n", + "Completed text 49146\n", + "Completed text 49147\n", + "Completed text 49148\n", + "Completed text 49149\n", + "Completed text 49150\n", + "Completed text 49151\n", + "Completed text 49152\n", + "Completed text 49153\n", + "Completed text 49154\n", + "Completed text 49155\n", + "Completed text 49156\n", + "Completed text 49157\n", + "Completed text 49158\n", + "Completed text 49159\n", + "Completed text 49160\n", + "Completed text 49161\n", + "Completed text 49162\n", + "Completed text 49163\n", + "Completed text 49164\n", + "Completed text 49165\n", + "Completed text 49166\n", + "Completed text 49167\n", + "Completed text 49168\n", + "Completed text 49169\n", + "Completed text 49170\n", + "Completed text 49171\n", + "Completed text 49172\n", + "Completed text 49173\n", + "Completed text 49174\n", + "Completed text 49175\n", + "Completed text 49176\n", + "Completed text 49177\n", + "Completed text 49178\n", + "Completed text 49179\n", + "Completed text 49180\n", + "Completed text 49181\n", + "Completed text 49182\n", + "Completed text 49183\n", + "Completed text 49184\n", + "Completed text 49185\n", + "Completed text 49186\n", + "Completed text 49187\n", + "Completed text 49188\n", + "Completed text 49189\n", + "Completed text 49190\n", + "Completed text 49191\n", + "Completed text 49192\n", + "Completed text 49193\n", + "Completed text 49194\n", + "Completed text 49195\n", + "Completed text 49196\n", + "Completed text 49197\n", + "Completed text 49198\n", + "Completed text 49199\n", + "Completed text 49200\n", + "Completed text 49201\n", + "Completed text 49202\n", + "Completed text 49203\n", + "Completed text 49204\n", + "Completed text 49205\n", + "Completed text 49206\n", + "Completed text 49207\n", + "Completed text 49208\n", + "Completed text 49209\n", + "Completed text 49210\n", + "Completed text 49211\n", + "Completed text 49212\n", + "Completed text 49213\n", + "Completed text 49214\n", + "Completed text 49215\n", + "Completed text 49216\n", + "Completed text 49217\n", + "Completed text 49218\n", + "Completed text 49219\n", + "Completed text 49220\n", + "Completed text 49221\n", + "Completed text 49222\n", + "Completed text 49223\n", + "Completed text 49224\n", + "Completed text 49225\n", + "Completed text 49226\n", + "Completed text 49227\n", + "Completed text 49228\n", + "Completed text 49229\n", + "Completed text 49230\n", + "Completed text 49231\n", + "Completed text 49232\n", + "Completed text 49233\n", + "Completed text 49234\n", + "Completed text 49235\n", + "Completed text 49236\n", + "Completed text 49237\n", + "Completed text 49238\n", + "Completed text 49239\n", + "Completed text 49240\n", + "Completed text 49241\n", + "Completed text 49242\n", + "Completed text 49243\n", + "Completed text 49244\n", + "Completed text 49245\n", + "Completed text 49246\n", + "Completed text 49247\n", + "Completed text 49248\n", + "Completed text 49249\n", + "Completed text 49250\n", + "Completed text 49251\n", + "Completed text 49252\n", + "Completed text 49253\n", + "Completed text 49254\n", + "Completed text 49255\n", + "Completed text 49256\n", + "Completed text 49257\n", + "Completed text 49258\n", + "Completed text 49259\n", + "Completed text 49260\n", + "Completed text 49261\n", + "Completed text 49262\n", + "Completed text 49263\n", + "Completed text 49264\n", + "Completed text 49265\n", + "Completed text 49266\n", + "Completed text 49267\n", + "Completed text 49268\n", + "Completed text 49269\n", + "Completed text 49270\n", + "Completed text 49271\n", + "Completed text 49272\n", + "Completed text 49273\n", + "Completed text 49274\n", + "Completed text 49275\n", + "Completed text 49276\n", + "Completed text 49277\n", + "Completed text 49278\n", + "Completed text 49279\n", + "Completed text 49280\n", + "Completed text 49281\n", + "Completed text 49282\n", + "Completed text 49283\n", + "Completed text 49284\n", + "Completed text 49285\n", + "Completed text 49286\n", + "Completed text 49287\n", + "Completed text 49288\n", + "Completed text 49289\n", + "Completed text 49290\n", + "Completed text 49291\n", + "Completed text 49292\n", + "Completed text 49293\n", + "Completed text 49294\n", + "Completed text 49295\n", + "Completed text 49296\n", + "Completed text 49297\n", + "Completed text 49298\n", + "Completed text 49299\n", + "Completed text 49300\n", + "Completed text 49301\n", + "Completed text 49302\n", + "Completed text 49303\n", + "Completed text 49304\n", + "Completed text 49305\n", + "Completed text 49306\n", + "Completed text 49307\n", + "Completed text 49308\n", + "Completed text 49309\n", + "Completed text 49310\n", + "Completed text 49311\n", + "Completed text 49312\n", + "Completed text 49313\n", + "Completed text 49314\n", + "Completed text 49315\n", + "Completed text 49316\n", + "Completed text 49317\n", + "Completed text 49318\n", + "Completed text 49319\n", + "Completed text 49320\n", + "Completed text 49321\n", + "Completed text 49322\n", + "Completed text 49323\n", + "Completed text 49324\n", + "Completed text 49325\n", + "Completed text 49326\n", + "Completed text 49327\n", + "Completed text 49328\n", + "Completed text 49329\n", + "Completed text 49330\n", + "Completed text 49331\n", + "Completed text 49332\n", + "Completed text 49333\n", + "Completed text 49334\n", + "Completed text 49335\n", + "Completed text 49336\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 49337\n", + "Completed text 49338\n", + "Completed text 49339\n", + "Completed text 49340\n", + "Completed text 49341\n", + "Completed text 49342\n", + "Completed text 49343\n", + "Completed text 49344\n", + "Completed text 49345\n", + "Completed text 49346\n", + "Completed text 49347\n", + "Completed text 49348\n", + "Completed text 49349\n", + "Completed text 49350\n", + "Completed text 49351\n", + "Completed text 49352\n", + "Completed text 49353\n", + "Completed text 49354\n", + "Completed text 49355\n", + "Completed text 49356\n", + "Completed text 49357\n", + "Completed text 49358\n", + "Completed text 49359\n", + "Completed text 49360\n", + "Completed text 49361\n", + "Completed text 49362\n", + "Completed text 49363\n", + "Completed text 49364\n", + "Completed text 49365\n", + "Completed text 49366\n", + "Completed text 49367\n", + "Completed text 49368\n", + "Completed text 49369\n", + "Completed text 49370\n", + "Completed text 49371\n", + "Completed text 49372\n", + "Completed text 49373\n", + "Completed text 49374\n", + "Completed text 49375\n", + "Completed text 49376\n", + "Completed text 49377\n", + "Completed text 49378\n", + "Completed text 49379\n", + "Completed text 49380\n", + "Completed text 49381\n", + "Completed text 49382\n", + "Completed text 49383\n", + "Completed text 49384\n", + "Completed text 49385\n", + "Completed text 49386\n", + "Completed text 49387\n", + "Completed text 49388\n", + "Completed text 49389\n", + "Completed text 49390\n", + "Completed text 49391\n", + "Completed text 49392\n", + "Completed text 49393\n", + "Completed text 49394\n", + "Completed text 49395\n", + "Completed text 49396\n", + "Completed text 49397\n", + "Completed text 49398\n", + "Completed text 49399\n", + "Completed text 49400\n", + "Completed text 49401\n", + "Completed text 49402\n", + "Completed text 49403\n", + "Completed text 49404\n", + "Completed text 49405\n", + "Completed text 49406\n", + "Completed text 49407\n", + "Completed text 49408\n", + "Completed text 49409\n", + "Completed text 49410\n", + "Completed text 49411\n", + "Completed text 49412\n", + "Completed text 49413\n", + "Completed text 49414\n", + "Completed text 49415\n", + "Completed text 49416\n", + "Completed text 49417\n", + "Completed text 49418\n", + "Completed text 49419\n", + "Completed text 49420\n", + "Completed text 49421\n", + "Completed text 49422\n", + "Completed text 49423\n", + "Completed text 49424\n", + "Completed text 49425\n", + "Completed text 49426\n", + "Completed text 49427\n", + "Completed text 49428\n", + "Completed text 49429\n", + "Completed text 49430\n", + "Completed text 49431\n", + "Completed text 49432\n", + "Completed text 49433\n", + "Completed text 49434\n", + "Completed text 49435\n", + "Completed text 49436\n", + "Completed text 49437\n", + "Completed text 49438\n", + "Completed text 49439\n", + "Completed text 49440\n", + "Completed text 49441\n", + "Completed text 49442\n", + "Completed text 49443\n", + "Completed text 49444\n", + "Completed text 49445\n", + "Completed text 49446\n", + "Completed text 49447\n", + "Completed text 49448\n", + "Completed text 49449\n", + "Completed text 49450\n", + "Completed text 49451\n", + "Completed text 49452\n", + "Completed text 49453\n", + "Completed text 49454\n", + "Completed text 49455\n", + "Completed text 49456\n", + "Completed text 49457\n", + "Completed text 49458\n", + "Completed text 49459\n", + "Completed text 49460\n", + "Completed text 49461\n", + "Completed text 49462\n", + "Completed text 49463\n", + "Completed text 49464\n", + "Completed text 49465\n", + "Completed text 49466\n", + "Completed text 49467\n", + "Completed text 49468\n", + "Completed text 49469\n", + "Completed text 49470\n", + "Completed text 49471\n", + "Completed text 49472\n", + "Completed text 49473\n", + "Completed text 49474\n", + "Completed text 49475\n", + "Completed text 49476\n", + "Completed text 49477\n", + "Completed text 49478\n", + "Completed text 49479\n", + "Completed text 49480\n", + "Completed text 49481\n", + "Completed text 49482\n", + "Completed text 49483\n", + "Completed text 49484\n", + "Completed text 49485\n", + "Completed text 49486\n", + "Completed text 49487\n", + "Completed text 49488\n", + "Completed text 49489\n", + "Completed text 49490\n", + "Completed text 49491\n", + "Completed text 49492\n", + "Completed text 49493\n", + "Completed text 49494\n", + "Completed text 49495\n", + "Completed text 49496\n", + "Completed text 49497\n", + "Completed text 49498\n", + "Completed text 49499\n", + "Completed text 49500\n", + "Completed text 49501\n", + "Completed text 49502\n", + "Completed text 49503\n", + "Completed text 49504\n", + "Completed text 49505\n", + "Completed text 49506\n", + "Completed text 49507\n", + "Completed text 49508\n", + "Completed text 49509\n", + "Completed text 49510\n", + "Completed text 49511\n", + "Completed text 49512\n", + "Completed text 49513\n", + "Completed text 49514\n", + "Completed text 49515\n", + "Completed text 49516\n", + "Completed text 49517\n", + "Completed text 49518\n", + "Completed text 49519\n", + "Completed text 49520\n", + "Completed text 49521\n", + "Completed text 49522\n", + "Completed text 49523\n", + "Completed text 49524\n", + "Completed text 49525\n", + "Completed text 49526\n", + "Completed text 49527\n", + "Completed text 49528\n", + "Completed text 49529\n", + "Completed text 49530\n", + "Completed text 49531\n", + "Completed text 49532\n", + "Completed text 49533\n", + "Completed text 49534\n", + "Completed text 49535\n", + "Completed text 49536\n", + "Completed text 49537\n", + "Completed text 49538\n", + "Completed text 49539\n", + "Completed text 49540\n", + "Completed text 49541\n", + "Completed text 49542\n", + "Completed text 49543\n", + "Completed text 49544\n", + "Completed text 49545\n", + "Completed text 49546\n", + "Completed text 49547\n", + "Completed text 49548\n", + "Completed text 49549\n", + "Completed text 49550\n", + "Completed text 49551\n", + "Completed text 49552\n", + "Completed text 49553\n", + "Completed text 49554\n", + "Completed text 49555\n", + "Completed text 49556\n", + "Completed text 49557\n", + "Completed text 49558\n", + "Completed text 49559\n", + "Completed text 49560\n", + "Completed text 49561\n", + "Completed text 49562\n", + "Completed text 49563\n", + "Completed text 49564\n", + "Completed text 49565\n", + "Completed text 49566\n", + "Completed text 49567\n", + "Completed text 49568\n", + "Completed text 49569\n", + "Completed text 49570\n", + "Completed text 49571\n", + "Completed text 49572\n", + "Completed text 49573\n", + "Completed text 49574\n", + "Completed text 49575\n", + "Completed text 49576\n", + "Completed text 49577\n", + "Completed text 49578\n", + "Completed text 49579\n", + "Completed text 49580\n", + "Completed text 49581\n", + "Completed text 49582\n", + "Completed text 49583\n", + "Completed text 49584\n", + "Completed text 49585\n", + "Completed text 49586\n", + "Completed text 49587\n", + "Completed text 49588\n", + "Completed text 49589\n", + "Completed text 49590\n", + "Completed text 49591\n", + "Completed text 49592\n", + "Completed text 49593\n", + "Completed text 49594\n", + "Completed text 49595\n", + "Completed text 49596\n", + "Completed text 49597\n", + "Completed text 49598\n", + "Completed text 49599\n", + "Completed text 49600\n", + "Completed text 49601\n", + "Completed text 49602\n", + "Completed text 49603\n", + "Completed text 49604\n", + "Completed text 49605\n", + "Completed text 49606\n", + "Completed text 49607\n", + "Completed text 49608\n", + "Completed text 49609\n", + "Completed text 49610\n", + "Completed text 49611\n", + "Completed text 49612\n", + "Completed text 49613\n", + "Completed text 49614\n", + "Completed text 49615\n", + "Completed text 49616\n", + "Completed text 49617\n", + "Completed text 49618\n", + "Completed text 49619\n", + "Completed text 49620\n", + "Completed text 49621\n", + "Completed text 49622\n", + "Completed text 49623\n", + "Completed text 49624\n", + "Completed text 49625\n", + "Completed text 49626\n", + "Completed text 49627\n", + "Completed text 49628\n", + "Completed text 49629\n", + "Completed text 49630\n", + "Completed text 49631\n", + "Completed text 49632\n", + "Completed text 49633\n", + "Completed text 49634\n", + "Completed text 49635\n", + "Completed text 49636\n", + "Completed text 49637\n", + "Completed text 49638\n", + "Completed text 49639\n", + "Completed text 49640\n", + "Completed text 49641\n", + "Completed text 49642\n", + "Completed text 49643\n", + "Completed text 49644\n", + "Completed text 49645\n", + "Completed text 49646\n", + "Completed text 49647\n", + "Completed text 49648\n", + "Completed text 49649\n", + "Completed text 49650\n", + "Completed text 49651\n", + "Completed text 49652\n", + "Completed text 49653\n", + "Completed text 49654\n", + "Completed text 49655\n", + "Completed text 49656\n", + "Completed text 49657\n", + "Completed text 49658\n", + "Completed text 49659\n", + "Completed text 49660\n", + "Completed text 49661\n", + "Completed text 49662\n", + "Completed text 49663\n", + "Completed text 49664\n", + "Completed text 49665\n", + "Completed text 49666\n", + "Completed text 49667\n", + "Completed text 49668\n", + "Completed text 49669\n", + "Completed text 49670\n", + "Completed text 49671\n", + "Completed text 49672\n", + "Completed text 49673\n", + "Completed text 49674\n", + "Completed text 49675\n", + "Completed text 49676\n", + "Completed text 49677\n", + "Completed text 49678\n", + "Completed text 49679\n", + "Completed text 49680\n", + "Completed text 49681\n", + "Completed text 49682\n", + "Completed text 49683\n", + "Completed text 49684\n", + "Completed text 49685\n", + "Completed text 49686\n", + "Completed text 49687\n", + "Completed text 49688\n", + "Completed text 49689\n", + "Completed text 49690\n", + "Completed text 49691\n", + "Completed text 49692\n", + "Completed text 49693\n", + "Completed text 49694\n", + "Completed text 49695\n", + "Completed text 49696\n", + "Completed text 49697\n", + "Completed text 49698\n", + "Completed text 49699\n", + "Completed text 49700\n", + "Completed text 49701\n", + "Completed text 49702\n", + "Completed text 49703\n", + "Completed text 49704\n", + "Completed text 49705\n", + "Completed text 49706\n", + "Completed text 49707\n", + "Completed text 49708\n", + "Completed text 49709\n", + "Completed text 49710\n", + "Completed text 49711\n", + "Completed text 49712\n", + "Completed text 49713\n", + "Completed text 49714\n", + "Completed text 49715\n", + "Completed text 49716\n", + "Completed text 49717\n", + "Completed text 49718\n", + "Completed text 49719\n", + "Completed text 49720\n", + "Completed text 49721\n", + "Completed text 49722\n", + "Completed text 49723\n", + "Completed text 49724\n", + "Completed text 49725\n", + "Completed text 49726\n", + "Completed text 49727\n", + "Completed text 49728\n", + "Completed text 49729\n", + "Completed text 49730\n", + "Completed text 49731\n", + "Completed text 49732\n", + "Completed text 49733\n", + "Completed text 49734\n", + "Completed text 49735\n", + "Completed text 49736\n", + "Completed text 49737\n", + "Completed text 49738\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 49739\n", + "Completed text 49740\n", + "Completed text 49741\n", + "Completed text 49742\n", + "Completed text 49743\n", + "Completed text 49744\n", + "Completed text 49745\n", + "Completed text 49746\n", + "Completed text 49747\n", + "Completed text 49748\n", + "Completed text 49749\n", + "Completed text 49750\n", + "Completed text 49751\n", + "Completed text 49752\n", + "Completed text 49753\n", + "Completed text 49754\n", + "Completed text 49755\n", + "Completed text 49756\n", + "Completed text 49757\n", + "Completed text 49758\n", + "Completed text 49759\n", + "Completed text 49760\n", + "Completed text 49761\n", + "Completed text 49762\n", + "Completed text 49763\n", + "Completed text 49764\n", + "Completed text 49765\n", + "Completed text 49766\n", + "Completed text 49767\n", + "Completed text 49768\n", + "Completed text 49769\n", + "Completed text 49770\n", + "Completed text 49771\n", + "Completed text 49772\n", + "Completed text 49773\n", + "Completed text 49774\n", + "Completed text 49775\n", + "Completed text 49776\n", + "Completed text 49777\n", + "Completed text 49778\n", + "Completed text 49779\n", + "Completed text 49780\n", + "Completed text 49781\n", + "Completed text 49782\n", + "Completed text 49783\n", + "Completed text 49784\n", + "Completed text 49785\n", + "Completed text 49786\n", + "Completed text 49787\n", + "Completed text 49788\n", + "Completed text 49789\n", + "Completed text 49790\n", + "Completed text 49791\n", + "Completed text 49792\n", + "Completed text 49793\n", + "Completed text 49794\n", + "Completed text 49795\n", + "Completed text 49796\n", + "Completed text 49797\n", + "Completed text 49798\n", + "Completed text 49799\n", + "Completed text 49800\n", + "Completed text 49801\n", + "Completed text 49802\n", + "Completed text 49803\n", + "Completed text 49804\n", + "Completed text 49805\n", + "Completed text 49806\n", + "Completed text 49807\n", + "Completed text 49808\n", + "Completed text 49809\n", + "Completed text 49810\n", + "Completed text 49811\n", + "Completed text 49812\n", + "Completed text 49813\n", + "Completed text 49814\n", + "Completed text 49815\n", + "Completed text 49816\n", + "Completed text 49817\n", + "Completed text 49818\n", + "Completed text 49819\n", + "Completed text 49820\n", + "Completed text 49821\n", + "Completed text 49822\n", + "Completed text 49823\n", + "Completed text 49824\n", + "Completed text 49825\n", + "Completed text 49826\n", + "Completed text 49827\n", + "Completed text 49828\n", + "Completed text 49829\n", + "Completed text 49830\n", + "Completed text 49831\n", + "Completed text 49832\n", + "Completed text 49833\n", + "Completed text 49834\n", + "Completed text 49835\n", + "Completed text 49836\n", + "Completed text 49837\n", + "Completed text 49838\n", + "Completed text 49839\n", + "Completed text 49840\n", + "Completed text 49841\n", + "Completed text 49842\n", + "Completed text 49843\n", + "Completed text 49844\n", + "Completed text 49845\n", + "Completed text 49846\n", + "Completed text 49847\n", + "Completed text 49848\n", + "Completed text 49849\n", + "Completed text 49850\n", + "Completed text 49851\n", + "Completed text 49852\n", + "Completed text 49853\n", + "Completed text 49854\n", + "Completed text 49855\n", + "Completed text 49856\n", + "Completed text 49857\n", + "Completed text 49858\n", + "Completed text 49859\n", + "Completed text 49860\n", + "Completed text 49861\n", + "Completed text 49862\n", + "Completed text 49863\n", + "Completed text 49864\n", + "Completed text 49865\n", + "Completed text 49866\n", + "Completed text 49867\n", + "Completed text 49868\n", + "Completed text 49869\n", + "Completed text 49870\n", + "Completed text 49871\n", + "Completed text 49872\n", + "Completed text 49873\n", + "Completed text 49874\n", + "Completed text 49875\n", + "Completed text 49876\n", + "Completed text 49877\n", + "Completed text 49878\n", + "Completed text 49879\n", + "Completed text 49880\n", + "Completed text 49881\n", + "Completed text 49882\n", + "Completed text 49883\n", + "Completed text 49884\n", + "Completed text 49885\n", + "Completed text 49886\n", + "Completed text 49887\n", + "Completed text 49888\n", + "Completed text 49889\n", + "Completed text 49890\n", + "Completed text 49891\n", + "Completed text 49892\n", + "Completed text 49893\n", + "Completed text 49894\n", + "Completed text 49895\n", + "Completed text 49896\n", + "Completed text 49897\n", + "Completed text 49898\n", + "Completed text 49899\n", + "Completed text 49900\n", + "Completed text 49901\n", + "Completed text 49902\n", + "Completed text 49903\n", + "Completed text 49904\n", + "Completed text 49905\n", + "Completed text 49906\n", + "Completed text 49907\n", + "Completed text 49908\n", + "Completed text 49909\n", + "Completed text 49910\n", + "Completed text 49911\n", + "Completed text 49912\n", + "Completed text 49913\n", + "Completed text 49914\n", + "Completed text 49915\n", + "Completed text 49916\n", + "Completed text 49917\n", + "Completed text 49918\n", + "Completed text 49919\n", + "Completed text 49920\n", + "Completed text 49921\n", + "Completed text 49922\n", + "Completed text 49923\n", + "Completed text 49924\n", + "Completed text 49925\n", + "Completed text 49926\n", + "Completed text 49927\n", + "Completed text 49928\n", + "Completed text 49929\n", + "Completed text 49930\n", + "Completed text 49931\n", + "Completed text 49932\n", + "Completed text 49933\n", + "Completed text 49934\n", + "Completed text 49935\n", + "Completed text 49936\n", + "Completed text 49937\n", + "Completed text 49938\n", + "Completed text 49939\n", + "Completed text 49940\n", + "Completed text 49941\n", + "Completed text 49942\n", + "Completed text 49943\n", + "Completed text 49944\n", + "Completed text 49945\n", + "Completed text 49946\n", + "Completed text 49947\n", + "Completed text 49948\n", + "Completed text 49949\n", + "Completed text 49950\n", + "Completed text 49951\n", + "Completed text 49952\n", + "Completed text 49953\n", + "Completed text 49954\n", + "Completed text 49955\n", + "Completed text 49956\n", + "Completed text 49957\n", + "Completed text 49958\n", + "Completed text 49959\n", + "Completed text 49960\n", + "Completed text 49961\n", + "Completed text 49962\n", + "Completed text 49963\n", + "Completed text 49964\n", + "Completed text 49965\n", + "Completed text 49966\n", + "Completed text 49967\n", + "Completed text 49968\n", + "Completed text 49969\n", + "Completed text 49970\n", + "Completed text 49971\n", + "Completed text 49972\n", + "Completed text 49973\n", + "Completed text 49974\n", + "Completed text 49975\n", + "Completed text 49976\n", + "Completed text 49977\n", + "Completed text 49978\n", + "Completed text 49979\n", + "Completed text 49980\n", + "Completed text 49981\n", + "Completed text 49982\n", + "Completed text 49983\n", + "Completed text 49984\n", + "Completed text 49985\n", + "Completed text 49986\n", + "Completed text 49987\n", + "Completed text 49988\n", + "Completed text 49989\n", + "Completed text 49990\n", + "Completed text 49991\n", + "Completed text 49992\n", + "Completed text 49993\n", + "Completed text 49994\n", + "Completed text 49995\n", + "Completed text 49996\n", + "Completed text 49997\n", + "Completed text 49998\n", + "Completed text 49999\n", + "Completed text 50000\n", + "Completed text 50001\n", + "Completed text 50002\n", + "Completed text 50003\n", + "Completed text 50004\n", + "Completed text 50005\n", + "Completed text 50006\n", + "Completed text 50007\n", + "Completed text 50008\n", + "Completed text 50009\n", + "Completed text 50010\n", + "Completed text 50011\n", + "Completed text 50012\n", + "Completed text 50013\n", + "Completed text 50014\n", + "Completed text 50015\n", + "Completed text 50016\n", + "Completed text 50017\n", + "Completed text 50018\n", + "Completed text 50019\n", + "Completed text 50020\n", + "Completed text 50021\n", + "Completed text 50022\n", + "Completed text 50023\n", + "Completed text 50024\n", + "Completed text 50025\n", + "Completed text 50026\n", + "Completed text 50027\n", + "Completed text 50028\n", + "Completed text 50029\n", + "Completed text 50030\n", + "Completed text 50031\n", + "Completed text 50032\n", + "Completed text 50033\n", + "Completed text 50034\n", + "Completed text 50035\n", + "Completed text 50036\n", + "Completed text 50037\n", + "Completed text 50038\n", + "Completed text 50039\n", + "Completed text 50040\n", + "Completed text 50041\n", + "Completed text 50042\n", + "Completed text 50043\n", + "Completed text 50044\n", + "Completed text 50045\n", + "Completed text 50046\n", + "Completed text 50047\n", + "Completed text 50048\n", + "Completed text 50049\n", + "Completed text 50050\n", + "Completed text 50051\n", + "Completed text 50052\n", + "Completed text 50053\n", + "Completed text 50054\n", + "Completed text 50055\n", + "Completed text 50056\n", + "Completed text 50057\n", + "Completed text 50058\n", + "Completed text 50059\n", + "Completed text 50060\n", + "Completed text 50061\n", + "Completed text 50062\n", + "Completed text 50063\n", + "Completed text 50064\n", + "Completed text 50065\n", + "Completed text 50066\n", + "Completed text 50067\n", + "Completed text 50068\n", + "Completed text 50069\n", + "Completed text 50070\n", + "Completed text 50071\n", + "Completed text 50072\n", + "Completed text 50073\n", + "Completed text 50074\n", + "Completed text 50075\n", + "Completed text 50076\n", + "Completed text 50077\n", + "Completed text 50078\n", + "Completed text 50079\n", + "Completed text 50080\n", + "Completed text 50081\n", + "Completed text 50082\n", + "Completed text 50083\n", + "Completed text 50084\n", + "Completed text 50085\n", + "Completed text 50086\n", + "Completed text 50087\n", + "Completed text 50088\n", + "Completed text 50089\n", + "Completed text 50090\n", + "Completed text 50091\n", + "Completed text 50092\n", + "Completed text 50093\n", + "Completed text 50094\n", + "Completed text 50095\n", + "Completed text 50096\n", + "Completed text 50097\n", + "Completed text 50098\n", + "Completed text 50099\n", + "Completed text 50100\n", + "Completed text 50101\n", + "Completed text 50102\n", + "Completed text 50103\n", + "Completed text 50104\n", + "Completed text 50105\n", + "Completed text 50106\n", + "Completed text 50107\n", + "Completed text 50108\n", + "Completed text 50109\n", + "Completed text 50110\n", + "Completed text 50111\n", + "Completed text 50112\n", + "Completed text 50113\n", + "Completed text 50114\n", + "Completed text 50115\n", + "Completed text 50116\n", + "Completed text 50117\n", + "Completed text 50118\n", + "Completed text 50119\n", + "Completed text 50120\n", + "Completed text 50121\n", + "Completed text 50122\n", + "Completed text 50123\n", + "Completed text 50124\n", + "Completed text 50125\n", + "Completed text 50126\n", + "Completed text 50127\n", + "Completed text 50128\n", + "Completed text 50129\n", + "Completed text 50130\n", + "Completed text 50131\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 50132\n", + "Completed text 50133\n", + "Completed text 50134\n", + "Completed text 50135\n", + "Completed text 50136\n", + "Completed text 50137\n", + "Completed text 50138\n", + "Completed text 50139\n", + "Completed text 50140\n", + "Completed text 50141\n", + "Completed text 50142\n", + "Completed text 50143\n", + "Completed text 50144\n", + "Completed text 50145\n", + "Completed text 50146\n", + "Completed text 50147\n", + "Completed text 50148\n", + "Completed text 50149\n", + "Completed text 50150\n", + "Completed text 50151\n", + "Completed text 50152\n", + "Completed text 50153\n", + "Completed text 50154\n", + "Completed text 50155\n", + "Completed text 50156\n", + "Completed text 50157\n", + "Completed text 50158\n", + "Completed text 50159\n", + "Completed text 50160\n", + "Completed text 50161\n", + "Completed text 50162\n", + "Completed text 50163\n", + "Completed text 50164\n", + "Completed text 50165\n", + "Completed text 50166\n", + "Completed text 50167\n", + "Completed text 50168\n", + "Completed text 50169\n", + "Completed text 50170\n", + "Completed text 50171\n", + "Completed text 50172\n", + "Completed text 50173\n", + "Completed text 50174\n", + "Completed text 50175\n", + "Completed text 50176\n", + "Completed text 50177\n", + "Completed text 50178\n", + "Completed text 50179\n", + "Completed text 50180\n", + "Completed text 50181\n", + "Completed text 50182\n", + "Completed text 50183\n", + "Completed text 50184\n", + "Completed text 50185\n", + "Completed text 50186\n", + "Completed text 50187\n", + "Completed text 50188\n", + "Completed text 50189\n", + "Completed text 50190\n", + "Completed text 50191\n", + "Completed text 50192\n", + "Completed text 50193\n", + "Completed text 50194\n", + "Completed text 50195\n", + "Completed text 50196\n", + "Completed text 50197\n", + "Completed text 50198\n", + "Completed text 50199\n", + "Completed text 50200\n", + "Completed text 50201\n", + "Completed text 50202\n", + "Completed text 50203\n", + "Completed text 50204\n", + "Completed text 50205\n", + "Completed text 50206\n", + "Completed text 50207\n", + "Completed text 50208\n", + "Completed text 50209\n", + "Completed text 50210\n", + "Completed text 50211\n", + "Completed text 50212\n", + "Completed text 50213\n", + "Completed text 50214\n", + "Completed text 50215\n", + "Completed text 50216\n", + "Completed text 50217\n", + "Completed text 50218\n", + "Completed text 50219\n", + "Completed text 50220\n", + "Completed text 50221\n", + "Completed text 50222\n", + "Completed text 50223\n", + "Completed text 50224\n", + "Completed text 50225\n", + "Completed text 50226\n", + "Completed text 50227\n", + "Completed text 50228\n", + "Completed text 50229\n", + "Completed text 50230\n", + "Completed text 50231\n", + "Completed text 50232\n", + "Completed text 50233\n", + "Completed text 50234\n", + "Completed text 50235\n", + "Completed text 50236\n", + "Completed text 50237\n", + "Completed text 50238\n", + "Completed text 50239\n", + "Completed text 50240\n", + "Completed text 50241\n", + "Completed text 50242\n", + "Completed text 50243\n", + "Completed text 50244\n", + "Completed text 50245\n", + "Completed text 50246\n", + "Completed text 50247\n", + "Completed text 50248\n", + "Completed text 50249\n", + "Completed text 50250\n", + "Completed text 50251\n", + "Completed text 50252\n", + "Completed text 50253\n", + "Completed text 50254\n", + "Completed text 50255\n", + "Completed text 50256\n", + "Completed text 50257\n", + "Completed text 50258\n", + "Completed text 50259\n", + "Completed text 50260\n", + "Completed text 50261\n", + "Completed text 50262\n", + "Completed text 50263\n", + "Completed text 50264\n", + "Completed text 50265\n", + "Completed text 50266\n", + "Completed text 50267\n", + "Completed text 50268\n", + "Completed text 50269\n", + "Completed text 50270\n", + "Completed text 50271\n", + "Completed text 50272\n", + "Completed text 50273\n", + "Completed text 50274\n", + "Completed text 50275\n", + "Completed text 50276\n", + "Completed text 50277\n", + "Completed text 50278\n", + "Completed text 50279\n", + "Completed text 50280\n", + "Completed text 50281\n", + "Completed text 50282\n", + "Completed text 50283\n", + "Completed text 50284\n", + "Completed text 50285\n", + "Completed text 50286\n", + "Completed text 50287\n", + "Completed text 50288\n", + "Completed text 50289\n", + "Completed text 50290\n", + "Completed text 50291\n", + "Completed text 50292\n", + "Completed text 50293\n", + "Completed text 50294\n", + "Completed text 50295\n", + "Completed text 50296\n", + "Completed text 50297\n", + "Completed text 50298\n", + "Completed text 50299\n", + "Completed text 50300\n", + "Completed text 50301\n", + "Completed text 50302\n", + "Completed text 50303\n", + "Completed text 50304\n", + "Completed text 50305\n", + "Completed text 50306\n", + "Completed text 50307\n", + "Completed text 50308\n", + "Completed text 50309\n", + "Completed text 50310\n", + "Completed text 50311\n", + "Completed text 50312\n", + "Completed text 50313\n", + "Completed text 50314\n", + "Completed text 50315\n", + "Completed text 50316\n", + "Completed text 50317\n", + "Completed text 50318\n", + "Completed text 50319\n", + "Completed text 50320\n", + "Completed text 50321\n", + "Completed text 50322\n", + "Completed text 50323\n", + "Completed text 50324\n", + "Completed text 50325\n", + "Completed text 50326\n", + "Completed text 50327\n", + "Completed text 50328\n", + "Completed text 50329\n", + "Completed text 50330\n", + "Completed text 50331\n", + "Completed text 50332\n", + "Completed text 50333\n", + "Completed text 50334\n", + "Completed text 50335\n", + "Completed text 50336\n", + "Completed text 50337\n", + "Completed text 50338\n", + "Completed text 50339\n", + "Completed text 50340\n", + "Completed text 50341\n", + "Completed text 50342\n", + "Completed text 50343\n", + "Completed text 50344\n", + "Completed text 50345\n", + "Completed text 50346\n", + "Completed text 50347\n", + "Completed text 50348\n", + "Completed text 50349\n", + "Completed text 50350\n", + "Completed text 50351\n", + "Completed text 50352\n", + "Completed text 50353\n", + "Completed text 50354\n", + "Completed text 50355\n", + "Completed text 50356\n", + "Completed text 50357\n", + "Completed text 50358\n", + "Completed text 50359\n", + "Completed text 50360\n", + "Completed text 50361\n", + "Completed text 50362\n", + "Completed text 50363\n", + "Completed text 50364\n", + "Completed text 50365\n", + "Completed text 50366\n", + "Completed text 50367\n", + "Completed text 50368\n", + "Completed text 50369\n", + "Completed text 50370\n", + "Completed text 50371\n", + "Completed text 50372\n", + "Completed text 50373\n", + "Completed text 50374\n", + "Completed text 50375\n", + "Completed text 50376\n", + "Completed text 50377\n", + "Completed text 50378\n", + "Completed text 50379\n", + "Completed text 50380\n", + "Completed text 50381\n", + "Completed text 50382\n", + "Completed text 50383\n", + "Completed text 50384\n", + "Completed text 50385\n", + "Completed text 50386\n", + "Completed text 50387\n", + "Completed text 50388\n", + "Completed text 50389\n", + "Completed text 50390\n", + "Completed text 50391\n", + "Completed text 50392\n", + "Completed text 50393\n", + "Completed text 50394\n", + "Completed text 50395\n", + "Completed text 50396\n", + "Completed text 50397\n", + "Completed text 50398\n", + "Completed text 50399\n", + "Completed text 50400\n", + "Completed text 50401\n", + "Completed text 50402\n", + "Completed text 50403\n", + "Completed text 50404\n", + "Completed text 50405\n", + "Completed text 50406\n", + "Completed text 50407\n", + "Completed text 50408\n", + "Completed text 50409\n", + "Completed text 50410\n", + "Completed text 50411\n", + "Completed text 50412\n", + "Completed text 50413\n", + "Completed text 50414\n", + "Completed text 50415\n", + "Completed text 50416\n", + "Completed text 50417\n", + "Completed text 50418\n", + "Completed text 50419\n", + "Completed text 50420\n", + "Completed text 50421\n", + "Completed text 50422\n", + "Completed text 50423\n", + "Completed text 50424\n", + "Completed text 50425\n", + "Completed text 50426\n", + "Completed text 50427\n", + "Completed text 50428\n", + "Completed text 50429\n", + "Completed text 50430\n", + "Completed text 50431\n", + "Completed text 50432\n", + "Completed text 50433\n", + "Completed text 50434\n", + "Completed text 50435\n", + "Completed text 50436\n", + "Completed text 50437\n", + "Completed text 50438\n", + "Completed text 50439\n", + "Completed text 50440\n", + "Completed text 50441\n", + "Completed text 50442\n", + "Completed text 50443\n", + "Completed text 50444\n", + "Completed text 50445\n", + "Completed text 50446\n", + "Completed text 50447\n", + "Completed text 50448\n", + "Completed text 50449\n", + "Completed text 50450\n", + "Completed text 50451\n", + "Completed text 50452\n", + "Completed text 50453\n", + "Completed text 50454\n", + "Completed text 50455\n", + "Completed text 50456\n", + "Completed text 50457\n", + "Completed text 50458\n", + "Completed text 50459\n", + "Completed text 50460\n", + "Completed text 50461\n", + "Completed text 50462\n", + "Completed text 50463\n", + "Completed text 50464\n", + "Completed text 50465\n", + "Completed text 50466\n", + "Completed text 50467\n", + "Completed text 50468\n", + "Completed text 50469\n", + "Completed text 50470\n", + "Completed text 50471\n", + "Completed text 50472\n", + "Completed text 50473\n", + "Completed text 50474\n", + "Completed text 50475\n", + "Completed text 50476\n", + "Completed text 50477\n", + "Completed text 50478\n", + "Completed text 50479\n", + "Completed text 50480\n", + "Completed text 50481\n", + "Completed text 50482\n", + "Completed text 50483\n", + "Completed text 50484\n", + "Completed text 50485\n", + "Completed text 50486\n", + "Completed text 50487\n", + "Completed text 50488\n", + "Completed text 50489\n", + "Completed text 50490\n", + "Completed text 50491\n", + "Completed text 50492\n", + "Completed text 50493\n", + "Completed text 50494\n", + "Completed text 50495\n", + "Completed text 50496\n", + "Completed text 50497\n", + "Completed text 50498\n", + "Completed text 50499\n", + "Completed text 50500\n", + "Completed text 50501\n", + "Completed text 50502\n", + "Completed text 50503\n", + "Completed text 50504\n", + "Completed text 50505\n", + "Completed text 50506\n", + "Completed text 50507\n", + "Completed text 50508\n", + "Completed text 50509\n", + "Completed text 50510\n", + "Completed text 50511\n", + "Completed text 50512\n", + "Completed text 50513\n", + "Completed text 50514\n", + "Completed text 50515\n", + "Completed text 50516\n", + "Completed text 50517\n", + "Completed text 50518\n", + "Completed text 50519\n", + "Completed text 50520\n", + "Completed text 50521\n", + "Completed text 50522\n", + "Completed text 50523\n", + "Completed text 50524\n", + "Completed text 50525\n", + "Completed text 50526\n", + "Completed text 50527\n", + "Completed text 50528\n", + "Completed text 50529\n", + "Completed text 50530\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 50531\n", + "Completed text 50532\n", + "Completed text 50533\n", + "Completed text 50534\n", + "Completed text 50535\n", + "Completed text 50536\n", + "Completed text 50537\n", + "Completed text 50538\n", + "Completed text 50539\n", + "Completed text 50540\n", + "Completed text 50541\n", + "Completed text 50542\n", + "Completed text 50543\n", + "Completed text 50544\n", + "Completed text 50545\n", + "Completed text 50546\n", + "Completed text 50547\n", + "Completed text 50548\n", + "Completed text 50549\n", + "Completed text 50550\n", + "Completed text 50551\n", + "Completed text 50552\n", + "Completed text 50553\n", + "Completed text 50554\n", + "Completed text 50555\n", + "Completed text 50556\n", + "Completed text 50557\n", + "Completed text 50558\n", + "Completed text 50559\n", + "Completed text 50560\n", + "Completed text 50561\n", + "Completed text 50562\n", + "Completed text 50563\n", + "Completed text 50564\n", + "Completed text 50565\n", + "Completed text 50566\n", + "Completed text 50567\n", + "Completed text 50568\n", + "Completed text 50569\n", + "Completed text 50570\n", + "Completed text 50571\n", + "Completed text 50572\n", + "Completed text 50573\n", + "Completed text 50574\n", + "Completed text 50575\n", + "Completed text 50576\n", + "Completed text 50577\n", + "Completed text 50578\n", + "Completed text 50579\n", + "Completed text 50580\n", + "Completed text 50581\n", + "Completed text 50582\n", + "Completed text 50583\n", + "Completed text 50584\n", + "Completed text 50585\n", + "Completed text 50586\n", + "Completed text 50587\n", + "Completed text 50588\n", + "Completed text 50589\n", + "Completed text 50590\n", + "Completed text 50591\n", + "Completed text 50592\n", + "Completed text 50593\n", + "Completed text 50594\n", + "Completed text 50595\n", + "Completed text 50596\n", + "Completed text 50597\n", + "Completed text 50598\n", + "Completed text 50599\n", + "Completed text 50600\n", + "Completed text 50601\n", + "Completed text 50602\n", + "Completed text 50603\n", + "Completed text 50604\n", + "Completed text 50605\n", + "Completed text 50606\n", + "Completed text 50607\n", + "Completed text 50608\n", + "Completed text 50609\n", + "Completed text 50610\n", + "Completed text 50611\n", + "Completed text 50612\n", + "Completed text 50613\n", + "Completed text 50614\n", + "Completed text 50615\n", + "Completed text 50616\n", + "Completed text 50617\n", + "Completed text 50618\n", + "Completed text 50619\n", + "Completed text 50620\n", + "Completed text 50621\n", + "Completed text 50622\n", + "Completed text 50623\n", + "Completed text 50624\n", + "Completed text 50625\n", + "Completed text 50626\n", + "Completed text 50627\n", + "Completed text 50628\n", + "Completed text 50629\n", + "Completed text 50630\n", + "Completed text 50631\n", + "Completed text 50632\n", + "Completed text 50633\n", + "Completed text 50634\n", + "Completed text 50635\n", + "Completed text 50636\n", + "Completed text 50637\n", + "Completed text 50638\n", + "Completed text 50639\n", + "Completed text 50640\n", + "Completed text 50641\n", + "Completed text 50642\n", + "Completed text 50643\n", + "Completed text 50644\n", + "Completed text 50645\n", + "Completed text 50646\n", + "Completed text 50647\n", + "Completed text 50648\n", + "Completed text 50649\n", + "Completed text 50650\n", + "Completed text 50651\n", + "Completed text 50652\n", + "Completed text 50653\n", + "Completed text 50654\n", + "Completed text 50655\n", + "Completed text 50656\n", + "Completed text 50657\n", + "Completed text 50658\n", + "Completed text 50659\n", + "Completed text 50660\n", + "Completed text 50661\n", + "Completed text 50662\n", + "Completed text 50663\n", + "Completed text 50664\n", + "Completed text 50665\n", + "Completed text 50666\n", + "Completed text 50667\n", + "Completed text 50668\n", + "Completed text 50669\n", + "Completed text 50670\n", + "Completed text 50671\n", + "Completed text 50672\n", + "Completed text 50673\n", + "Completed text 50674\n", + "Completed text 50675\n", + "Completed text 50676\n", + "Completed text 50677\n", + "Completed text 50678\n", + "Completed text 50679\n", + "Completed text 50680\n", + "Completed text 50681\n", + "Completed text 50682\n", + "Completed text 50683\n", + "Completed text 50684\n", + "Completed text 50685\n", + "Completed text 50686\n", + "Completed text 50687\n", + "Completed text 50688\n", + "Completed text 50689\n", + "Completed text 50690\n", + "Completed text 50691\n", + "Completed text 50692\n", + "Completed text 50693\n", + "Completed text 50694\n", + "Completed text 50695\n", + "Completed text 50696\n", + "Completed text 50697\n", + "Completed text 50698\n", + "Completed text 50699\n", + "Completed text 50700\n", + "Completed text 50701\n", + "Completed text 50702\n", + "Completed text 50703\n", + "Completed text 50704\n", + "Completed text 50705\n", + "Completed text 50706\n", + "Completed text 50707\n", + "Completed text 50708\n", + "Completed text 50709\n", + "Completed text 50710\n", + "Completed text 50711\n", + "Completed text 50712\n", + "Completed text 50713\n", + "Completed text 50714\n", + "Completed text 50715\n", + "Completed text 50716\n", + "Completed text 50717\n", + "Completed text 50718\n", + "Completed text 50719\n", + "Completed text 50720\n", + "Completed text 50721\n", + "Completed text 50722\n", + "Completed text 50723\n", + "Completed text 50724\n", + "Completed text 50725\n", + "Completed text 50726\n", + "Completed text 50727\n", + "Completed text 50728\n", + "Completed text 50729\n", + "Completed text 50730\n", + "Completed text 50731\n", + "Completed text 50732\n", + "Completed text 50733\n", + "Completed text 50734\n", + "Completed text 50735\n", + "Completed text 50736\n", + "Completed text 50737\n", + "Completed text 50738\n", + "Completed text 50739\n", + "Completed text 50740\n", + "Completed text 50741\n", + "Completed text 50742\n", + "Completed text 50743\n", + "Completed text 50744\n", + "Completed text 50745\n", + "Completed text 50746\n", + "Completed text 50747\n", + "Completed text 50748\n", + "Completed text 50749\n", + "Completed text 50750\n", + "Completed text 50751\n", + "Completed text 50752\n", + "Completed text 50753\n", + "Completed text 50754\n", + "Completed text 50755\n", + "Completed text 50756\n", + "Completed text 50757\n", + "Completed text 50758\n", + "Completed text 50759\n", + "Completed text 50760\n", + "Completed text 50761\n", + "Completed text 50762\n", + "Completed text 50763\n", + "Completed text 50764\n", + "Completed text 50765\n", + "Completed text 50766\n", + "Completed text 50767\n", + "Completed text 50768\n", + "Completed text 50769\n", + "Completed text 50770\n", + "Completed text 50771\n", + "Completed text 50772\n", + "Completed text 50773\n", + "Completed text 50774\n", + "Completed text 50775\n", + "Completed text 50776\n", + "Completed text 50777\n", + "Completed text 50778\n", + "Completed text 50779\n", + "Completed text 50780\n", + "Completed text 50781\n", + "Completed text 50782\n", + "Completed text 50783\n", + "Completed text 50784\n", + "Completed text 50785\n", + "Completed text 50786\n", + "Completed text 50787\n", + "Completed text 50788\n", + "Completed text 50789\n", + "Completed text 50790\n", + "Completed text 50791\n", + "Completed text 50792\n", + "Completed text 50793\n", + "Completed text 50794\n", + "Completed text 50795\n", + "Completed text 50796\n", + "Completed text 50797\n", + "Completed text 50798\n", + "Completed text 50799\n", + "Completed text 50800\n", + "Completed text 50801\n", + "Completed text 50802\n", + "Completed text 50803\n", + "Completed text 50804\n", + "Completed text 50805\n", + "Completed text 50806\n", + "Completed text 50807\n", + "Completed text 50808\n", + "Completed text 50809\n", + "Completed text 50810\n", + "Completed text 50811\n", + "Completed text 50812\n", + "Completed text 50813\n", + "Completed text 50814\n", + "Completed text 50815\n", + "Completed text 50816\n", + "Completed text 50817\n", + "Completed text 50818\n", + "Completed text 50819\n", + "Completed text 50820\n", + "Completed text 50821\n", + "Completed text 50822\n", + "Completed text 50823\n", + "Completed text 50824\n", + "Completed text 50825\n", + "Completed text 50826\n", + "Completed text 50827\n", + "Completed text 50828\n", + "Completed text 50829\n", + "Completed text 50830\n", + "Completed text 50831\n", + "Completed text 50832\n", + "Completed text 50833\n", + "Completed text 50834\n", + "Completed text 50835\n", + "Completed text 50836\n", + "Completed text 50837\n", + "Completed text 50838\n", + "Completed text 50839\n", + "Completed text 50840\n", + "Completed text 50841\n", + "Completed text 50842\n", + "Completed text 50843\n", + "Completed text 50844\n", + "Completed text 50845\n", + "Completed text 50846\n", + "Completed text 50847\n", + "Completed text 50848\n", + "Completed text 50849\n", + "Completed text 50850\n", + "Completed text 50851\n", + "Completed text 50852\n", + "Completed text 50853\n", + "Completed text 50854\n", + "Completed text 50855\n", + "Completed text 50856\n", + "Completed text 50857\n", + "Completed text 50858\n", + "Completed text 50859\n", + "Completed text 50860\n", + "Completed text 50861\n", + "Completed text 50862\n", + "Completed text 50863\n", + "Completed text 50864\n", + "Completed text 50865\n", + "Completed text 50866\n", + "Completed text 50867\n", + "Completed text 50868\n", + "Completed text 50869\n", + "Completed text 50870\n", + "Completed text 50871\n", + "Completed text 50872\n", + "Completed text 50873\n", + "Completed text 50874\n", + "Completed text 50875\n", + "Completed text 50876\n", + "Completed text 50877\n", + "Completed text 50878\n", + "Completed text 50879\n", + "Completed text 50880\n", + "Completed text 50881\n", + "Completed text 50882\n", + "Completed text 50883\n", + "Completed text 50884\n", + "Completed text 50885\n", + "Completed text 50886\n", + "Completed text 50887\n", + "Completed text 50888\n", + "Completed text 50889\n", + "Completed text 50890\n", + "Completed text 50891\n", + "Completed text 50892\n", + "Completed text 50893\n", + "Completed text 50894\n", + "Completed text 50895\n", + "Completed text 50896\n", + "Completed text 50897\n", + "Completed text 50898\n", + "Completed text 50899\n", + "Completed text 50900\n", + "Completed text 50901\n", + "Completed text 50902\n", + "Completed text 50903\n", + "Completed text 50904\n", + "Completed text 50905\n", + "Completed text 50906\n", + "Completed text 50907\n", + "Completed text 50908\n", + "Completed text 50909\n", + "Completed text 50910\n", + "Completed text 50911\n", + "Completed text 50912\n", + "Completed text 50913\n", + "Completed text 50914\n", + "Completed text 50915\n", + "Completed text 50916\n", + "Completed text 50917\n", + "Completed text 50918\n", + "Completed text 50919\n", + "Completed text 50920\n", + "Completed text 50921\n", + "Completed text 50922\n", + "Completed text 50923\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 50924\n", + "Completed text 50925\n", + "Completed text 50926\n", + "Completed text 50927\n", + "Completed text 50928\n", + "Completed text 50929\n", + "Completed text 50930\n", + "Completed text 50931\n", + "Completed text 50932\n", + "Completed text 50933\n", + "Completed text 50934\n", + "Completed text 50935\n", + "Completed text 50936\n", + "Completed text 50937\n", + "Completed text 50938\n", + "Completed text 50939\n", + "Completed text 50940\n", + "Completed text 50941\n", + "Completed text 50942\n", + "Completed text 50943\n", + "Completed text 50944\n", + "Completed text 50945\n", + "Completed text 50946\n", + "Completed text 50947\n", + "Completed text 50948\n", + "Completed text 50949\n", + "Completed text 50950\n", + "Completed text 50951\n", + "Completed text 50952\n", + "Completed text 50953\n", + "Completed text 50954\n", + "Completed text 50955\n", + "Completed text 50956\n", + "Completed text 50957\n", + "Completed text 50958\n", + "Completed text 50959\n", + "Completed text 50960\n", + "Completed text 50961\n", + "Completed text 50962\n", + "Completed text 50963\n", + "Completed text 50964\n", + "Completed text 50965\n", + "Completed text 50966\n", + "Completed text 50967\n", + "Completed text 50968\n", + "Completed text 50969\n", + "Completed text 50970\n", + "Completed text 50971\n", + "Completed text 50972\n", + "Completed text 50973\n", + "Completed text 50974\n", + "Completed text 50975\n", + "Completed text 50976\n", + "Completed text 50977\n", + "Completed text 50978\n", + "Completed text 50979\n", + "Completed text 50980\n", + "Completed text 50981\n", + "Completed text 50982\n", + "Completed text 50983\n", + "Completed text 50984\n", + "Completed text 50985\n", + "Completed text 50986\n", + "Completed text 50987\n", + "Completed text 50988\n", + "Completed text 50989\n", + "Completed text 50990\n", + "Completed text 50991\n", + "Completed text 50992\n", + "Completed text 50993\n", + "Completed text 50994\n", + "Completed text 50995\n", + "Completed text 50996\n", + "Completed text 50997\n", + "Completed text 50998\n", + "Completed text 50999\n", + "Completed text 51000\n", + "Completed text 51001\n", + "Completed text 51002\n", + "Completed text 51003\n", + "Completed text 51004\n", + "Completed text 51005\n", + "Completed text 51006\n", + "Completed text 51007\n", + "Completed text 51008\n", + "Completed text 51009\n", + "Completed text 51010\n", + "Completed text 51011\n", + "Completed text 51012\n", + "Completed text 51013\n", + "Completed text 51014\n", + "Completed text 51015\n", + "Completed text 51016\n", + "Completed text 51017\n", + "Completed text 51018\n", + "Completed text 51019\n", + "Completed text 51020\n", + "Completed text 51021\n", + "Completed text 51022\n", + "Completed text 51023\n", + "Completed text 51024\n", + "Completed text 51025\n", + "Completed text 51026\n", + "Completed text 51027\n", + "Completed text 51028\n", + "Completed text 51029\n", + "Completed text 51030\n", + "Completed text 51031\n", + "Completed text 51032\n", + "Completed text 51033\n", + "Completed text 51034\n", + "Completed text 51035\n", + "Completed text 51036\n", + "Completed text 51037\n", + "Completed text 51038\n", + "Completed text 51039\n", + "Completed text 51040\n", + "Completed text 51041\n", + "Completed text 51042\n", + "Completed text 51043\n", + "Completed text 51044\n", + "Completed text 51045\n", + "Completed text 51046\n", + "Completed text 51047\n", + "Completed text 51048\n", + "Completed text 51049\n", + "Completed text 51050\n", + "Completed text 51051\n", + "Completed text 51052\n", + "Completed text 51053\n", + "Completed text 51054\n", + "Completed text 51055\n", + "Completed text 51056\n", + "Completed text 51057\n", + "Completed text 51058\n", + "Completed text 51059\n", + "Completed text 51060\n", + "Completed text 51061\n", + "Completed text 51062\n", + "Completed text 51063\n", + "Completed text 51064\n", + "Completed text 51065\n", + "Completed text 51066\n", + "Completed text 51067\n", + "Completed text 51068\n", + "Completed text 51069\n", + "Completed text 51070\n", + "Completed text 51071\n", + "Completed text 51072\n", + "Completed text 51073\n", + "Completed text 51074\n", + "Completed text 51075\n", + "Completed text 51076\n", + "Completed text 51077\n", + "Completed text 51078\n", + "Completed text 51079\n", + "Completed text 51080\n", + "Completed text 51081\n", + "Completed text 51082\n", + "Completed text 51083\n", + "Completed text 51084\n", + "Completed text 51085\n", + "Completed text 51086\n", + "Completed text 51087\n", + "Completed text 51088\n", + "Completed text 51089\n", + "Completed text 51090\n", + "Completed text 51091\n", + "Completed text 51092\n", + "Completed text 51093\n", + "Completed text 51094\n", + "Completed text 51095\n", + "Completed text 51096\n", + "Completed text 51097\n", + "Completed text 51098\n", + "Completed text 51099\n", + "Completed text 51100\n", + "Completed text 51101\n", + "Completed text 51102\n", + "Completed text 51103\n", + "Completed text 51104\n", + "Completed text 51105\n", + "Completed text 51106\n", + "Completed text 51107\n", + "Completed text 51108\n", + "Completed text 51109\n", + "Completed text 51110\n", + "Completed text 51111\n", + "Completed text 51112\n", + "Completed text 51113\n", + "Completed text 51114\n", + "Completed text 51115\n", + "Completed text 51116\n", + "Completed text 51117\n", + "Completed text 51118\n", + "Completed text 51119\n", + "Completed text 51120\n", + "Completed text 51121\n", + "Completed text 51122\n", + "Completed text 51123\n", + "Completed text 51124\n", + "Completed text 51125\n", + "Completed text 51126\n", + "Completed text 51127\n", + "Completed text 51128\n", + "Completed text 51129\n", + "Completed text 51130\n", + "Completed text 51131\n", + "Completed text 51132\n", + "Completed text 51133\n", + "Completed text 51134\n", + "Completed text 51135\n", + "Completed text 51136\n", + "Completed text 51137\n", + "Completed text 51138\n", + "Completed text 51139\n", + "Completed text 51140\n", + "Completed text 51141\n", + "Completed text 51142\n", + "Completed text 51143\n", + "Completed text 51144\n", + "Completed text 51145\n", + "Completed text 51146\n", + "Completed text 51147\n", + "Completed text 51148\n", + "Completed text 51149\n", + "Completed text 51150\n", + "Completed text 51151\n", + "Completed text 51152\n", + "Completed text 51153\n", + "Completed text 51154\n", + "Completed text 51155\n", + "Completed text 51156\n", + "Completed text 51157\n", + "Completed text 51158\n", + "Completed text 51159\n", + "Completed text 51160\n", + "Completed text 51161\n", + "Completed text 51162\n", + "Completed text 51163\n", + "Completed text 51164\n", + "Completed text 51165\n", + "Completed text 51166\n", + "Completed text 51167\n", + "Completed text 51168\n", + "Completed text 51169\n", + "Completed text 51170\n", + "Completed text 51171\n", + "Completed text 51172\n", + "Completed text 51173\n", + "Completed text 51174\n", + "Completed text 51175\n", + "Completed text 51176\n", + "Completed text 51177\n", + "Completed text 51178\n", + "Completed text 51179\n", + "Completed text 51180\n", + "Completed text 51181\n", + "Completed text 51182\n", + "Completed text 51183\n", + "Completed text 51184\n", + "Completed text 51185\n", + "Completed text 51186\n", + "Completed text 51187\n", + "Completed text 51188\n", + "Completed text 51189\n", + "Completed text 51190\n", + "Completed text 51191\n", + "Completed text 51192\n", + "Completed text 51193\n", + "Completed text 51194\n", + "Completed text 51195\n", + "Completed text 51196\n", + "Completed text 51197\n", + "Completed text 51198\n", + "Completed text 51199\n", + "Completed text 51200\n", + "Completed text 51201\n", + "Completed text 51202\n", + "Completed text 51203\n", + "Completed text 51204\n", + "Completed text 51205\n", + "Completed text 51206\n", + "Completed text 51207\n", + "Completed text 51208\n", + "Completed text 51209\n", + "Completed text 51210\n", + "Completed text 51211\n", + "Completed text 51212\n", + "Completed text 51213\n", + "Completed text 51214\n", + "Completed text 51215\n", + "Completed text 51216\n", + "Completed text 51217\n", + "Completed text 51218\n", + "Completed text 51219\n", + "Completed text 51220\n", + "Completed text 51221\n", + "Completed text 51222\n", + "Completed text 51223\n", + "Completed text 51224\n", + "Completed text 51225\n", + "Completed text 51226\n", + "Completed text 51227\n", + "Completed text 51228\n", + "Completed text 51229\n", + "Completed text 51230\n", + "Completed text 51231\n", + "Completed text 51232\n", + "Completed text 51233\n", + "Completed text 51234\n", + "Completed text 51235\n", + "Completed text 51236\n", + "Completed text 51237\n", + "Completed text 51238\n", + "Completed text 51239\n", + "Completed text 51240\n", + "Completed text 51241\n", + "Completed text 51242\n", + "Completed text 51243\n", + "Completed text 51244\n", + "Completed text 51245\n", + "Completed text 51246\n", + "Completed text 51247\n", + "Completed text 51248\n", + "Completed text 51249\n", + "Completed text 51250\n", + "Completed text 51251\n", + "Completed text 51252\n", + "Completed text 51253\n", + "Completed text 51254\n", + "Completed text 51255\n", + "Completed text 51256\n", + "Completed text 51257\n", + "Completed text 51258\n", + "Completed text 51259\n", + "Completed text 51260\n", + "Completed text 51261\n", + "Completed text 51262\n", + "Completed text 51263\n", + "Completed text 51264\n", + "Completed text 51265\n", + "Completed text 51266\n", + "Completed text 51267\n", + "Completed text 51268\n", + "Completed text 51269\n", + "Completed text 51270\n", + "Completed text 51271\n", + "Completed text 51272\n", + "Completed text 51273\n", + "Completed text 51274\n", + "Completed text 51275\n", + "Completed text 51276\n", + "Completed text 51277\n", + "Completed text 51278\n", + "Completed text 51279\n", + "Completed text 51280\n", + "Completed text 51281\n", + "Completed text 51282\n", + "Completed text 51283\n", + "Completed text 51284\n", + "Completed text 51285\n", + "Completed text 51286\n", + "Completed text 51287\n", + "Completed text 51288\n", + "Completed text 51289\n", + "Completed text 51290\n", + "Completed text 51291\n", + "Completed text 51292\n", + "Completed text 51293\n", + "Completed text 51294\n", + "Completed text 51295\n", + "Completed text 51296\n", + "Completed text 51297\n", + "Completed text 51298\n", + "Completed text 51299\n", + "Completed text 51300\n", + "Completed text 51301\n", + "Completed text 51302\n", + "Completed text 51303\n", + "Completed text 51304\n", + "Completed text 51305\n", + "Completed text 51306\n", + "Completed text 51307\n", + "Completed text 51308\n", + "Completed text 51309\n", + "Completed text 51310\n", + "Completed text 51311\n", + "Completed text 51312\n", + "Completed text 51313\n", + "Completed text 51314\n", + "Completed text 51315\n", + "Completed text 51316\n", + "Completed text 51317\n", + "Completed text 51318\n", + "Completed text 51319\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 51320\n", + "Completed text 51321\n", + "Completed text 51322\n", + "Completed text 51323\n", + "Completed text 51324\n", + "Completed text 51325\n", + "Completed text 51326\n", + "Completed text 51327\n", + "Completed text 51328\n", + "Completed text 51329\n", + "Completed text 51330\n", + "Completed text 51331\n", + "Completed text 51332\n", + "Completed text 51333\n", + "Completed text 51334\n", + "Completed text 51335\n", + "Completed text 51336\n", + "Completed text 51337\n", + "Completed text 51338\n", + "Completed text 51339\n", + "Completed text 51340\n", + "Completed text 51341\n", + "Completed text 51342\n", + "Completed text 51343\n", + "Completed text 51344\n", + "Completed text 51345\n", + "Completed text 51346\n", + "Completed text 51347\n", + "Completed text 51348\n", + "Completed text 51349\n", + "Completed text 51350\n", + "Completed text 51351\n", + "Completed text 51352\n", + "Completed text 51353\n", + "Completed text 51354\n", + "Completed text 51355\n", + "Completed text 51356\n", + "Completed text 51357\n", + "Completed text 51358\n", + "Completed text 51359\n", + "Completed text 51360\n", + "Completed text 51361\n", + "Completed text 51362\n", + "Completed text 51363\n", + "Completed text 51364\n", + "Completed text 51365\n", + "Completed text 51366\n", + "Completed text 51367\n", + "Completed text 51368\n", + "Completed text 51369\n", + "Completed text 51370\n", + "Completed text 51371\n", + "Completed text 51372\n", + "Completed text 51373\n", + "Completed text 51374\n", + "Completed text 51375\n", + "Completed text 51376\n", + "Completed text 51377\n", + "Completed text 51378\n", + "Completed text 51379\n", + "Completed text 51380\n", + "Completed text 51381\n", + "Completed text 51382\n", + "Completed text 51383\n", + "Completed text 51384\n", + "Completed text 51385\n", + "Completed text 51386\n", + "Completed text 51387\n", + "Completed text 51388\n", + "Completed text 51389\n", + "Completed text 51390\n", + "Completed text 51391\n", + "Completed text 51392\n", + "Completed text 51393\n", + "Completed text 51394\n", + "Completed text 51395\n", + "Completed text 51396\n", + "Completed text 51397\n", + "Completed text 51398\n", + "Completed text 51399\n", + "Completed text 51400\n", + "Completed text 51401\n", + "Completed text 51402\n", + "Completed text 51403\n", + "Completed text 51404\n", + "Completed text 51405\n", + "Completed text 51406\n", + "Completed text 51407\n", + "Completed text 51408\n", + "Completed text 51409\n", + "Completed text 51410\n", + "Completed text 51411\n", + "Completed text 51412\n", + "Completed text 51413\n", + "Completed text 51414\n", + "Completed text 51415\n", + "Completed text 51416\n", + "Completed text 51417\n", + "Completed text 51418\n", + "Completed text 51419\n", + "Completed text 51420\n", + "Completed text 51421\n", + "Completed text 51422\n", + "Completed text 51423\n", + "Completed text 51424\n", + "Completed text 51425\n", + "Completed text 51426\n", + "Completed text 51427\n", + "Completed text 51428\n", + "Completed text 51429\n", + "Completed text 51430\n", + "Completed text 51431\n", + "Completed text 51432\n", + "Completed text 51433\n", + "Completed text 51434\n", + "Completed text 51435\n", + "Completed text 51436\n", + "Completed text 51437\n", + "Completed text 51438\n", + "Completed text 51439\n", + "Completed text 51440\n", + "Completed text 51441\n", + "Completed text 51442\n", + "Completed text 51443\n", + "Completed text 51444\n", + "Completed text 51445\n", + "Completed text 51446\n", + "Completed text 51447\n", + "Completed text 51448\n", + "Completed text 51449\n", + "Completed text 51450\n", + "Completed text 51451\n", + "Completed text 51452\n", + "Completed text 51453\n", + "Completed text 51454\n", + "Completed text 51455\n", + "Completed text 51456\n", + "Completed text 51457\n", + "Completed text 51458\n", + "Completed text 51459\n", + "Completed text 51460\n", + "Completed text 51461\n", + "Completed text 51462\n", + "Completed text 51463\n", + "Completed text 51464\n", + "Completed text 51465\n", + "Completed text 51466\n", + "Completed text 51467\n", + "Completed text 51468\n", + "Completed text 51469\n", + "Completed text 51470\n", + "Completed text 51471\n", + "Completed text 51472\n", + "Completed text 51473\n", + "Completed text 51474\n", + "Completed text 51475\n", + "Completed text 51476\n", + "Completed text 51477\n", + "Completed text 51478\n", + "Completed text 51479\n", + "Completed text 51480\n", + "Completed text 51481\n", + "Completed text 51482\n", + "Completed text 51483\n", + "Completed text 51484\n", + "Completed text 51485\n", + "Completed text 51486\n", + "Completed text 51487\n", + "Completed text 51488\n", + "Completed text 51489\n", + "Completed text 51490\n", + "Completed text 51491\n", + "Completed text 51492\n", + "Completed text 51493\n", + "Completed text 51494\n", + "Completed text 51495\n", + "Completed text 51496\n", + "Completed text 51497\n", + "Completed text 51498\n", + "Completed text 51499\n", + "Completed text 51500\n", + "Completed text 51501\n", + "Completed text 51502\n", + "Completed text 51503\n", + "Completed text 51504\n", + "Completed text 51505\n", + "Completed text 51506\n", + "Completed text 51507\n", + "Completed text 51508\n", + "Completed text 51509\n", + "Completed text 51510\n", + "Completed text 51511\n", + "Completed text 51512\n", + "Completed text 51513\n", + "Completed text 51514\n", + "Completed text 51515\n", + "Completed text 51516\n", + "Completed text 51517\n", + "Completed text 51518\n", + "Completed text 51519\n", + "Completed text 51520\n", + "Completed text 51521\n", + "Completed text 51522\n", + "Completed text 51523\n", + "Completed text 51524\n", + "Completed text 51525\n", + "Completed text 51526\n", + "Completed text 51527\n", + "Completed text 51528\n", + "Completed text 51529\n", + "Completed text 51530\n", + "Completed text 51531\n", + "Completed text 51532\n", + "Completed text 51533\n", + "Completed text 51534\n", + "Completed text 51535\n", + "Completed text 51536\n", + "Completed text 51537\n", + "Completed text 51538\n", + "Completed text 51539\n", + "Completed text 51540\n", + "Completed text 51541\n", + "Completed text 51542\n", + "Completed text 51543\n", + "Completed text 51544\n", + "Completed text 51545\n", + "Completed text 51546\n", + "Completed text 51547\n", + "Completed text 51548\n", + "Completed text 51549\n", + "Completed text 51550\n", + "Completed text 51551\n", + "Completed text 51552\n", + "Completed text 51553\n", + "Completed text 51554\n", + "Completed text 51555\n", + "Completed text 51556\n", + "Completed text 51557\n", + "Completed text 51558\n", + "Completed text 51559\n", + "Completed text 51560\n", + "Completed text 51561\n", + "Completed text 51562\n", + "Completed text 51563\n", + "Completed text 51564\n", + "Completed text 51565\n", + "Completed text 51566\n", + "Completed text 51567\n", + "Completed text 51568\n", + "Completed text 51569\n", + "Completed text 51570\n", + "Completed text 51571\n", + "Completed text 51572\n", + "Completed text 51573\n", + "Completed text 51574\n", + "Completed text 51575\n", + "Completed text 51576\n", + "Completed text 51577\n", + "Completed text 51578\n", + "Completed text 51579\n", + "Completed text 51580\n", + "Completed text 51581\n", + "Completed text 51582\n", + "Completed text 51583\n", + "Completed text 51584\n", + "Completed text 51585\n", + "Completed text 51586\n", + "Completed text 51587\n", + "Completed text 51588\n", + "Completed text 51589\n", + "Completed text 51590\n", + "Completed text 51591\n", + "Completed text 51592\n", + "Completed text 51593\n", + "Completed text 51594\n", + "Completed text 51595\n", + "Completed text 51596\n", + "Completed text 51597\n", + "Completed text 51598\n", + "Completed text 51599\n", + "Completed text 51600\n", + "Completed text 51601\n", + "Completed text 51602\n", + "Completed text 51603\n", + "Completed text 51604\n", + "Completed text 51605\n", + "Completed text 51606\n", + "Completed text 51607\n", + "Completed text 51608\n", + "Completed text 51609\n", + "Completed text 51610\n", + "Completed text 51611\n", + "Completed text 51612\n", + "Completed text 51613\n", + "Completed text 51614\n", + "Completed text 51615\n", + "Completed text 51616\n", + "Completed text 51617\n", + "Completed text 51618\n", + "Completed text 51619\n", + "Completed text 51620\n", + "Completed text 51621\n", + "Completed text 51622\n", + "Completed text 51623\n", + "Completed text 51624\n", + "Completed text 51625\n", + "Completed text 51626\n", + "Completed text 51627\n", + "Completed text 51628\n", + "Completed text 51629\n", + "Completed text 51630\n", + "Completed text 51631\n", + "Completed text 51632\n", + "Completed text 51633\n", + "Completed text 51634\n", + "Completed text 51635\n", + "Completed text 51636\n", + "Completed text 51637\n", + "Completed text 51638\n", + "Completed text 51639\n", + "Completed text 51640\n", + "Completed text 51641\n", + "Completed text 51642\n", + "Completed text 51643\n", + "Completed text 51644\n", + "Completed text 51645\n", + "Completed text 51646\n", + "Completed text 51647\n", + "Completed text 51648\n", + "Completed text 51649\n", + "Completed text 51650\n", + "Completed text 51651\n", + "Completed text 51652\n", + "Completed text 51653\n", + "Completed text 51654\n", + "Completed text 51655\n", + "Completed text 51656\n", + "Completed text 51657\n", + "Completed text 51658\n", + "Completed text 51659\n", + "Completed text 51660\n", + "Completed text 51661\n", + "Completed text 51662\n", + "Completed text 51663\n", + "Completed text 51664\n", + "Completed text 51665\n", + "Completed text 51666\n", + "Completed text 51667\n", + "Completed text 51668\n", + "Completed text 51669\n", + "Completed text 51670\n", + "Completed text 51671\n", + "Completed text 51672\n", + "Completed text 51673\n", + "Completed text 51674\n", + "Completed text 51675\n", + "Completed text 51676\n", + "Completed text 51677\n", + "Completed text 51678\n", + "Completed text 51679\n", + "Completed text 51680\n", + "Completed text 51681\n", + "Completed text 51682\n", + "Completed text 51683\n", + "Completed text 51684\n", + "Completed text 51685\n", + "Completed text 51686\n", + "Completed text 51687\n", + "Completed text 51688\n", + "Completed text 51689\n", + "Completed text 51690\n", + "Completed text 51691\n", + "Completed text 51692\n", + "Completed text 51693\n", + "Completed text 51694\n", + "Completed text 51695\n", + "Completed text 51696\n", + "Completed text 51697\n", + "Completed text 51698\n", + "Completed text 51699\n", + "Completed text 51700\n", + "Completed text 51701\n", + "Completed text 51702\n", + "Completed text 51703\n", + "Completed text 51704\n", + "Completed text 51705\n", + "Completed text 51706\n", + "Completed text 51707\n", + "Completed text 51708\n", + "Completed text 51709\n", + "Completed text 51710\n", + "Completed text 51711\n", + "Completed text 51712\n", + "Completed text 51713\n", + "Completed text 51714\n", + "Completed text 51715\n", + "Completed text 51716\n", + "Completed text 51717\n", + "Completed text 51718\n", + "Completed text 51719\n", + "Completed text 51720\n", + "Completed text 51721\n", + "Completed text 51722\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 51723\n", + "Completed text 51724\n", + "Completed text 51725\n", + "Completed text 51726\n", + "Completed text 51727\n", + "Completed text 51728\n", + "Completed text 51729\n", + "Completed text 51730\n", + "Completed text 51731\n", + "Completed text 51732\n", + "Completed text 51733\n", + "Completed text 51734\n", + "Completed text 51735\n", + "Completed text 51736\n", + "Completed text 51737\n", + "Completed text 51738\n", + "Completed text 51739\n", + "Completed text 51740\n", + "Completed text 51741\n", + "Completed text 51742\n", + "Completed text 51743\n", + "Completed text 51744\n", + "Completed text 51745\n", + "Completed text 51746\n", + "Completed text 51747\n", + "Completed text 51748\n", + "Completed text 51749\n", + "Completed text 51750\n", + "Completed text 51751\n", + "Completed text 51752\n", + "Completed text 51753\n", + "Completed text 51754\n", + "Completed text 51755\n", + "Completed text 51756\n", + "Completed text 51757\n", + "Completed text 51758\n", + "Completed text 51759\n", + "Completed text 51760\n", + "Completed text 51761\n", + "Completed text 51762\n", + "Completed text 51763\n", + "Completed text 51764\n", + "Completed text 51765\n", + "Completed text 51766\n", + "Completed text 51767\n", + "Completed text 51768\n", + "Completed text 51769\n", + "Completed text 51770\n", + "Completed text 51771\n", + "Completed text 51772\n", + "Completed text 51773\n", + "Completed text 51774\n", + "Completed text 51775\n", + "Completed text 51776\n", + "Completed text 51777\n", + "Completed text 51778\n", + "Completed text 51779\n", + "Completed text 51780\n", + "Completed text 51781\n", + "Completed text 51782\n", + "Completed text 51783\n", + "Completed text 51784\n", + "Completed text 51785\n", + "Completed text 51786\n", + "Completed text 51787\n", + "Completed text 51788\n", + "Completed text 51789\n", + "Completed text 51790\n", + "Completed text 51791\n", + "Completed text 51792\n", + "Completed text 51793\n", + "Completed text 51794\n", + "Completed text 51795\n", + "Completed text 51796\n", + "Completed text 51797\n", + "Completed text 51798\n", + "Completed text 51799\n", + "Completed text 51800\n", + "Completed text 51801\n", + "Completed text 51802\n", + "Completed text 51803\n", + "Completed text 51804\n", + "Completed text 51805\n", + "Completed text 51806\n", + "Completed text 51807\n", + "Completed text 51808\n", + "Completed text 51809\n", + "Completed text 51810\n", + "Completed text 51811\n", + "Completed text 51812\n", + "Completed text 51813\n", + "Completed text 51814\n", + "Completed text 51815\n", + "Completed text 51816\n", + "Completed text 51817\n", + "Completed text 51818\n", + "Completed text 51819\n", + "Completed text 51820\n", + "Completed text 51821\n", + "Completed text 51822\n", + "Completed text 51823\n", + "Completed text 51824\n", + "Completed text 51825\n", + "Completed text 51826\n", + "Completed text 51827\n", + "Completed text 51828\n", + "Completed text 51829\n", + "Completed text 51830\n", + "Completed text 51831\n", + "Completed text 51832\n", + "Completed text 51833\n", + "Completed text 51834\n", + "Completed text 51835\n", + "Completed text 51836\n", + "Completed text 51837\n", + "Completed text 51838\n", + "Completed text 51839\n", + "Completed text 51840\n", + "Completed text 51841\n", + "Completed text 51842\n", + "Completed text 51843\n", + "Completed text 51844\n", + "Completed text 51845\n", + "Completed text 51846\n", + "Completed text 51847\n", + "Completed text 51848\n", + "Completed text 51849\n", + "Completed text 51850\n", + "Completed text 51851\n", + "Completed text 51852\n", + "Completed text 51853\n", + "Completed text 51854\n", + "Completed text 51855\n", + "Completed text 51856\n", + "Completed text 51857\n", + "Completed text 51858\n", + "Completed text 51859\n", + "Completed text 51860\n", + "Completed text 51861\n", + "Completed text 51862\n", + "Completed text 51863\n", + "Completed text 51864\n", + "Completed text 51865\n", + "Completed text 51866\n", + "Completed text 51867\n", + "Completed text 51868\n", + "Completed text 51869\n", + "Completed text 51870\n", + "Completed text 51871\n", + "Completed text 51872\n", + "Completed text 51873\n", + "Completed text 51874\n", + "Completed text 51875\n", + "Completed text 51876\n", + "Completed text 51877\n", + "Completed text 51878\n", + "Completed text 51879\n", + "Completed text 51880\n", + "Completed text 51881\n", + "Completed text 51882\n", + "Completed text 51883\n", + "Completed text 51884\n", + "Completed text 51885\n", + "Completed text 51886\n", + "Completed text 51887\n", + "Completed text 51888\n", + "Completed text 51889\n", + "Completed text 51890\n", + "Completed text 51891\n", + "Completed text 51892\n", + "Completed text 51893\n", + "Completed text 51894\n", + "Completed text 51895\n", + "Completed text 51896\n", + "Completed text 51897\n", + "Completed text 51898\n", + "Completed text 51899\n", + "Completed text 51900\n", + "Completed text 51901\n", + "Completed text 51902\n", + "Completed text 51903\n", + "Completed text 51904\n", + "Completed text 51905\n", + "Completed text 51906\n", + "Completed text 51907\n", + "Completed text 51908\n", + "Completed text 51909\n", + "Completed text 51910\n", + "Completed text 51911\n", + "Completed text 51912\n", + "Completed text 51913\n", + "Completed text 51914\n", + "Completed text 51915\n", + "Completed text 51916\n", + "Completed text 51917\n", + "Completed text 51918\n", + "Completed text 51919\n", + "Completed text 51920\n", + "Completed text 51921\n", + "Completed text 51922\n", + "Completed text 51923\n", + "Completed text 51924\n", + "Completed text 51925\n", + "Completed text 51926\n", + "Completed text 51927\n", + "Completed text 51928\n", + "Completed text 51929\n", + "Completed text 51930\n", + "Completed text 51931\n", + "Completed text 51932\n", + "Completed text 51933\n", + "Completed text 51934\n", + "Completed text 51935\n", + "Completed text 51936\n", + "Completed text 51937\n", + "Completed text 51938\n", + "Completed text 51939\n", + "Completed text 51940\n", + "Completed text 51941\n", + "Completed text 51942\n", + "Completed text 51943\n", + "Completed text 51944\n", + "Completed text 51945\n", + "Completed text 51946\n", + "Completed text 51947\n", + "Completed text 51948\n", + "Completed text 51949\n", + "Completed text 51950\n", + "Completed text 51951\n", + "Completed text 51952\n", + "Completed text 51953\n", + "Completed text 51954\n", + "Completed text 51955\n", + "Completed text 51956\n", + "Completed text 51957\n", + "Completed text 51958\n", + "Completed text 51959\n", + "Completed text 51960\n", + "Completed text 51961\n", + "Completed text 51962\n", + "Completed text 51963\n", + "Completed text 51964\n", + "Completed text 51965\n", + "Completed text 51966\n", + "Completed text 51967\n", + "Completed text 51968\n", + "Completed text 51969\n", + "Completed text 51970\n", + "Completed text 51971\n", + "Completed text 51972\n", + "Completed text 51973\n", + "Completed text 51974\n", + "Completed text 51975\n", + "Completed text 51976\n", + "Completed text 51977\n", + "Completed text 51978\n", + "Completed text 51979\n", + "Completed text 51980\n", + "Completed text 51981\n", + "Completed text 51982\n", + "Completed text 51983\n", + "Completed text 51984\n", + "Completed text 51985\n", + "Completed text 51986\n", + "Completed text 51987\n", + "Completed text 51988\n", + "Completed text 51989\n", + "Completed text 51990\n", + "Completed text 51991\n", + "Completed text 51992\n", + "Completed text 51993\n", + "Completed text 51994\n", + "Completed text 51995\n", + "Completed text 51996\n", + "Completed text 51997\n", + "Completed text 51998\n", + "Completed text 51999\n", + "Completed text 52000\n", + "Completed text 52001\n", + "Completed text 52002\n", + "Completed text 52003\n", + "Completed text 52004\n", + "Completed text 52005\n", + "Completed text 52006\n", + "Completed text 52007\n", + "Completed text 52008\n", + "Completed text 52009\n", + "Completed text 52010\n", + "Completed text 52011\n", + "Completed text 52012\n", + "Completed text 52013\n", + "Completed text 52014\n", + "Completed text 52015\n", + "Completed text 52016\n", + "Completed text 52017\n", + "Completed text 52018\n", + "Completed text 52019\n", + "Completed text 52020\n", + "Completed text 52021\n", + "Completed text 52022\n", + "Completed text 52023\n", + "Completed text 52024\n", + "Completed text 52025\n", + "Completed text 52026\n", + "Completed text 52027\n", + "Completed text 52028\n", + "Completed text 52029\n", + "Completed text 52030\n", + "Completed text 52031\n", + "Completed text 52032\n", + "Completed text 52033\n", + "Completed text 52034\n", + "Completed text 52035\n", + "Completed text 52036\n", + "Completed text 52037\n", + "Completed text 52038\n", + "Completed text 52039\n", + "Completed text 52040\n", + "Completed text 52041\n", + "Completed text 52042\n", + "Completed text 52043\n", + "Completed text 52044\n", + "Completed text 52045\n", + "Completed text 52046\n", + "Completed text 52047\n", + "Completed text 52048\n", + "Completed text 52049\n", + "Completed text 52050\n", + "Completed text 52051\n", + "Completed text 52052\n", + "Completed text 52053\n", + "Completed text 52054\n", + "Completed text 52055\n", + "Completed text 52056\n", + "Completed text 52057\n", + "Completed text 52058\n", + "Completed text 52059\n", + "Completed text 52060\n", + "Completed text 52061\n", + "Completed text 52062\n", + "Completed text 52063\n", + "Completed text 52064\n", + "Completed text 52065\n", + "Completed text 52066\n", + "Completed text 52067\n", + "Completed text 52068\n", + "Completed text 52069\n", + "Completed text 52070\n", + "Completed text 52071\n", + "Completed text 52072\n", + "Completed text 52073\n", + "Completed text 52074\n", + "Completed text 52075\n", + "Completed text 52076\n", + "Completed text 52077\n", + "Completed text 52078\n", + "Completed text 52079\n", + "Completed text 52080\n", + "Completed text 52081\n", + "Completed text 52082\n", + "Completed text 52083\n", + "Completed text 52084\n", + "Completed text 52085\n", + "Completed text 52086\n", + "Completed text 52087\n", + "Completed text 52088\n", + "Completed text 52089\n", + "Completed text 52090\n", + "Completed text 52091\n", + "Completed text 52092\n", + "Completed text 52093\n", + "Completed text 52094\n", + "Completed text 52095\n", + "Completed text 52096\n", + "Completed text 52097\n", + "Completed text 52098\n", + "Completed text 52099\n", + "Completed text 52100\n", + "Completed text 52101\n", + "Completed text 52102\n", + "Completed text 52103\n", + "Completed text 52104\n", + "Completed text 52105\n", + "Completed text 52106\n", + "Completed text 52107\n", + "Completed text 52108\n", + "Completed text 52109\n", + "Completed text 52110\n", + "Completed text 52111\n", + "Completed text 52112\n", + "Completed text 52113\n", + "Completed text 52114\n", + "Completed text 52115\n", + "Completed text 52116\n", + "Completed text 52117\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 52118\n", + "Completed text 52119\n", + "Completed text 52120\n", + "Completed text 52121\n", + "Completed text 52122\n", + "Completed text 52123\n", + "Completed text 52124\n", + "Completed text 52125\n", + "Completed text 52126\n", + "Completed text 52127\n", + "Completed text 52128\n", + "Completed text 52129\n", + "Completed text 52130\n", + "Completed text 52131\n", + "Completed text 52132\n", + "Completed text 52133\n", + "Completed text 52134\n", + "Completed text 52135\n", + "Completed text 52136\n", + "Completed text 52137\n", + "Completed text 52138\n", + "Completed text 52139\n", + "Completed text 52140\n", + "Completed text 52141\n", + "Completed text 52142\n", + "Completed text 52143\n", + "Completed text 52144\n", + "Completed text 52145\n", + "Completed text 52146\n", + "Completed text 52147\n", + "Completed text 52148\n", + "Completed text 52149\n", + "Completed text 52150\n", + "Completed text 52151\n", + "Completed text 52152\n", + "Completed text 52153\n", + "Completed text 52154\n", + "Completed text 52155\n", + "Completed text 52156\n", + "Completed text 52157\n", + "Completed text 52158\n", + "Completed text 52159\n", + "Completed text 52160\n", + "Completed text 52161\n", + "Completed text 52162\n", + "Completed text 52163\n", + "Completed text 52164\n", + "Completed text 52165\n", + "Completed text 52166\n", + "Completed text 52167\n", + "Completed text 52168\n", + "Completed text 52169\n", + "Completed text 52170\n", + "Completed text 52171\n", + "Completed text 52172\n", + "Completed text 52173\n", + "Completed text 52174\n", + "Completed text 52175\n", + "Completed text 52176\n", + "Completed text 52177\n", + "Completed text 52178\n", + "Completed text 52179\n", + "Completed text 52180\n", + "Completed text 52181\n", + "Completed text 52182\n", + "Completed text 52183\n", + "Completed text 52184\n", + "Completed text 52185\n", + "Completed text 52186\n", + "Completed text 52187\n", + "Completed text 52188\n", + "Completed text 52189\n", + "Completed text 52190\n", + "Completed text 52191\n", + "Completed text 52192\n", + "Completed text 52193\n", + "Completed text 52194\n", + "Completed text 52195\n", + "Completed text 52196\n", + "Completed text 52197\n", + "Completed text 52198\n", + "Completed text 52199\n", + "Completed text 52200\n", + "Completed text 52201\n", + "Completed text 52202\n", + "Completed text 52203\n", + "Completed text 52204\n", + "Completed text 52205\n", + "Completed text 52206\n", + "Completed text 52207\n", + "Completed text 52208\n", + "Completed text 52209\n", + "Completed text 52210\n", + "Completed text 52211\n", + "Completed text 52212\n", + "Completed text 52213\n", + "Completed text 52214\n", + "Completed text 52215\n", + "Completed text 52216\n", + "Completed text 52217\n", + "Completed text 52218\n", + "Completed text 52219\n", + "Completed text 52220\n", + "Completed text 52221\n", + "Completed text 52222\n", + "Completed text 52223\n", + "Completed text 52224\n", + "Completed text 52225\n", + "Completed text 52226\n", + "Completed text 52227\n", + "Completed text 52228\n", + "Completed text 52229\n", + "Completed text 52230\n", + "Completed text 52231\n", + "Completed text 52232\n", + "Completed text 52233\n", + "Completed text 52234\n", + "Completed text 52235\n", + "Completed text 52236\n", + "Completed text 52237\n", + "Completed text 52238\n", + "Completed text 52239\n", + "Completed text 52240\n", + "Completed text 52241\n", + "Completed text 52242\n", + "Completed text 52243\n", + "Completed text 52244\n", + "Completed text 52245\n", + "Completed text 52246\n", + "Completed text 52247\n", + "Completed text 52248\n", + "Completed text 52249\n", + "Completed text 52250\n", + "Completed text 52251\n", + "Completed text 52252\n", + "Completed text 52253\n", + "Completed text 52254\n", + "Completed text 52255\n", + "Completed text 52256\n", + "Completed text 52257\n", + "Completed text 52258\n", + "Completed text 52259\n", + "Completed text 52260\n", + "Completed text 52261\n", + "Completed text 52262\n", + "Completed text 52263\n", + "Completed text 52264\n", + "Completed text 52265\n", + "Completed text 52266\n", + "Completed text 52267\n", + "Completed text 52268\n", + "Completed text 52269\n", + "Completed text 52270\n", + "Completed text 52271\n", + "Completed text 52272\n", + "Completed text 52273\n", + "Completed text 52274\n", + "Completed text 52275\n", + "Completed text 52276\n", + "Completed text 52277\n", + "Completed text 52278\n", + "Completed text 52279\n", + "Completed text 52280\n", + "Completed text 52281\n", + "Completed text 52282\n", + "Completed text 52283\n", + "Completed text 52284\n", + "Completed text 52285\n", + "Completed text 52286\n", + "Completed text 52287\n", + "Completed text 52288\n", + "Completed text 52289\n", + "Completed text 52290\n", + "Completed text 52291\n", + "Completed text 52292\n", + "Completed text 52293\n", + "Completed text 52294\n", + "Completed text 52295\n", + "Completed text 52296\n", + "Completed text 52297\n", + "Completed text 52298\n", + "Completed text 52299\n", + "Completed text 52300\n", + "Completed text 52301\n", + "Completed text 52302\n", + "Completed text 52303\n", + "Completed text 52304\n", + "Completed text 52305\n", + "Completed text 52306\n", + "Completed text 52307\n", + "Completed text 52308\n", + "Completed text 52309\n", + "Completed text 52310\n", + "Completed text 52311\n", + "Completed text 52312\n", + "Completed text 52313\n", + "Completed text 52314\n", + "Completed text 52315\n", + "Completed text 52316\n", + "Completed text 52317\n", + "Completed text 52318\n", + "Completed text 52319\n", + "Completed text 52320\n", + "Completed text 52321\n", + "Completed text 52322\n", + "Completed text 52323\n", + "Completed text 52324\n", + "Completed text 52325\n", + "Completed text 52326\n", + "Completed text 52327\n", + "Completed text 52328\n", + "Completed text 52329\n", + "Completed text 52330\n", + "Completed text 52331\n", + "Completed text 52332\n", + "Completed text 52333\n", + "Completed text 52334\n", + "Completed text 52335\n", + "Completed text 52336\n", + "Completed text 52337\n", + "Completed text 52338\n", + "Completed text 52339\n", + "Completed text 52340\n", + "Completed text 52341\n", + "Completed text 52342\n", + "Completed text 52343\n", + "Completed text 52344\n", + "Completed text 52345\n", + "Completed text 52346\n", + "Completed text 52347\n", + "Completed text 52348\n", + "Completed text 52349\n", + "Completed text 52350\n", + "Completed text 52351\n", + "Completed text 52352\n", + "Completed text 52353\n", + "Completed text 52354\n", + "Completed text 52355\n", + "Completed text 52356\n", + "Completed text 52357\n", + "Completed text 52358\n", + "Completed text 52359\n", + "Completed text 52360\n", + "Completed text 52361\n", + "Completed text 52362\n", + "Completed text 52363\n", + "Completed text 52364\n", + "Completed text 52365\n", + "Completed text 52366\n", + "Completed text 52367\n", + "Completed text 52368\n", + "Completed text 52369\n", + "Completed text 52370\n", + "Completed text 52371\n", + "Completed text 52372\n", + "Completed text 52373\n", + "Completed text 52374\n", + "Completed text 52375\n", + "Completed text 52376\n", + "Completed text 52377\n", + "Completed text 52378\n", + "Completed text 52379\n", + "Completed text 52380\n", + "Completed text 52381\n", + "Completed text 52382\n", + "Completed text 52383\n", + "Completed text 52384\n", + "Completed text 52385\n", + "Completed text 52386\n", + "Completed text 52387\n", + "Completed text 52388\n", + "Completed text 52389\n", + "Completed text 52390\n", + "Completed text 52391\n", + "Completed text 52392\n", + "Completed text 52393\n", + "Completed text 52394\n", + "Completed text 52395\n", + "Completed text 52396\n", + "Completed text 52397\n", + "Completed text 52398\n", + "Completed text 52399\n", + "Completed text 52400\n", + "Completed text 52401\n", + "Completed text 52402\n", + "Completed text 52403\n", + "Completed text 52404\n", + "Completed text 52405\n", + "Completed text 52406\n", + "Completed text 52407\n", + "Completed text 52408\n", + "Completed text 52409\n", + "Completed text 52410\n", + "Completed text 52411\n", + "Completed text 52412\n", + "Completed text 52413\n", + "Completed text 52414\n", + "Completed text 52415\n", + "Completed text 52416\n", + "Completed text 52417\n", + "Completed text 52418\n", + "Completed text 52419\n", + "Completed text 52420\n", + "Completed text 52421\n", + "Completed text 52422\n", + "Completed text 52423\n", + "Completed text 52424\n", + "Completed text 52425\n", + "Completed text 52426\n", + "Completed text 52427\n", + "Completed text 52428\n", + "Completed text 52429\n", + "Completed text 52430\n", + "Completed text 52431\n", + "Completed text 52432\n", + "Completed text 52433\n", + "Completed text 52434\n", + "Completed text 52435\n", + "Completed text 52436\n", + "Completed text 52437\n", + "Completed text 52438\n", + "Completed text 52439\n", + "Completed text 52440\n", + "Completed text 52441\n", + "Completed text 52442\n", + "Completed text 52443\n", + "Completed text 52444\n", + "Completed text 52445\n", + "Completed text 52446\n", + "Completed text 52447\n", + "Completed text 52448\n", + "Completed text 52449\n", + "Completed text 52450\n", + "Completed text 52451\n", + "Completed text 52452\n", + "Completed text 52453\n", + "Completed text 52454\n", + "Completed text 52455\n", + "Completed text 52456\n", + "Completed text 52457\n", + "Completed text 52458\n", + "Completed text 52459\n", + "Completed text 52460\n", + "Completed text 52461\n", + "Completed text 52462\n", + "Completed text 52463\n", + "Completed text 52464\n", + "Completed text 52465\n", + "Completed text 52466\n", + "Completed text 52467\n", + "Completed text 52468\n", + "Completed text 52469\n", + "Completed text 52470\n", + "Completed text 52471\n", + "Completed text 52472\n", + "Completed text 52473\n", + "Completed text 52474\n", + "Completed text 52475\n", + "Completed text 52476\n", + "Completed text 52477\n", + "Completed text 52478\n", + "Completed text 52479\n", + "Completed text 52480\n", + "Completed text 52481\n", + "Completed text 52482\n", + "Completed text 52483\n", + "Completed text 52484\n", + "Completed text 52485\n", + "Completed text 52486\n", + "Completed text 52487\n", + "Completed text 52488\n", + "Completed text 52489\n", + "Completed text 52490\n", + "Completed text 52491\n", + "Completed text 52492\n", + "Completed text 52493\n", + "Completed text 52494\n", + "Completed text 52495\n", + "Completed text 52496\n", + "Completed text 52497\n", + "Completed text 52498\n", + "Completed text 52499\n", + "Completed text 52500\n", + "Completed text 52501\n", + "Completed text 52502\n", + "Completed text 52503\n", + "Completed text 52504\n", + "Completed text 52505\n", + "Completed text 52506\n", + "Completed text 52507\n", + "Completed text 52508\n", + "Completed text 52509\n", + "Completed text 52510\n", + "Completed text 52511\n", + "Completed text 52512\n", + "Completed text 52513\n", + "Completed text 52514\n", + "Completed text 52515\n", + "Completed text 52516\n", + "Completed text 52517\n", + "Completed text 52518\n", + "Completed text 52519\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 52520\n", + "Completed text 52521\n", + "Completed text 52522\n", + "Completed text 52523\n", + "Completed text 52524\n", + "Completed text 52525\n", + "Completed text 52526\n", + "Completed text 52527\n", + "Completed text 52528\n", + "Completed text 52529\n", + "Completed text 52530\n", + "Completed text 52531\n", + "Completed text 52532\n", + "Completed text 52533\n", + "Completed text 52534\n", + "Completed text 52535\n", + "Completed text 52536\n", + "Completed text 52537\n", + "Completed text 52538\n", + "Completed text 52539\n", + "Completed text 52540\n", + "Completed text 52541\n", + "Completed text 52542\n", + "Completed text 52543\n", + "Completed text 52544\n", + "Completed text 52545\n", + "Completed text 52546\n", + "Completed text 52547\n", + "Completed text 52548\n", + "Completed text 52549\n", + "Completed text 52550\n", + "Completed text 52551\n", + "Completed text 52552\n", + "Completed text 52553\n", + "Completed text 52554\n", + "Completed text 52555\n", + "Completed text 52556\n", + "Completed text 52557\n", + "Completed text 52558\n", + "Completed text 52559\n", + "Completed text 52560\n", + "Completed text 52561\n", + "Completed text 52562\n", + "Completed text 52563\n", + "Completed text 52564\n", + "Completed text 52565\n", + "Completed text 52566\n", + "Completed text 52567\n", + "Completed text 52568\n", + "Completed text 52569\n", + "Completed text 52570\n", + "Completed text 52571\n", + "Completed text 52572\n", + "Completed text 52573\n", + "Completed text 52574\n", + "Completed text 52575\n", + "Completed text 52576\n", + "Completed text 52577\n", + "Completed text 52578\n", + "Completed text 52579\n", + "Completed text 52580\n", + "Completed text 52581\n", + "Completed text 52582\n", + "Completed text 52583\n", + "Completed text 52584\n", + "Completed text 52585\n", + "Completed text 52586\n", + "Completed text 52587\n", + "Completed text 52588\n", + "Completed text 52589\n", + "Completed text 52590\n", + "Completed text 52591\n", + "Completed text 52592\n", + "Completed text 52593\n", + "Completed text 52594\n", + "Completed text 52595\n", + "Completed text 52596\n", + "Completed text 52597\n", + "Completed text 52598\n", + "Completed text 52599\n", + "Completed text 52600\n", + "Completed text 52601\n", + "Completed text 52602\n", + "Completed text 52603\n", + "Completed text 52604\n", + "Completed text 52605\n", + "Completed text 52606\n", + "Completed text 52607\n", + "Completed text 52608\n", + "Completed text 52609\n", + "Completed text 52610\n", + "Completed text 52611\n", + "Completed text 52612\n", + "Completed text 52613\n", + "Completed text 52614\n", + "Completed text 52615\n", + "Completed text 52616\n", + "Completed text 52617\n", + "Completed text 52618\n", + "Completed text 52619\n", + "Completed text 52620\n", + "Completed text 52621\n", + "Completed text 52622\n", + "Completed text 52623\n", + "Completed text 52624\n", + "Completed text 52625\n", + "Completed text 52626\n", + "Completed text 52627\n", + "Completed text 52628\n", + "Completed text 52629\n", + "Completed text 52630\n", + "Completed text 52631\n", + "Completed text 52632\n", + "Completed text 52633\n", + "Completed text 52634\n", + "Completed text 52635\n", + "Completed text 52636\n", + "Completed text 52637\n", + "Completed text 52638\n", + "Completed text 52639\n", + "Completed text 52640\n", + "Completed text 52641\n", + "Completed text 52642\n", + "Completed text 52643\n", + "Completed text 52644\n", + "Completed text 52645\n", + "Completed text 52646\n", + "Completed text 52647\n", + "Completed text 52648\n", + "Completed text 52649\n", + "Completed text 52650\n", + "Completed text 52651\n", + "Completed text 52652\n", + "Completed text 52653\n", + "Completed text 52654\n", + "Completed text 52655\n", + "Completed text 52656\n", + "Completed text 52657\n", + "Completed text 52658\n", + "Completed text 52659\n", + "Completed text 52660\n", + "Completed text 52661\n", + "Completed text 52662\n", + "Completed text 52663\n", + "Completed text 52664\n", + "Completed text 52665\n", + "Completed text 52666\n", + "Completed text 52667\n", + "Completed text 52668\n", + "Completed text 52669\n", + "Completed text 52670\n", + "Completed text 52671\n", + "Completed text 52672\n", + "Completed text 52673\n", + "Completed text 52674\n", + "Completed text 52675\n", + "Completed text 52676\n", + "Completed text 52677\n", + "Completed text 52678\n", + "Completed text 52679\n", + "Completed text 52680\n", + "Completed text 52681\n", + "Completed text 52682\n", + "Completed text 52683\n", + "Completed text 52684\n", + "Completed text 52685\n", + "Completed text 52686\n", + "Completed text 52687\n", + "Completed text 52688\n", + "Completed text 52689\n", + "Completed text 52690\n", + "Completed text 52691\n", + "Completed text 52692\n", + "Completed text 52693\n", + "Completed text 52694\n", + "Completed text 52695\n", + "Completed text 52696\n", + "Completed text 52697\n", + "Completed text 52698\n", + "Completed text 52699\n", + "Completed text 52700\n", + "Completed text 52701\n", + "Completed text 52702\n", + "Completed text 52703\n", + "Completed text 52704\n", + "Completed text 52705\n", + "Completed text 52706\n", + "Completed text 52707\n", + "Completed text 52708\n", + "Completed text 52709\n", + "Completed text 52710\n", + "Completed text 52711\n", + "Completed text 52712\n", + "Completed text 52713\n", + "Completed text 52714\n", + "Completed text 52715\n", + "Completed text 52716\n", + "Completed text 52717\n", + "Completed text 52718\n", + "Completed text 52719\n", + "Completed text 52720\n", + "Completed text 52721\n", + "Completed text 52722\n", + "Completed text 52723\n", + "Completed text 52724\n", + "Completed text 52725\n", + "Completed text 52726\n", + "Completed text 52727\n", + "Completed text 52728\n", + "Completed text 52729\n", + "Completed text 52730\n", + "Completed text 52731\n", + "Completed text 52732\n", + "Completed text 52733\n", + "Completed text 52734\n", + "Completed text 52735\n", + "Completed text 52736\n", + "Completed text 52737\n", + "Completed text 52738\n", + "Completed text 52739\n", + "Completed text 52740\n", + "Completed text 52741\n", + "Completed text 52742\n", + "Completed text 52743\n", + "Completed text 52744\n", + "Completed text 52745\n", + "Completed text 52746\n", + "Completed text 52747\n", + "Completed text 52748\n", + "Completed text 52749\n", + "Completed text 52750\n", + "Completed text 52751\n", + "Completed text 52752\n", + "Completed text 52753\n", + "Completed text 52754\n", + "Completed text 52755\n", + "Completed text 52756\n", + "Completed text 52757\n", + "Completed text 52758\n", + "Completed text 52759\n", + "Completed text 52760\n", + "Completed text 52761\n", + "Completed text 52762\n", + "Completed text 52763\n", + "Completed text 52764\n", + "Completed text 52765\n", + "Completed text 52766\n", + "Completed text 52767\n", + "Completed text 52768\n", + "Completed text 52769\n", + "Completed text 52770\n", + "Completed text 52771\n", + "Completed text 52772\n", + "Completed text 52773\n", + "Completed text 52774\n", + "Completed text 52775\n", + "Completed text 52776\n", + "Completed text 52777\n", + "Completed text 52778\n", + "Completed text 52779\n", + "Completed text 52780\n", + "Completed text 52781\n", + "Completed text 52782\n", + "Completed text 52783\n", + "Completed text 52784\n", + "Completed text 52785\n", + "Completed text 52786\n", + "Completed text 52787\n", + "Completed text 52788\n", + "Completed text 52789\n", + "Completed text 52790\n", + "Completed text 52791\n", + "Completed text 52792\n", + "Completed text 52793\n", + "Completed text 52794\n", + "Completed text 52795\n", + "Completed text 52796\n", + "Completed text 52797\n", + "Completed text 52798\n", + "Completed text 52799\n", + "Completed text 52800\n", + "Completed text 52801\n", + "Completed text 52802\n", + "Completed text 52803\n", + "Completed text 52804\n", + "Completed text 52805\n", + "Completed text 52806\n", + "Completed text 52807\n", + "Completed text 52808\n", + "Completed text 52809\n", + "Completed text 52810\n", + "Completed text 52811\n", + "Completed text 52812\n", + "Completed text 52813\n", + "Completed text 52814\n", + "Completed text 52815\n", + "Completed text 52816\n", + "Completed text 52817\n", + "Completed text 52818\n", + "Completed text 52819\n", + "Completed text 52820\n", + "Completed text 52821\n", + "Completed text 52822\n", + "Completed text 52823\n", + "Completed text 52824\n", + "Completed text 52825\n", + "Completed text 52826\n", + "Completed text 52827\n", + "Completed text 52828\n", + "Completed text 52829\n", + "Completed text 52830\n", + "Completed text 52831\n", + "Completed text 52832\n", + "Completed text 52833\n", + "Completed text 52834\n", + "Completed text 52835\n", + "Completed text 52836\n", + "Completed text 52837\n", + "Completed text 52838\n", + "Completed text 52839\n", + "Completed text 52840\n", + "Completed text 52841\n", + "Completed text 52842\n", + "Completed text 52843\n", + "Completed text 52844\n", + "Completed text 52845\n", + "Completed text 52846\n", + "Completed text 52847\n", + "Completed text 52848\n", + "Completed text 52849\n", + "Completed text 52850\n", + "Completed text 52851\n", + "Completed text 52852\n", + "Completed text 52853\n", + "Completed text 52854\n", + "Completed text 52855\n", + "Completed text 52856\n", + "Completed text 52857\n", + "Completed text 52858\n", + "Completed text 52859\n", + "Completed text 52860\n", + "Completed text 52861\n", + "Completed text 52862\n", + "Completed text 52863\n", + "Completed text 52864\n", + "Completed text 52865\n", + "Completed text 52866\n", + "Completed text 52867\n", + "Completed text 52868\n", + "Completed text 52869\n", + "Completed text 52870\n", + "Completed text 52871\n", + "Completed text 52872\n", + "Completed text 52873\n", + "Completed text 52874\n", + "Completed text 52875\n", + "Completed text 52876\n", + "Completed text 52877\n", + "Completed text 52878\n", + "Completed text 52879\n", + "Completed text 52880\n", + "Completed text 52881\n", + "Completed text 52882\n", + "Completed text 52883\n", + "Completed text 52884\n", + "Completed text 52885\n", + "Completed text 52886\n", + "Completed text 52887\n", + "Completed text 52888\n", + "Completed text 52889\n", + "Completed text 52890\n", + "Completed text 52891\n", + "Completed text 52892\n", + "Completed text 52893\n", + "Completed text 52894\n", + "Completed text 52895\n", + "Completed text 52896\n", + "Completed text 52897\n", + "Completed text 52898\n", + "Completed text 52899\n", + "Completed text 52900\n", + "Completed text 52901\n", + "Completed text 52902\n", + "Completed text 52903\n", + "Completed text 52904\n", + "Completed text 52905\n", + "Completed text 52906\n", + "Completed text 52907\n", + "Completed text 52908\n", + "Completed text 52909\n", + "Completed text 52910\n", + "Completed text 52911\n", + "Completed text 52912\n", + "Completed text 52913\n", + "Completed text 52914\n", + "Completed text 52915\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 52916\n", + "Completed text 52917\n", + "Completed text 52918\n", + "Completed text 52919\n", + "Completed text 52920\n", + "Completed text 52921\n", + "Completed text 52922\n", + "Completed text 52923\n", + "Completed text 52924\n", + "Completed text 52925\n", + "Completed text 52926\n", + "Completed text 52927\n", + "Completed text 52928\n", + "Completed text 52929\n", + "Completed text 52930\n", + "Completed text 52931\n", + "Completed text 52932\n", + "Completed text 52933\n", + "Completed text 52934\n", + "Completed text 52935\n", + "Completed text 52936\n", + "Completed text 52937\n", + "Completed text 52938\n", + "Completed text 52939\n", + "Completed text 52940\n", + "Completed text 52941\n", + "Completed text 52942\n", + "Completed text 52943\n", + "Completed text 52944\n", + "Completed text 52945\n", + "Completed text 52946\n", + "Completed text 52947\n", + "Completed text 52948\n", + "Completed text 52949\n", + "Completed text 52950\n", + "Completed text 52951\n", + "Completed text 52952\n", + "Completed text 52953\n", + "Completed text 52954\n", + "Completed text 52955\n", + "Completed text 52956\n", + "Completed text 52957\n", + "Completed text 52958\n", + "Completed text 52959\n", + "Completed text 52960\n", + "Completed text 52961\n", + "Completed text 52962\n", + "Completed text 52963\n", + "Completed text 52964\n", + "Completed text 52965\n", + "Completed text 52966\n", + "Completed text 52967\n", + "Completed text 52968\n", + "Completed text 52969\n", + "Completed text 52970\n", + "Completed text 52971\n", + "Completed text 52972\n", + "Completed text 52973\n", + "Completed text 52974\n", + "Completed text 52975\n", + "Completed text 52976\n", + "Completed text 52977\n", + "Completed text 52978\n", + "Completed text 52979\n", + "Completed text 52980\n", + "Completed text 52981\n", + "Completed text 52982\n", + "Completed text 52983\n", + "Completed text 52984\n", + "Completed text 52985\n", + "Completed text 52986\n", + "Completed text 52987\n", + "Completed text 52988\n", + "Completed text 52989\n", + "Completed text 52990\n", + "Completed text 52991\n", + "Completed text 52992\n", + "Completed text 52993\n", + "Completed text 52994\n", + "Completed text 52995\n", + "Completed text 52996\n", + "Completed text 52997\n", + "Completed text 52998\n", + "Completed text 52999\n", + "Completed text 53000\n", + "Completed text 53001\n", + "Completed text 53002\n", + "Completed text 53003\n", + "Completed text 53004\n", + "Completed text 53005\n", + "Completed text 53006\n", + "Completed text 53007\n", + "Completed text 53008\n", + "Completed text 53009\n", + "Completed text 53010\n", + "Completed text 53011\n", + "Completed text 53012\n", + "Completed text 53013\n", + "Completed text 53014\n", + "Completed text 53015\n", + "Completed text 53016\n", + "Completed text 53017\n", + "Completed text 53018\n", + "Completed text 53019\n", + "Completed text 53020\n", + "Completed text 53021\n", + "Completed text 53022\n", + "Completed text 53023\n", + "Completed text 53024\n", + "Completed text 53025\n", + "Completed text 53026\n", + "Completed text 53027\n", + "Completed text 53028\n", + "Completed text 53029\n", + "Completed text 53030\n", + "Completed text 53031\n", + "Completed text 53032\n", + "Completed text 53033\n", + "Completed text 53034\n", + "Completed text 53035\n", + "Completed text 53036\n", + "Completed text 53037\n", + "Completed text 53038\n", + "Completed text 53039\n", + "Completed text 53040\n", + "Completed text 53041\n", + "Completed text 53042\n", + "Completed text 53043\n", + "Completed text 53044\n", + "Completed text 53045\n", + "Completed text 53046\n", + "Completed text 53047\n", + "Completed text 53048\n", + "Completed text 53049\n", + "Completed text 53050\n", + "Completed text 53051\n", + "Completed text 53052\n", + "Completed text 53053\n", + "Completed text 53054\n", + "Completed text 53055\n", + "Completed text 53056\n", + "Completed text 53057\n", + "Completed text 53058\n", + "Completed text 53059\n", + "Completed text 53060\n", + "Completed text 53061\n", + "Completed text 53062\n", + "Completed text 53063\n", + "Completed text 53064\n", + "Completed text 53065\n", + "Completed text 53066\n", + "Completed text 53067\n", + "Completed text 53068\n", + "Completed text 53069\n", + "Completed text 53070\n", + "Completed text 53071\n", + "Completed text 53072\n", + "Completed text 53073\n", + "Completed text 53074\n", + "Completed text 53075\n", + "Completed text 53076\n", + "Completed text 53077\n", + "Completed text 53078\n", + "Completed text 53079\n", + "Completed text 53080\n", + "Completed text 53081\n", + "Completed text 53082\n", + "Completed text 53083\n", + "Completed text 53084\n", + "Completed text 53085\n", + "Completed text 53086\n", + "Completed text 53087\n", + "Completed text 53088\n", + "Completed text 53089\n", + "Completed text 53090\n", + "Completed text 53091\n", + "Completed text 53092\n", + "Completed text 53093\n", + "Completed text 53094\n", + "Completed text 53095\n", + "Completed text 53096\n", + "Completed text 53097\n", + "Completed text 53098\n", + "Completed text 53099\n", + "Completed text 53100\n", + "Completed text 53101\n", + "Completed text 53102\n", + "Completed text 53103\n", + "Completed text 53104\n", + "Completed text 53105\n", + "Completed text 53106\n", + "Completed text 53107\n", + "Completed text 53108\n", + "Completed text 53109\n", + "Completed text 53110\n", + "Completed text 53111\n", + "Completed text 53112\n", + "Completed text 53113\n", + "Completed text 53114\n", + "Completed text 53115\n", + "Completed text 53116\n", + "Completed text 53117\n", + "Completed text 53118\n", + "Completed text 53119\n", + "Completed text 53120\n", + "Completed text 53121\n", + "Completed text 53122\n", + "Completed text 53123\n", + "Completed text 53124\n", + "Completed text 53125\n", + "Completed text 53126\n", + "Completed text 53127\n", + "Completed text 53128\n", + "Completed text 53129\n", + "Completed text 53130\n", + "Completed text 53131\n", + "Completed text 53132\n", + "Completed text 53133\n", + "Completed text 53134\n", + "Completed text 53135\n", + "Completed text 53136\n", + "Completed text 53137\n", + "Completed text 53138\n", + "Completed text 53139\n", + "Completed text 53140\n", + "Completed text 53141\n", + "Completed text 53142\n", + "Completed text 53143\n", + "Completed text 53144\n", + "Completed text 53145\n", + "Completed text 53146\n", + "Completed text 53147\n", + "Completed text 53148\n", + "Completed text 53149\n", + "Completed text 53150\n", + "Completed text 53151\n", + "Completed text 53152\n", + "Completed text 53153\n", + "Completed text 53154\n", + "Completed text 53155\n", + "Completed text 53156\n", + "Completed text 53157\n", + "Completed text 53158\n", + "Completed text 53159\n", + "Completed text 53160\n", + "Completed text 53161\n", + "Completed text 53162\n", + "Completed text 53163\n", + "Completed text 53164\n", + "Completed text 53165\n", + "Completed text 53166\n", + "Completed text 53167\n", + "Completed text 53168\n", + "Completed text 53169\n", + "Completed text 53170\n", + "Completed text 53171\n", + "Completed text 53172\n", + "Completed text 53173\n", + "Completed text 53174\n", + "Completed text 53175\n", + "Completed text 53176\n", + "Completed text 53177\n", + "Completed text 53178\n", + "Completed text 53179\n", + "Completed text 53180\n", + "Completed text 53181\n", + "Completed text 53182\n", + "Completed text 53183\n", + "Completed text 53184\n", + "Completed text 53185\n", + "Completed text 53186\n", + "Completed text 53187\n", + "Completed text 53188\n", + "Completed text 53189\n", + "Completed text 53190\n", + "Completed text 53191\n", + "Completed text 53192\n", + "Completed text 53193\n", + "Completed text 53194\n", + "Completed text 53195\n", + "Completed text 53196\n", + "Completed text 53197\n", + "Completed text 53198\n", + "Completed text 53199\n", + "Completed text 53200\n", + "Completed text 53201\n", + "Completed text 53202\n", + "Completed text 53203\n", + "Completed text 53204\n", + "Completed text 53205\n", + "Completed text 53206\n", + "Completed text 53207\n", + "Completed text 53208\n", + "Completed text 53209\n", + "Completed text 53210\n", + "Completed text 53211\n", + "Completed text 53212\n", + "Completed text 53213\n", + "Completed text 53214\n", + "Completed text 53215\n", + "Completed text 53216\n", + "Completed text 53217\n", + "Completed text 53218\n", + "Completed text 53219\n", + "Completed text 53220\n", + "Completed text 53221\n", + "Completed text 53222\n", + "Completed text 53223\n", + "Completed text 53224\n", + "Completed text 53225\n", + "Completed text 53226\n", + "Completed text 53227\n", + "Completed text 53228\n", + "Completed text 53229\n", + "Completed text 53230\n", + "Completed text 53231\n", + "Completed text 53232\n", + "Completed text 53233\n", + "Completed text 53234\n", + "Completed text 53235\n", + "Completed text 53236\n", + "Completed text 53237\n", + "Completed text 53238\n", + "Completed text 53239\n", + "Completed text 53240\n", + "Completed text 53241\n", + "Completed text 53242\n", + "Completed text 53243\n", + "Completed text 53244\n", + "Completed text 53245\n", + "Completed text 53246\n", + "Completed text 53247\n", + "Completed text 53248\n", + "Completed text 53249\n", + "Completed text 53250\n", + "Completed text 53251\n", + "Completed text 53252\n", + "Completed text 53253\n", + "Completed text 53254\n", + "Completed text 53255\n", + "Completed text 53256\n", + "Completed text 53257\n", + "Completed text 53258\n", + "Completed text 53259\n", + "Completed text 53260\n", + "Completed text 53261\n", + "Completed text 53262\n", + "Completed text 53263\n", + "Completed text 53264\n", + "Completed text 53265\n", + "Completed text 53266\n", + "Completed text 53267\n", + "Completed text 53268\n", + "Completed text 53269\n", + "Completed text 53270\n", + "Completed text 53271\n", + "Completed text 53272\n", + "Completed text 53273\n", + "Completed text 53274\n", + "Completed text 53275\n", + "Completed text 53276\n", + "Completed text 53277\n", + "Completed text 53278\n", + "Completed text 53279\n", + "Completed text 53280\n", + "Completed text 53281\n", + "Completed text 53282\n", + "Completed text 53283\n", + "Completed text 53284\n", + "Completed text 53285\n", + "Completed text 53286\n", + "Completed text 53287\n", + "Completed text 53288\n", + "Completed text 53289\n", + "Completed text 53290\n", + "Completed text 53291\n", + "Completed text 53292\n", + "Completed text 53293\n", + "Completed text 53294\n", + "Completed text 53295\n", + "Completed text 53296\n", + "Completed text 53297\n", + "Completed text 53298\n", + "Completed text 53299\n", + "Completed text 53300\n", + "Completed text 53301\n", + "Completed text 53302\n", + "Completed text 53303\n", + "Completed text 53304\n", + "Completed text 53305\n", + "Completed text 53306\n", + "Completed text 53307\n", + "Completed text 53308\n", + "Completed text 53309\n", + "Completed text 53310\n", + "Completed text 53311\n", + "Completed text 53312\n", + "Completed text 53313\n", + "Completed text 53314\n", + "Completed text 53315\n", + "Completed text 53316\n", + "Completed text 53317\n", + "Completed text 53318\n", + "Completed text 53319\n", + "Completed text 53320\n", + "Completed text 53321\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 53322\n", + "Completed text 53323\n", + "Completed text 53324\n", + "Completed text 53325\n", + "Completed text 53326\n", + "Completed text 53327\n", + "Completed text 53328\n", + "Completed text 53329\n", + "Completed text 53330\n", + "Completed text 53331\n", + "Completed text 53332\n", + "Completed text 53333\n", + "Completed text 53334\n", + "Completed text 53335\n", + "Completed text 53336\n", + "Completed text 53337\n", + "Completed text 53338\n", + "Completed text 53339\n", + "Completed text 53340\n", + "Completed text 53341\n", + "Completed text 53342\n", + "Completed text 53343\n", + "Completed text 53344\n", + "Completed text 53345\n", + "Completed text 53346\n", + "Completed text 53347\n", + "Completed text 53348\n", + "Completed text 53349\n", + "Completed text 53350\n", + "Completed text 53351\n", + "Completed text 53352\n", + "Completed text 53353\n", + "Completed text 53354\n", + "Completed text 53355\n", + "Completed text 53356\n", + "Completed text 53357\n", + "Completed text 53358\n", + "Completed text 53359\n", + "Completed text 53360\n", + "Completed text 53361\n", + "Completed text 53362\n", + "Completed text 53363\n", + "Completed text 53364\n", + "Completed text 53365\n", + "Completed text 53366\n", + "Completed text 53367\n", + "Completed text 53368\n", + "Completed text 53369\n", + "Completed text 53370\n", + "Completed text 53371\n", + "Completed text 53372\n", + "Completed text 53373\n", + "Completed text 53374\n", + "Completed text 53375\n", + "Completed text 53376\n", + "Completed text 53377\n", + "Completed text 53378\n", + "Completed text 53379\n", + "Completed text 53380\n", + "Completed text 53381\n", + "Completed text 53382\n", + "Completed text 53383\n", + "Completed text 53384\n", + "Completed text 53385\n", + "Completed text 53386\n", + "Completed text 53387\n", + "Completed text 53388\n", + "Completed text 53389\n", + "Completed text 53390\n", + "Completed text 53391\n", + "Completed text 53392\n", + "Completed text 53393\n", + "Completed text 53394\n", + "Completed text 53395\n", + "Completed text 53396\n", + "Completed text 53397\n", + "Completed text 53398\n", + "Completed text 53399\n", + "Completed text 53400\n", + "Completed text 53401\n", + "Completed text 53402\n", + "Completed text 53403\n", + "Completed text 53404\n", + "Completed text 53405\n", + "Completed text 53406\n", + "Completed text 53407\n", + "Completed text 53408\n", + "Completed text 53409\n", + "Completed text 53410\n", + "Completed text 53411\n", + "Completed text 53412\n", + "Completed text 53413\n", + "Completed text 53414\n", + "Completed text 53415\n", + "Completed text 53416\n", + "Completed text 53417\n", + "Completed text 53418\n", + "Completed text 53419\n", + "Completed text 53420\n", + "Completed text 53421\n", + "Completed text 53422\n", + "Completed text 53423\n", + "Completed text 53424\n", + "Completed text 53425\n", + "Completed text 53426\n", + "Completed text 53427\n", + "Completed text 53428\n", + "Completed text 53429\n", + "Completed text 53430\n", + "Completed text 53431\n", + "Completed text 53432\n", + "Completed text 53433\n", + "Completed text 53434\n", + "Completed text 53435\n", + "Completed text 53436\n", + "Completed text 53437\n", + "Completed text 53438\n", + "Completed text 53439\n", + "Completed text 53440\n", + "Completed text 53441\n", + "Completed text 53442\n", + "Completed text 53443\n", + "Completed text 53444\n", + "Completed text 53445\n", + "Completed text 53446\n", + "Completed text 53447\n", + "Completed text 53448\n", + "Completed text 53449\n", + "Completed text 53450\n", + "Completed text 53451\n", + "Completed text 53452\n", + "Completed text 53453\n", + "Completed text 53454\n", + "Completed text 53455\n", + "Completed text 53456\n", + "Completed text 53457\n", + "Completed text 53458\n", + "Completed text 53459\n", + "Completed text 53460\n", + "Completed text 53461\n", + "Completed text 53462\n", + "Completed text 53463\n", + "Completed text 53464\n", + "Completed text 53465\n", + "Completed text 53466\n", + "Completed text 53467\n", + "Completed text 53468\n", + "Completed text 53469\n", + "Completed text 53470\n", + "Completed text 53471\n", + "Completed text 53472\n", + "Completed text 53473\n", + "Completed text 53474\n", + "Completed text 53475\n", + "Completed text 53476\n", + "Completed text 53477\n", + "Completed text 53478\n", + "Completed text 53479\n", + "Completed text 53480\n", + "Completed text 53481\n", + "Completed text 53482\n", + "Completed text 53483\n", + "Completed text 53484\n", + "Completed text 53485\n", + "Completed text 53486\n", + "Completed text 53487\n", + "Completed text 53488\n", + "Completed text 53489\n", + "Completed text 53490\n", + "Completed text 53491\n", + "Completed text 53492\n", + "Completed text 53493\n", + "Completed text 53494\n", + "Completed text 53495\n", + "Completed text 53496\n", + "Completed text 53497\n", + "Completed text 53498\n", + "Completed text 53499\n", + "Completed text 53500\n", + "Completed text 53501\n", + "Completed text 53502\n", + "Completed text 53503\n", + "Completed text 53504\n", + "Completed text 53505\n", + "Completed text 53506\n", + "Completed text 53507\n", + "Completed text 53508\n", + "Completed text 53509\n", + "Completed text 53510\n", + "Completed text 53511\n", + "Completed text 53512\n", + "Completed text 53513\n", + "Completed text 53514\n", + "Completed text 53515\n", + "Completed text 53516\n", + "Completed text 53517\n", + "Completed text 53518\n", + "Completed text 53519\n", + "Completed text 53520\n", + "Completed text 53521\n", + "Completed text 53522\n", + "Completed text 53523\n", + "Completed text 53524\n", + "Completed text 53525\n", + "Completed text 53526\n", + "Completed text 53527\n", + "Completed text 53528\n", + "Completed text 53529\n", + "Completed text 53530\n", + "Completed text 53531\n", + "Completed text 53532\n", + "Completed text 53533\n", + "Completed text 53534\n", + "Completed text 53535\n", + "Completed text 53536\n", + "Completed text 53537\n", + "Completed text 53538\n", + "Completed text 53539\n", + "Completed text 53540\n", + "Completed text 53541\n", + "Completed text 53542\n", + "Completed text 53543\n", + "Completed text 53544\n", + "Completed text 53545\n", + "Completed text 53546\n", + "Completed text 53547\n", + "Completed text 53548\n", + "Completed text 53549\n", + "Completed text 53550\n", + "Completed text 53551\n", + "Completed text 53552\n", + "Completed text 53553\n", + "Completed text 53554\n", + "Completed text 53555\n", + "Completed text 53556\n", + "Completed text 53557\n", + "Completed text 53558\n", + "Completed text 53559\n", + "Completed text 53560\n", + "Completed text 53561\n", + "Completed text 53562\n", + "Completed text 53563\n", + "Completed text 53564\n", + "Completed text 53565\n", + "Completed text 53566\n", + "Completed text 53567\n", + "Completed text 53568\n", + "Completed text 53569\n", + "Completed text 53570\n", + "Completed text 53571\n", + "Completed text 53572\n", + "Completed text 53573\n", + "Completed text 53574\n", + "Completed text 53575\n", + "Completed text 53576\n", + "Completed text 53577\n", + "Completed text 53578\n", + "Completed text 53579\n", + "Completed text 53580\n", + "Completed text 53581\n", + "Completed text 53582\n", + "Completed text 53583\n", + "Completed text 53584\n", + "Completed text 53585\n", + "Completed text 53586\n", + "Completed text 53587\n", + "Completed text 53588\n", + "Completed text 53589\n", + "Completed text 53590\n", + "Completed text 53591\n", + "Completed text 53592\n", + "Completed text 53593\n", + "Completed text 53594\n", + "Completed text 53595\n", + "Completed text 53596\n", + "Completed text 53597\n", + "Completed text 53598\n", + "Completed text 53599\n", + "Completed text 53600\n", + "Completed text 53601\n", + "Completed text 53602\n", + "Completed text 53603\n", + "Completed text 53604\n", + "Completed text 53605\n", + "Completed text 53606\n", + "Completed text 53607\n", + "Completed text 53608\n", + "Completed text 53609\n", + "Completed text 53610\n", + "Completed text 53611\n", + "Completed text 53612\n", + "Completed text 53613\n", + "Completed text 53614\n", + "Completed text 53615\n", + "Completed text 53616\n", + "Completed text 53617\n", + "Completed text 53618\n", + "Completed text 53619\n", + "Completed text 53620\n", + "Completed text 53621\n", + "Completed text 53622\n", + "Completed text 53623\n", + "Completed text 53624\n", + "Completed text 53625\n", + "Completed text 53626\n", + "Completed text 53627\n", + "Completed text 53628\n", + "Completed text 53629\n", + "Completed text 53630\n", + "Completed text 53631\n", + "Completed text 53632\n", + "Completed text 53633\n", + "Completed text 53634\n", + "Completed text 53635\n", + "Completed text 53636\n", + "Completed text 53637\n", + "Completed text 53638\n", + "Completed text 53639\n", + "Completed text 53640\n", + "Completed text 53641\n", + "Completed text 53642\n", + "Completed text 53643\n", + "Completed text 53644\n", + "Completed text 53645\n", + "Completed text 53646\n", + "Completed text 53647\n", + "Completed text 53648\n", + "Completed text 53649\n", + "Completed text 53650\n", + "Completed text 53651\n", + "Completed text 53652\n", + "Completed text 53653\n", + "Completed text 53654\n", + "Completed text 53655\n", + "Completed text 53656\n", + "Completed text 53657\n", + "Completed text 53658\n", + "Completed text 53659\n", + "Completed text 53660\n", + "Completed text 53661\n", + "Completed text 53662\n", + "Completed text 53663\n", + "Completed text 53664\n", + "Completed text 53665\n", + "Completed text 53666\n", + "Completed text 53667\n", + "Completed text 53668\n", + "Completed text 53669\n", + "Completed text 53670\n", + "Completed text 53671\n", + "Completed text 53672\n", + "Completed text 53673\n", + "Completed text 53674\n", + "Completed text 53675\n", + "Completed text 53676\n", + "Completed text 53677\n", + "Completed text 53678\n", + "Completed text 53679\n", + "Completed text 53680\n", + "Completed text 53681\n", + "Completed text 53682\n", + "Completed text 53683\n", + "Completed text 53684\n", + "Completed text 53685\n", + "Completed text 53686\n", + "Completed text 53687\n", + "Completed text 53688\n", + "Completed text 53689\n", + "Completed text 53690\n", + "Completed text 53691\n", + "Completed text 53692\n", + "Completed text 53693\n", + "Completed text 53694\n", + "Completed text 53695\n", + "Completed text 53696\n", + "Completed text 53697\n", + "Completed text 53698\n", + "Completed text 53699\n", + "Completed text 53700\n", + "Completed text 53701\n", + "Completed text 53702\n", + "Completed text 53703\n", + "Completed text 53704\n", + "Completed text 53705\n", + "Completed text 53706\n", + "Completed text 53707\n", + "Completed text 53708\n", + "Completed text 53709\n", + "Completed text 53710\n", + "Completed text 53711\n", + "Completed text 53712\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 53713\n", + "Completed text 53714\n", + "Completed text 53715\n", + "Completed text 53716\n", + "Completed text 53717\n", + "Completed text 53718\n", + "Completed text 53719\n", + "Completed text 53720\n", + "Completed text 53721\n", + "Completed text 53722\n", + "Completed text 53723\n", + "Completed text 53724\n", + "Completed text 53725\n", + "Completed text 53726\n", + "Completed text 53727\n", + "Completed text 53728\n", + "Completed text 53729\n", + "Completed text 53730\n", + "Completed text 53731\n", + "Completed text 53732\n", + "Completed text 53733\n", + "Completed text 53734\n", + "Completed text 53735\n", + "Completed text 53736\n", + "Completed text 53737\n", + "Completed text 53738\n", + "Completed text 53739\n", + "Completed text 53740\n", + "Completed text 53741\n", + "Completed text 53742\n", + "Completed text 53743\n", + "Completed text 53744\n", + "Completed text 53745\n", + "Completed text 53746\n", + "Completed text 53747\n", + "Completed text 53748\n", + "Completed text 53749\n", + "Completed text 53750\n", + "Completed text 53751\n", + "Completed text 53752\n", + "Completed text 53753\n", + "Completed text 53754\n", + "Completed text 53755\n", + "Completed text 53756\n", + "Completed text 53757\n", + "Completed text 53758\n", + "Completed text 53759\n", + "Completed text 53760\n", + "Completed text 53761\n", + "Completed text 53762\n", + "Completed text 53763\n", + "Completed text 53764\n", + "Completed text 53765\n", + "Completed text 53766\n", + "Completed text 53767\n", + "Completed text 53768\n", + "Completed text 53769\n", + "Completed text 53770\n", + "Completed text 53771\n", + "Completed text 53772\n", + "Completed text 53773\n", + "Completed text 53774\n", + "Completed text 53775\n", + "Completed text 53776\n", + "Completed text 53777\n", + "Completed text 53778\n", + "Completed text 53779\n", + "Completed text 53780\n", + "Completed text 53781\n", + "Completed text 53782\n", + "Completed text 53783\n", + "Completed text 53784\n", + "Completed text 53785\n", + "Completed text 53786\n", + "Completed text 53787\n", + "Completed text 53788\n", + "Completed text 53789\n", + "Completed text 53790\n", + "Completed text 53791\n", + "Completed text 53792\n", + "Completed text 53793\n", + "Completed text 53794\n", + "Completed text 53795\n", + "Completed text 53796\n", + "Completed text 53797\n", + "Completed text 53798\n", + "Completed text 53799\n", + "Completed text 53800\n", + "Completed text 53801\n", + "Completed text 53802\n", + "Completed text 53803\n", + "Completed text 53804\n", + "Completed text 53805\n", + "Completed text 53806\n", + "Completed text 53807\n", + "Completed text 53808\n", + "Completed text 53809\n", + "Completed text 53810\n", + "Completed text 53811\n", + "Completed text 53812\n", + "Completed text 53813\n", + "Completed text 53814\n", + "Completed text 53815\n", + "Completed text 53816\n", + "Completed text 53817\n", + "Completed text 53818\n", + "Completed text 53819\n", + "Completed text 53820\n", + "Completed text 53821\n", + "Completed text 53822\n", + "Completed text 53823\n", + "Completed text 53824\n", + "Completed text 53825\n", + "Completed text 53826\n", + "Completed text 53827\n", + "Completed text 53828\n", + "Completed text 53829\n", + "Completed text 53830\n", + "Completed text 53831\n", + "Completed text 53832\n", + "Completed text 53833\n", + "Completed text 53834\n", + "Completed text 53835\n", + "Completed text 53836\n", + "Completed text 53837\n", + "Completed text 53838\n", + "Completed text 53839\n", + "Completed text 53840\n", + "Completed text 53841\n", + "Completed text 53842\n", + "Completed text 53843\n", + "Completed text 53844\n", + "Completed text 53845\n", + "Completed text 53846\n", + "Completed text 53847\n", + "Completed text 53848\n", + "Completed text 53849\n", + "Completed text 53850\n", + "Completed text 53851\n", + "Completed text 53852\n", + "Completed text 53853\n", + "Completed text 53854\n", + "Completed text 53855\n", + "Completed text 53856\n", + "Completed text 53857\n", + "Completed text 53858\n", + "Completed text 53859\n", + "Completed text 53860\n", + "Completed text 53861\n", + "Completed text 53862\n", + "Completed text 53863\n", + "Completed text 53864\n", + "Completed text 53865\n", + "Completed text 53866\n", + "Completed text 53867\n", + "Completed text 53868\n", + "Completed text 53869\n", + "Completed text 53870\n", + "Completed text 53871\n", + "Completed text 53872\n", + "Completed text 53873\n", + "Completed text 53874\n", + "Completed text 53875\n", + "Completed text 53876\n", + "Completed text 53877\n", + "Completed text 53878\n", + "Completed text 53879\n", + "Completed text 53880\n", + "Completed text 53881\n", + "Completed text 53882\n", + "Completed text 53883\n", + "Completed text 53884\n", + "Completed text 53885\n", + "Completed text 53886\n", + "Completed text 53887\n", + "Completed text 53888\n", + "Completed text 53889\n", + "Completed text 53890\n", + "Completed text 53891\n", + "Completed text 53892\n", + "Completed text 53893\n", + "Completed text 53894\n", + "Completed text 53895\n", + "Completed text 53896\n", + "Completed text 53897\n", + "Completed text 53898\n", + "Completed text 53899\n", + "Completed text 53900\n", + "Completed text 53901\n", + "Completed text 53902\n", + "Completed text 53903\n", + "Completed text 53904\n", + "Completed text 53905\n", + "Completed text 53906\n", + "Completed text 53907\n", + "Completed text 53908\n", + "Completed text 53909\n", + "Completed text 53910\n", + "Completed text 53911\n", + "Completed text 53912\n", + "Completed text 53913\n", + "Completed text 53914\n", + "Completed text 53915\n", + "Completed text 53916\n", + "Completed text 53917\n", + "Completed text 53918\n", + "Completed text 53919\n", + "Completed text 53920\n", + "Completed text 53921\n", + "Completed text 53922\n", + "Completed text 53923\n", + "Completed text 53924\n", + "Completed text 53925\n", + "Completed text 53926\n", + "Completed text 53927\n", + "Completed text 53928\n", + "Completed text 53929\n", + "Completed text 53930\n", + "Completed text 53931\n", + "Completed text 53932\n", + "Completed text 53933\n", + "Completed text 53934\n", + "Completed text 53935\n", + "Completed text 53936\n", + "Completed text 53937\n", + "Completed text 53938\n", + "Completed text 53939\n", + "Completed text 53940\n", + "Completed text 53941\n", + "Completed text 53942\n", + "Completed text 53943\n", + "Completed text 53944\n", + "Completed text 53945\n", + "Completed text 53946\n", + "Completed text 53947\n", + "Completed text 53948\n", + "Completed text 53949\n", + "Completed text 53950\n", + "Completed text 53951\n", + "Completed text 53952\n", + "Completed text 53953\n", + "Completed text 53954\n", + "Completed text 53955\n", + "Completed text 53956\n", + "Completed text 53957\n", + "Completed text 53958\n", + "Completed text 53959\n", + "Completed text 53960\n", + "Completed text 53961\n", + "Completed text 53962\n", + "Completed text 53963\n", + "Completed text 53964\n", + "Completed text 53965\n", + "Completed text 53966\n", + "Completed text 53967\n", + "Completed text 53968\n", + "Completed text 53969\n", + "Completed text 53970\n", + "Completed text 53971\n", + "Completed text 53972\n", + "Completed text 53973\n", + "Completed text 53974\n", + "Completed text 53975\n", + "Completed text 53976\n", + "Completed text 53977\n", + "Completed text 53978\n", + "Completed text 53979\n", + "Completed text 53980\n", + "Completed text 53981\n", + "Completed text 53982\n", + "Completed text 53983\n", + "Completed text 53984\n", + "Completed text 53985\n", + "Completed text 53986\n", + "Completed text 53987\n", + "Completed text 53988\n", + "Completed text 53989\n", + "Completed text 53990\n", + "Completed text 53991\n", + "Completed text 53992\n", + "Completed text 53993\n", + "Completed text 53994\n", + "Completed text 53995\n", + "Completed text 53996\n", + "Completed text 53997\n", + "Completed text 53998\n", + "Completed text 53999\n", + "Completed text 54000\n", + "Completed text 54001\n", + "Completed text 54002\n", + "Completed text 54003\n", + "Completed text 54004\n", + "Completed text 54005\n", + "Completed text 54006\n", + "Completed text 54007\n", + "Completed text 54008\n", + "Completed text 54009\n", + "Completed text 54010\n", + "Completed text 54011\n", + "Completed text 54012\n", + "Completed text 54013\n", + "Completed text 54014\n", + "Completed text 54015\n", + "Completed text 54016\n", + "Completed text 54017\n", + "Completed text 54018\n", + "Completed text 54019\n", + "Completed text 54020\n", + "Completed text 54021\n", + "Completed text 54022\n", + "Completed text 54023\n", + "Completed text 54024\n", + "Completed text 54025\n", + "Completed text 54026\n", + "Completed text 54027\n", + "Completed text 54028\n", + "Completed text 54029\n", + "Completed text 54030\n", + "Completed text 54031\n", + "Completed text 54032\n", + "Completed text 54033\n", + "Completed text 54034\n", + "Completed text 54035\n", + "Completed text 54036\n", + "Completed text 54037\n", + "Completed text 54038\n", + "Completed text 54039\n", + "Completed text 54040\n", + "Completed text 54041\n", + "Completed text 54042\n", + "Completed text 54043\n", + "Completed text 54044\n", + "Completed text 54045\n", + "Completed text 54046\n", + "Completed text 54047\n", + "Completed text 54048\n", + "Completed text 54049\n", + "Completed text 54050\n", + "Completed text 54051\n", + "Completed text 54052\n", + "Completed text 54053\n", + "Completed text 54054\n", + "Completed text 54055\n", + "Completed text 54056\n", + "Completed text 54057\n", + "Completed text 54058\n", + "Completed text 54059\n", + "Completed text 54060\n", + "Completed text 54061\n", + "Completed text 54062\n", + "Completed text 54063\n", + "Completed text 54064\n", + "Completed text 54065\n", + "Completed text 54066\n", + "Completed text 54067\n", + "Completed text 54068\n", + "Completed text 54069\n", + "Completed text 54070\n", + "Completed text 54071\n", + "Completed text 54072\n", + "Completed text 54073\n", + "Completed text 54074\n", + "Completed text 54075\n", + "Completed text 54076\n", + "Completed text 54077\n", + "Completed text 54078\n", + "Completed text 54079\n", + "Completed text 54080\n", + "Completed text 54081\n", + "Completed text 54082\n", + "Completed text 54083\n", + "Completed text 54084\n", + "Completed text 54085\n", + "Completed text 54086\n", + "Completed text 54087\n", + "Completed text 54088\n", + "Completed text 54089\n", + "Completed text 54090\n", + "Completed text 54091\n", + "Completed text 54092\n", + "Completed text 54093\n", + "Completed text 54094\n", + "Completed text 54095\n", + "Completed text 54096\n", + "Completed text 54097\n", + "Completed text 54098\n", + "Completed text 54099\n", + "Completed text 54100\n", + "Completed text 54101\n", + "Completed text 54102\n", + "Completed text 54103\n", + "Completed text 54104\n", + "Completed text 54105\n", + "Completed text 54106\n", + "Completed text 54107\n", + "Completed text 54108\n", + "Completed text 54109\n", + "Completed text 54110\n", + "Completed text 54111\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 54112\n", + "Completed text 54113\n", + "Completed text 54114\n", + "Completed text 54115\n", + "Completed text 54116\n", + "Completed text 54117\n", + "Completed text 54118\n", + "Completed text 54119\n", + "Completed text 54120\n", + "Completed text 54121\n", + "Completed text 54122\n", + "Completed text 54123\n", + "Completed text 54124\n", + "Completed text 54125\n", + "Completed text 54126\n", + "Completed text 54127\n", + "Completed text 54128\n", + "Completed text 54129\n", + "Completed text 54130\n", + "Completed text 54131\n", + "Completed text 54132\n", + "Completed text 54133\n", + "Completed text 54134\n", + "Completed text 54135\n", + "Completed text 54136\n", + "Completed text 54137\n", + "Completed text 54138\n", + "Completed text 54139\n", + "Completed text 54140\n", + "Completed text 54141\n", + "Completed text 54142\n", + "Completed text 54143\n", + "Completed text 54144\n", + "Completed text 54145\n", + "Completed text 54146\n", + "Completed text 54147\n", + "Completed text 54148\n", + "Completed text 54149\n", + "Completed text 54150\n", + "Completed text 54151\n", + "Completed text 54152\n", + "Completed text 54153\n", + "Completed text 54154\n", + "Completed text 54155\n", + "Completed text 54156\n", + "Completed text 54157\n", + "Completed text 54158\n", + "Completed text 54159\n", + "Completed text 54160\n", + "Completed text 54161\n", + "Completed text 54162\n", + "Completed text 54163\n", + "Completed text 54164\n", + "Completed text 54165\n", + "Completed text 54166\n", + "Completed text 54167\n", + "Completed text 54168\n", + "Completed text 54169\n", + "Completed text 54170\n", + "Completed text 54171\n", + "Completed text 54172\n", + "Completed text 54173\n", + "Completed text 54174\n", + "Completed text 54175\n", + "Completed text 54176\n", + "Completed text 54177\n", + "Completed text 54178\n", + "Completed text 54179\n", + "Completed text 54180\n", + "Completed text 54181\n", + "Completed text 54182\n", + "Completed text 54183\n", + "Completed text 54184\n", + "Completed text 54185\n", + "Completed text 54186\n", + "Completed text 54187\n", + "Completed text 54188\n", + "Completed text 54189\n", + "Completed text 54190\n", + "Completed text 54191\n", + "Completed text 54192\n", + "Completed text 54193\n", + "Completed text 54194\n", + "Completed text 54195\n", + "Completed text 54196\n", + "Completed text 54197\n", + "Completed text 54198\n", + "Completed text 54199\n", + "Completed text 54200\n", + "Completed text 54201\n", + "Completed text 54202\n", + "Completed text 54203\n", + "Completed text 54204\n", + "Completed text 54205\n", + "Completed text 54206\n", + "Completed text 54207\n", + "Completed text 54208\n", + "Completed text 54209\n", + "Completed text 54210\n", + "Completed text 54211\n", + "Completed text 54212\n", + "Completed text 54213\n", + "Completed text 54214\n", + "Completed text 54215\n", + "Completed text 54216\n", + "Completed text 54217\n", + "Completed text 54218\n", + "Completed text 54219\n", + "Completed text 54220\n", + "Completed text 54221\n", + "Completed text 54222\n", + "Completed text 54223\n", + "Completed text 54224\n", + "Completed text 54225\n", + "Completed text 54226\n", + "Completed text 54227\n", + "Completed text 54228\n", + "Completed text 54229\n", + "Completed text 54230\n", + "Completed text 54231\n", + "Completed text 54232\n", + "Completed text 54233\n", + "Completed text 54234\n", + "Completed text 54235\n", + "Completed text 54236\n", + "Completed text 54237\n", + "Completed text 54238\n", + "Completed text 54239\n", + "Completed text 54240\n", + "Completed text 54241\n", + "Completed text 54242\n", + "Completed text 54243\n", + "Completed text 54244\n", + "Completed text 54245\n", + "Completed text 54246\n", + "Completed text 54247\n", + "Completed text 54248\n", + "Completed text 54249\n", + "Completed text 54250\n", + "Completed text 54251\n", + "Completed text 54252\n", + "Completed text 54253\n", + "Completed text 54254\n", + "Completed text 54255\n", + "Completed text 54256\n", + "Completed text 54257\n", + "Completed text 54258\n", + "Completed text 54259\n", + "Completed text 54260\n", + "Completed text 54261\n", + "Completed text 54262\n", + "Completed text 54263\n", + "Completed text 54264\n", + "Completed text 54265\n", + "Completed text 54266\n", + "Completed text 54267\n", + "Completed text 54268\n", + "Completed text 54269\n", + "Completed text 54270\n", + "Completed text 54271\n", + "Completed text 54272\n", + "Completed text 54273\n", + "Completed text 54274\n", + "Completed text 54275\n", + "Completed text 54276\n", + "Completed text 54277\n", + "Completed text 54278\n", + "Completed text 54279\n", + "Completed text 54280\n", + "Completed text 54281\n", + "Completed text 54282\n", + "Completed text 54283\n", + "Completed text 54284\n", + "Completed text 54285\n", + "Completed text 54286\n", + "Completed text 54287\n", + "Completed text 54288\n", + "Completed text 54289\n", + "Completed text 54290\n", + "Completed text 54291\n", + "Completed text 54292\n", + "Completed text 54293\n", + "Completed text 54294\n", + "Completed text 54295\n", + "Completed text 54296\n", + "Completed text 54297\n", + "Completed text 54298\n", + "Completed text 54299\n", + "Completed text 54300\n", + "Completed text 54301\n", + "Completed text 54302\n", + "Completed text 54303\n", + "Completed text 54304\n", + "Completed text 54305\n", + "Completed text 54306\n", + "Completed text 54307\n", + "Completed text 54308\n", + "Completed text 54309\n", + "Completed text 54310\n", + "Completed text 54311\n", + "Completed text 54312\n", + "Completed text 54313\n", + "Completed text 54314\n", + "Completed text 54315\n", + "Completed text 54316\n", + "Completed text 54317\n", + "Completed text 54318\n", + "Completed text 54319\n", + "Completed text 54320\n", + "Completed text 54321\n", + "Completed text 54322\n", + "Completed text 54323\n", + "Completed text 54324\n", + "Completed text 54325\n", + "Completed text 54326\n", + "Completed text 54327\n", + "Completed text 54328\n", + "Completed text 54329\n", + "Completed text 54330\n", + "Completed text 54331\n", + "Completed text 54332\n", + "Completed text 54333\n", + "Completed text 54334\n", + "Completed text 54335\n", + "Completed text 54336\n", + "Completed text 54337\n", + "Completed text 54338\n", + "Completed text 54339\n", + "Completed text 54340\n", + "Completed text 54341\n", + "Completed text 54342\n", + "Completed text 54343\n", + "Completed text 54344\n", + "Completed text 54345\n", + "Completed text 54346\n", + "Completed text 54347\n", + "Completed text 54348\n", + "Completed text 54349\n", + "Completed text 54350\n", + "Completed text 54351\n", + "Completed text 54352\n", + "Completed text 54353\n", + "Completed text 54354\n", + "Completed text 54355\n", + "Completed text 54356\n", + "Completed text 54357\n", + "Completed text 54358\n", + "Completed text 54359\n", + "Completed text 54360\n", + "Completed text 54361\n", + "Completed text 54362\n", + "Completed text 54363\n", + "Completed text 54364\n", + "Completed text 54365\n", + "Completed text 54366\n", + "Completed text 54367\n", + "Completed text 54368\n", + "Completed text 54369\n", + "Completed text 54370\n", + "Completed text 54371\n", + "Completed text 54372\n", + "Completed text 54373\n", + "Completed text 54374\n", + "Completed text 54375\n", + "Completed text 54376\n", + "Completed text 54377\n", + "Completed text 54378\n", + "Completed text 54379\n", + "Completed text 54380\n", + "Completed text 54381\n", + "Completed text 54382\n", + "Completed text 54383\n", + "Completed text 54384\n", + "Completed text 54385\n", + "Completed text 54386\n", + "Completed text 54387\n", + "Completed text 54388\n", + "Completed text 54389\n", + "Completed text 54390\n", + "Completed text 54391\n", + "Completed text 54392\n", + "Completed text 54393\n", + "Completed text 54394\n", + "Completed text 54395\n", + "Completed text 54396\n", + "Completed text 54397\n", + "Completed text 54398\n", + "Completed text 54399\n", + "Completed text 54400\n", + "Completed text 54401\n", + "Completed text 54402\n", + "Completed text 54403\n", + "Completed text 54404\n", + "Completed text 54405\n", + "Completed text 54406\n", + "Completed text 54407\n", + "Completed text 54408\n", + "Completed text 54409\n", + "Completed text 54410\n", + "Completed text 54411\n", + "Completed text 54412\n", + "Completed text 54413\n", + "Completed text 54414\n", + "Completed text 54415\n", + "Completed text 54416\n", + "Completed text 54417\n", + "Completed text 54418\n", + "Completed text 54419\n", + "Completed text 54420\n", + "Completed text 54421\n", + "Completed text 54422\n", + "Completed text 54423\n", + "Completed text 54424\n", + "Completed text 54425\n", + "Completed text 54426\n", + "Completed text 54427\n", + "Completed text 54428\n", + "Completed text 54429\n", + "Completed text 54430\n", + "Completed text 54431\n", + "Completed text 54432\n", + "Completed text 54433\n", + "Completed text 54434\n", + "Completed text 54435\n", + "Completed text 54436\n", + "Completed text 54437\n", + "Completed text 54438\n", + "Completed text 54439\n", + "Completed text 54440\n", + "Completed text 54441\n", + "Completed text 54442\n", + "Completed text 54443\n", + "Completed text 54444\n", + "Completed text 54445\n", + "Completed text 54446\n", + "Completed text 54447\n", + "Completed text 54448\n", + "Completed text 54449\n", + "Completed text 54450\n", + "Completed text 54451\n", + "Completed text 54452\n", + "Completed text 54453\n", + "Completed text 54454\n", + "Completed text 54455\n", + "Completed text 54456\n", + "Completed text 54457\n", + "Completed text 54458\n", + "Completed text 54459\n", + "Completed text 54460\n", + "Completed text 54461\n", + "Completed text 54462\n", + "Completed text 54463\n", + "Completed text 54464\n", + "Completed text 54465\n", + "Completed text 54466\n", + "Completed text 54467\n", + "Completed text 54468\n", + "Completed text 54469\n", + "Completed text 54470\n", + "Completed text 54471\n", + "Completed text 54472\n", + "Completed text 54473\n", + "Completed text 54474\n", + "Completed text 54475\n", + "Completed text 54476\n", + "Completed text 54477\n", + "Completed text 54478\n", + "Completed text 54479\n", + "Completed text 54480\n", + "Completed text 54481\n", + "Completed text 54482\n", + "Completed text 54483\n", + "Completed text 54484\n", + "Completed text 54485\n", + "Completed text 54486\n", + "Completed text 54487\n", + "Completed text 54488\n", + "Completed text 54489\n", + "Completed text 54490\n", + "Completed text 54491\n", + "Completed text 54492\n", + "Completed text 54493\n", + "Completed text 54494\n", + "Completed text 54495\n", + "Completed text 54496\n", + "Completed text 54497\n", + "Completed text 54498\n", + "Completed text 54499\n", + "Completed text 54500\n", + "Completed text 54501\n", + "Completed text 54502\n", + "Completed text 54503\n", + "Completed text 54504\n", + "Completed text 54505\n", + "Completed text 54506\n", + "Completed text 54507\n", + "Completed text 54508\n", + "Completed text 54509\n", + "Completed text 54510\n", + "Completed text 54511\n", + "Completed text 54512\n", + "Completed text 54513\n", + "Completed text 54514\n", + "Completed text 54515\n", + "Completed text 54516\n", + "Completed text 54517\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 54518\n", + "Completed text 54519\n", + "Completed text 54520\n", + "Completed text 54521\n", + "Completed text 54522\n", + "Completed text 54523\n", + "Completed text 54524\n", + "Completed text 54525\n", + "Completed text 54526\n", + "Completed text 54527\n", + "Completed text 54528\n", + "Completed text 54529\n", + "Completed text 54530\n", + "Completed text 54531\n", + "Completed text 54532\n", + "Completed text 54533\n", + "Completed text 54534\n", + "Completed text 54535\n", + "Completed text 54536\n", + "Completed text 54537\n", + "Completed text 54538\n", + "Completed text 54539\n", + "Completed text 54540\n", + "Completed text 54541\n", + "Completed text 54542\n", + "Completed text 54543\n", + "Completed text 54544\n", + "Completed text 54545\n", + "Completed text 54546\n", + "Completed text 54547\n", + "Completed text 54548\n", + "Completed text 54549\n", + "Completed text 54550\n", + "Completed text 54551\n", + "Completed text 54552\n", + "Completed text 54553\n", + "Completed text 54554\n", + "Completed text 54555\n", + "Completed text 54556\n", + "Completed text 54557\n", + "Completed text 54558\n", + "Completed text 54559\n", + "Completed text 54560\n", + "Completed text 54561\n", + "Completed text 54562\n", + "Completed text 54563\n", + "Completed text 54564\n", + "Completed text 54565\n", + "Completed text 54566\n", + "Completed text 54567\n", + "Completed text 54568\n", + "Completed text 54569\n", + "Completed text 54570\n", + "Completed text 54571\n", + "Completed text 54572\n", + "Completed text 54573\n", + "Completed text 54574\n", + "Completed text 54575\n", + "Completed text 54576\n", + "Completed text 54577\n", + "Completed text 54578\n", + "Completed text 54579\n", + "Completed text 54580\n", + "Completed text 54581\n", + "Completed text 54582\n", + "Completed text 54583\n", + "Completed text 54584\n", + "Completed text 54585\n", + "Completed text 54586\n", + "Completed text 54587\n", + "Completed text 54588\n", + "Completed text 54589\n", + "Completed text 54590\n", + "Completed text 54591\n", + "Completed text 54592\n", + "Completed text 54593\n", + "Completed text 54594\n", + "Completed text 54595\n", + "Completed text 54596\n", + "Completed text 54597\n", + "Completed text 54598\n", + "Completed text 54599\n", + "Completed text 54600\n", + "Completed text 54601\n", + "Completed text 54602\n", + "Completed text 54603\n", + "Completed text 54604\n", + "Completed text 54605\n", + "Completed text 54606\n", + "Completed text 54607\n", + "Completed text 54608\n", + "Completed text 54609\n", + "Completed text 54610\n", + "Completed text 54611\n", + "Completed text 54612\n", + "Completed text 54613\n", + "Completed text 54614\n", + "Completed text 54615\n", + "Completed text 54616\n", + "Completed text 54617\n", + "Completed text 54618\n", + "Completed text 54619\n", + "Completed text 54620\n", + "Completed text 54621\n", + "Completed text 54622\n", + "Completed text 54623\n", + "Completed text 54624\n", + "Completed text 54625\n", + "Completed text 54626\n", + "Completed text 54627\n", + "Completed text 54628\n", + "Completed text 54629\n", + "Completed text 54630\n", + "Completed text 54631\n", + "Completed text 54632\n", + "Completed text 54633\n", + "Completed text 54634\n", + "Completed text 54635\n", + "Completed text 54636\n", + "Completed text 54637\n", + "Completed text 54638\n", + "Completed text 54639\n", + "Completed text 54640\n", + "Completed text 54641\n", + "Completed text 54642\n", + "Completed text 54643\n", + "Completed text 54644\n", + "Completed text 54645\n", + "Completed text 54646\n", + "Completed text 54647\n", + "Completed text 54648\n", + "Completed text 54649\n", + "Completed text 54650\n", + "Completed text 54651\n", + "Completed text 54652\n", + "Completed text 54653\n", + "Completed text 54654\n", + "Completed text 54655\n", + "Completed text 54656\n", + "Completed text 54657\n", + "Completed text 54658\n", + "Completed text 54659\n", + "Completed text 54660\n", + "Completed text 54661\n", + "Completed text 54662\n", + "Completed text 54663\n", + "Completed text 54664\n", + "Completed text 54665\n", + "Completed text 54666\n", + "Completed text 54667\n", + "Completed text 54668\n", + "Completed text 54669\n", + "Completed text 54670\n", + "Completed text 54671\n", + "Completed text 54672\n", + "Completed text 54673\n", + "Completed text 54674\n", + "Completed text 54675\n", + "Completed text 54676\n", + "Completed text 54677\n", + "Completed text 54678\n", + "Completed text 54679\n", + "Completed text 54680\n", + "Completed text 54681\n", + "Completed text 54682\n", + "Completed text 54683\n", + "Completed text 54684\n", + "Completed text 54685\n", + "Completed text 54686\n", + "Completed text 54687\n", + "Completed text 54688\n", + "Completed text 54689\n", + "Completed text 54690\n", + "Completed text 54691\n", + "Completed text 54692\n", + "Completed text 54693\n", + "Completed text 54694\n", + "Completed text 54695\n", + "Completed text 54696\n", + "Completed text 54697\n", + "Completed text 54698\n", + "Completed text 54699\n", + "Completed text 54700\n", + "Completed text 54701\n", + "Completed text 54702\n", + "Completed text 54703\n", + "Completed text 54704\n", + "Completed text 54705\n", + "Completed text 54706\n", + "Completed text 54707\n", + "Completed text 54708\n", + "Completed text 54709\n", + "Completed text 54710\n", + "Completed text 54711\n", + "Completed text 54712\n", + "Completed text 54713\n", + "Completed text 54714\n", + "Completed text 54715\n", + "Completed text 54716\n", + "Completed text 54717\n", + "Completed text 54718\n", + "Completed text 54719\n", + "Completed text 54720\n", + "Completed text 54721\n", + "Completed text 54722\n", + "Completed text 54723\n", + "Completed text 54724\n", + "Completed text 54725\n", + "Completed text 54726\n", + "Completed text 54727\n", + "Completed text 54728\n", + "Completed text 54729\n", + "Completed text 54730\n", + "Completed text 54731\n", + "Completed text 54732\n", + "Completed text 54733\n", + "Completed text 54734\n", + "Completed text 54735\n", + "Completed text 54736\n", + "Completed text 54737\n", + "Completed text 54738\n", + "Completed text 54739\n", + "Completed text 54740\n", + "Completed text 54741\n", + "Completed text 54742\n", + "Completed text 54743\n", + "Completed text 54744\n", + "Completed text 54745\n", + "Completed text 54746\n", + "Completed text 54747\n", + "Completed text 54748\n", + "Completed text 54749\n", + "Completed text 54750\n", + "Completed text 54751\n", + "Completed text 54752\n", + "Completed text 54753\n", + "Completed text 54754\n", + "Completed text 54755\n", + "Completed text 54756\n", + "Completed text 54757\n", + "Completed text 54758\n", + "Completed text 54759\n", + "Completed text 54760\n", + "Completed text 54761\n", + "Completed text 54762\n", + "Completed text 54763\n", + "Completed text 54764\n", + "Completed text 54765\n", + "Completed text 54766\n", + "Completed text 54767\n", + "Completed text 54768\n", + "Completed text 54769\n", + "Completed text 54770\n", + "Completed text 54771\n", + "Completed text 54772\n", + "Completed text 54773\n", + "Completed text 54774\n", + "Completed text 54775\n", + "Completed text 54776\n", + "Completed text 54777\n", + "Completed text 54778\n", + "Completed text 54779\n", + "Completed text 54780\n", + "Completed text 54781\n", + "Completed text 54782\n", + "Completed text 54783\n", + "Completed text 54784\n", + "Completed text 54785\n", + "Completed text 54786\n", + "Completed text 54787\n", + "Completed text 54788\n", + "Completed text 54789\n", + "Completed text 54790\n", + "Completed text 54791\n", + "Completed text 54792\n", + "Completed text 54793\n", + "Completed text 54794\n", + "Completed text 54795\n", + "Completed text 54796\n", + "Completed text 54797\n", + "Completed text 54798\n", + "Completed text 54799\n", + "Completed text 54800\n", + "Completed text 54801\n", + "Completed text 54802\n", + "Completed text 54803\n", + "Completed text 54804\n", + "Completed text 54805\n", + "Completed text 54806\n", + "Completed text 54807\n", + "Completed text 54808\n", + "Completed text 54809\n", + "Completed text 54810\n", + "Completed text 54811\n", + "Completed text 54812\n", + "Completed text 54813\n", + "Completed text 54814\n", + "Completed text 54815\n", + "Completed text 54816\n", + "Completed text 54817\n", + "Completed text 54818\n", + "Completed text 54819\n", + "Completed text 54820\n", + "Completed text 54821\n", + "Completed text 54822\n", + "Completed text 54823\n", + "Completed text 54824\n", + "Completed text 54825\n", + "Completed text 54826\n", + "Completed text 54827\n", + "Completed text 54828\n", + "Completed text 54829\n", + "Completed text 54830\n", + "Completed text 54831\n", + "Completed text 54832\n", + "Completed text 54833\n", + "Completed text 54834\n", + "Completed text 54835\n", + "Completed text 54836\n", + "Completed text 54837\n", + "Completed text 54838\n", + "Completed text 54839\n", + "Completed text 54840\n", + "Completed text 54841\n", + "Completed text 54842\n", + "Completed text 54843\n", + "Completed text 54844\n", + "Completed text 54845\n", + "Completed text 54846\n", + "Completed text 54847\n", + "Completed text 54848\n", + "Completed text 54849\n", + "Completed text 54850\n", + "Completed text 54851\n", + "Completed text 54852\n", + "Completed text 54853\n", + "Completed text 54854\n", + "Completed text 54855\n", + "Completed text 54856\n", + "Completed text 54857\n", + "Completed text 54858\n", + "Completed text 54859\n", + "Completed text 54860\n", + "Completed text 54861\n", + "Completed text 54862\n", + "Completed text 54863\n", + "Completed text 54864\n", + "Completed text 54865\n", + "Completed text 54866\n", + "Completed text 54867\n", + "Completed text 54868\n", + "Completed text 54869\n", + "Completed text 54870\n", + "Completed text 54871\n", + "Completed text 54872\n", + "Completed text 54873\n", + "Completed text 54874\n", + "Completed text 54875\n", + "Completed text 54876\n", + "Completed text 54877\n", + "Completed text 54878\n", + "Completed text 54879\n", + "Completed text 54880\n", + "Completed text 54881\n", + "Completed text 54882\n", + "Completed text 54883\n", + "Completed text 54884\n", + "Completed text 54885\n", + "Completed text 54886\n", + "Completed text 54887\n", + "Completed text 54888\n", + "Completed text 54889\n", + "Completed text 54890\n", + "Completed text 54891\n", + "Completed text 54892\n", + "Completed text 54893\n", + "Completed text 54894\n", + "Completed text 54895\n", + "Completed text 54896\n", + "Completed text 54897\n", + "Completed text 54898\n", + "Completed text 54899\n", + "Completed text 54900\n", + "Completed text 54901\n", + "Completed text 54902\n", + "Completed text 54903\n", + "Completed text 54904\n", + "Completed text 54905\n", + "Completed text 54906\n", + "Completed text 54907\n", + "Completed text 54908\n", + "Completed text 54909\n", + "Completed text 54910\n", + "Completed text 54911\n", + "Completed text 54912\n", + "Completed text 54913\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 54914\n", + "Completed text 54915\n", + "Completed text 54916\n", + "Completed text 54917\n", + "Completed text 54918\n", + "Completed text 54919\n", + "Completed text 54920\n", + "Completed text 54921\n", + "Completed text 54922\n", + "Completed text 54923\n", + "Completed text 54924\n", + "Completed text 54925\n", + "Completed text 54926\n", + "Completed text 54927\n", + "Completed text 54928\n", + "Completed text 54929\n", + "Completed text 54930\n", + "Completed text 54931\n", + "Completed text 54932\n", + "Completed text 54933\n", + "Completed text 54934\n", + "Completed text 54935\n", + "Completed text 54936\n", + "Completed text 54937\n", + "Completed text 54938\n", + "Completed text 54939\n", + "Completed text 54940\n", + "Completed text 54941\n", + "Completed text 54942\n", + "Completed text 54943\n", + "Completed text 54944\n", + "Completed text 54945\n", + "Completed text 54946\n", + "Completed text 54947\n", + "Completed text 54948\n", + "Completed text 54949\n", + "Completed text 54950\n", + "Completed text 54951\n", + "Completed text 54952\n", + "Completed text 54953\n", + "Completed text 54954\n", + "Completed text 54955\n", + "Completed text 54956\n", + "Completed text 54957\n", + "Completed text 54958\n", + "Completed text 54959\n", + "Completed text 54960\n", + "Completed text 54961\n", + "Completed text 54962\n", + "Completed text 54963\n", + "Completed text 54964\n", + "Completed text 54965\n", + "Completed text 54966\n", + "Completed text 54967\n", + "Completed text 54968\n", + "Completed text 54969\n", + "Completed text 54970\n", + "Completed text 54971\n", + "Completed text 54972\n", + "Completed text 54973\n", + "Completed text 54974\n", + "Completed text 54975\n", + "Completed text 54976\n", + "Completed text 54977\n", + "Completed text 54978\n", + "Completed text 54979\n", + "Completed text 54980\n", + "Completed text 54981\n", + "Completed text 54982\n", + "Completed text 54983\n", + "Completed text 54984\n", + "Completed text 54985\n", + "Completed text 54986\n", + "Completed text 54987\n", + "Completed text 54988\n", + "Completed text 54989\n", + "Completed text 54990\n", + "Completed text 54991\n", + "Completed text 54992\n", + "Completed text 54993\n", + "Completed text 54994\n", + "Completed text 54995\n", + "Completed text 54996\n", + "Completed text 54997\n", + "Completed text 54998\n", + "Completed text 54999\n", + "Completed text 55000\n", + "Completed text 55001\n", + "Completed text 55002\n", + "Completed text 55003\n", + "Completed text 55004\n", + "Completed text 55005\n", + "Completed text 55006\n", + "Completed text 55007\n", + "Completed text 55008\n", + "Completed text 55009\n", + "Completed text 55010\n", + "Completed text 55011\n", + "Completed text 55012\n", + "Completed text 55013\n", + "Completed text 55014\n", + "Completed text 55015\n", + "Completed text 55016\n", + "Completed text 55017\n", + "Completed text 55018\n", + "Completed text 55019\n", + "Completed text 55020\n", + "Completed text 55021\n", + "Completed text 55022\n", + "Completed text 55023\n", + "Completed text 55024\n", + "Completed text 55025\n", + "Completed text 55026\n", + "Completed text 55027\n", + "Completed text 55028\n", + "Completed text 55029\n", + "Completed text 55030\n", + "Completed text 55031\n", + "Completed text 55032\n", + "Completed text 55033\n", + "Completed text 55034\n", + "Completed text 55035\n", + "Completed text 55036\n", + "Completed text 55037\n", + "Completed text 55038\n", + "Completed text 55039\n", + "Completed text 55040\n", + "Completed text 55041\n", + "Completed text 55042\n", + "Completed text 55043\n", + "Completed text 55044\n", + "Completed text 55045\n", + "Completed text 55046\n", + "Completed text 55047\n", + "Completed text 55048\n", + "Completed text 55049\n", + "Completed text 55050\n", + "Completed text 55051\n", + "Completed text 55052\n", + "Completed text 55053\n", + "Completed text 55054\n", + "Completed text 55055\n", + "Completed text 55056\n", + "Completed text 55057\n", + "Completed text 55058\n", + "Completed text 55059\n", + "Completed text 55060\n", + "Completed text 55061\n", + "Completed text 55062\n", + "Completed text 55063\n", + "Completed text 55064\n", + "Completed text 55065\n", + "Completed text 55066\n", + "Completed text 55067\n", + "Completed text 55068\n", + "Completed text 55069\n", + "Completed text 55070\n", + "Completed text 55071\n", + "Completed text 55072\n", + "Completed text 55073\n", + "Completed text 55074\n", + "Completed text 55075\n", + "Completed text 55076\n", + "Completed text 55077\n", + "Completed text 55078\n", + "Completed text 55079\n", + "Completed text 55080\n", + "Completed text 55081\n", + "Completed text 55082\n", + "Completed text 55083\n", + "Completed text 55084\n", + "Completed text 55085\n", + "Completed text 55086\n", + "Completed text 55087\n", + "Completed text 55088\n", + "Completed text 55089\n", + "Completed text 55090\n", + "Completed text 55091\n", + "Completed text 55092\n", + "Completed text 55093\n", + "Completed text 55094\n", + "Completed text 55095\n", + "Completed text 55096\n", + "Completed text 55097\n", + "Completed text 55098\n", + "Completed text 55099\n", + "Completed text 55100\n", + "Completed text 55101\n", + "Completed text 55102\n", + "Completed text 55103\n", + "Completed text 55104\n", + "Completed text 55105\n", + "Completed text 55106\n", + "Completed text 55107\n", + "Completed text 55108\n", + "Completed text 55109\n", + "Completed text 55110\n", + "Completed text 55111\n", + "Completed text 55112\n", + "Completed text 55113\n", + "Completed text 55114\n", + "Completed text 55115\n", + "Completed text 55116\n", + "Completed text 55117\n", + "Completed text 55118\n", + "Completed text 55119\n", + "Completed text 55120\n", + "Completed text 55121\n", + "Completed text 55122\n", + "Completed text 55123\n", + "Completed text 55124\n", + "Completed text 55125\n", + "Completed text 55126\n", + "Completed text 55127\n", + "Completed text 55128\n", + "Completed text 55129\n", + "Completed text 55130\n", + "Completed text 55131\n", + "Completed text 55132\n", + "Completed text 55133\n", + "Completed text 55134\n", + "Completed text 55135\n", + "Completed text 55136\n", + "Completed text 55137\n", + "Completed text 55138\n", + "Completed text 55139\n", + "Completed text 55140\n", + "Completed text 55141\n", + "Completed text 55142\n", + "Completed text 55143\n", + "Completed text 55144\n", + "Completed text 55145\n", + "Completed text 55146\n", + "Completed text 55147\n", + "Completed text 55148\n", + "Completed text 55149\n", + "Completed text 55150\n", + "Completed text 55151\n", + "Completed text 55152\n", + "Completed text 55153\n", + "Completed text 55154\n", + "Completed text 55155\n", + "Completed text 55156\n", + "Completed text 55157\n", + "Completed text 55158\n", + "Completed text 55159\n", + "Completed text 55160\n", + "Completed text 55161\n", + "Completed text 55162\n", + "Completed text 55163\n", + "Completed text 55164\n", + "Completed text 55165\n", + "Completed text 55166\n", + "Completed text 55167\n", + "Completed text 55168\n", + "Completed text 55169\n", + "Completed text 55170\n", + "Completed text 55171\n", + "Completed text 55172\n", + "Completed text 55173\n", + "Completed text 55174\n", + "Completed text 55175\n", + "Completed text 55176\n", + "Completed text 55177\n", + "Completed text 55178\n", + "Completed text 55179\n", + "Completed text 55180\n", + "Completed text 55181\n", + "Completed text 55182\n", + "Completed text 55183\n", + "Completed text 55184\n", + "Completed text 55185\n", + "Completed text 55186\n", + "Completed text 55187\n", + "Completed text 55188\n", + "Completed text 55189\n", + "Completed text 55190\n", + "Completed text 55191\n", + "Completed text 55192\n", + "Completed text 55193\n", + "Completed text 55194\n", + "Completed text 55195\n", + "Completed text 55196\n", + "Completed text 55197\n", + "Completed text 55198\n", + "Completed text 55199\n", + "Completed text 55200\n", + "Completed text 55201\n", + "Completed text 55202\n", + "Completed text 55203\n", + "Completed text 55204\n", + "Completed text 55205\n", + "Completed text 55206\n", + "Completed text 55207\n", + "Completed text 55208\n", + "Completed text 55209\n", + "Completed text 55210\n", + "Completed text 55211\n", + "Completed text 55212\n", + "Completed text 55213\n", + "Completed text 55214\n", + "Completed text 55215\n", + "Completed text 55216\n", + "Completed text 55217\n", + "Completed text 55218\n", + "Completed text 55219\n", + "Completed text 55220\n", + "Completed text 55221\n", + "Completed text 55222\n", + "Completed text 55223\n", + "Completed text 55224\n", + "Completed text 55225\n", + "Completed text 55226\n", + "Completed text 55227\n", + "Completed text 55228\n", + "Completed text 55229\n", + "Completed text 55230\n", + "Completed text 55231\n", + "Completed text 55232\n", + "Completed text 55233\n", + "Completed text 55234\n", + "Completed text 55235\n", + "Completed text 55236\n", + "Completed text 55237\n", + "Completed text 55238\n", + "Completed text 55239\n", + "Completed text 55240\n", + "Completed text 55241\n", + "Completed text 55242\n", + "Completed text 55243\n", + "Completed text 55244\n", + "Completed text 55245\n", + "Completed text 55246\n", + "Completed text 55247\n", + "Completed text 55248\n", + "Completed text 55249\n", + "Completed text 55250\n", + "Completed text 55251\n", + "Completed text 55252\n", + "Completed text 55253\n", + "Completed text 55254\n", + "Completed text 55255\n", + "Completed text 55256\n", + "Completed text 55257\n", + "Completed text 55258\n", + "Completed text 55259\n", + "Completed text 55260\n", + "Completed text 55261\n", + "Completed text 55262\n", + "Completed text 55263\n", + "Completed text 55264\n", + "Completed text 55265\n", + "Completed text 55266\n", + "Completed text 55267\n", + "Completed text 55268\n", + "Completed text 55269\n", + "Completed text 55270\n", + "Completed text 55271\n", + "Completed text 55272\n", + "Completed text 55273\n", + "Completed text 55274\n", + "Completed text 55275\n", + "Completed text 55276\n", + "Completed text 55277\n", + "Completed text 55278\n", + "Completed text 55279\n", + "Completed text 55280\n", + "Completed text 55281\n", + "Completed text 55282\n", + "Completed text 55283\n", + "Completed text 55284\n", + "Completed text 55285\n", + "Completed text 55286\n", + "Completed text 55287\n", + "Completed text 55288\n", + "Completed text 55289\n", + "Completed text 55290\n", + "Completed text 55291\n", + "Completed text 55292\n", + "Completed text 55293\n", + "Completed text 55294\n", + "Completed text 55295\n", + "Completed text 55296\n", + "Completed text 55297\n", + "Completed text 55298\n", + "Completed text 55299\n", + "Completed text 55300\n", + "Completed text 55301\n", + "Completed text 55302\n", + "Completed text 55303\n", + "Completed text 55304\n", + "Completed text 55305\n", + "Completed text 55306\n", + "Completed text 55307\n", + "Completed text 55308\n", + "Completed text 55309\n", + "Completed text 55310\n", + "Completed text 55311\n", + "Completed text 55312\n", + "Completed text 55313\n", + "Completed text 55314\n", + "Completed text 55315\n", + "Completed text 55316\n", + "Completed text 55317\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 55318\n", + "Completed text 55319\n", + "Completed text 55320\n", + "Completed text 55321\n", + "Completed text 55322\n", + "Completed text 55323\n", + "Completed text 55324\n", + "Completed text 55325\n", + "Completed text 55326\n", + "Completed text 55327\n", + "Completed text 55328\n", + "Completed text 55329\n", + "Completed text 55330\n", + "Completed text 55331\n", + "Completed text 55332\n", + "Completed text 55333\n", + "Completed text 55334\n", + "Completed text 55335\n", + "Completed text 55336\n", + "Completed text 55337\n", + "Completed text 55338\n", + "Completed text 55339\n", + "Completed text 55340\n", + "Completed text 55341\n", + "Completed text 55342\n", + "Completed text 55343\n", + "Completed text 55344\n", + "Completed text 55345\n", + "Completed text 55346\n", + "Completed text 55347\n", + "Completed text 55348\n", + "Completed text 55349\n", + "Completed text 55350\n", + "Completed text 55351\n", + "Completed text 55352\n", + "Completed text 55353\n", + "Completed text 55354\n", + "Completed text 55355\n", + "Completed text 55356\n", + "Completed text 55357\n", + "Completed text 55358\n", + "Completed text 55359\n", + "Completed text 55360\n", + "Completed text 55361\n", + "Completed text 55362\n", + "Completed text 55363\n", + "Completed text 55364\n", + "Completed text 55365\n", + "Completed text 55366\n", + "Completed text 55367\n", + "Completed text 55368\n", + "Completed text 55369\n", + "Completed text 55370\n", + "Completed text 55371\n", + "Completed text 55372\n", + "Completed text 55373\n", + "Completed text 55374\n", + "Completed text 55375\n", + "Completed text 55376\n", + "Completed text 55377\n", + "Completed text 55378\n", + "Completed text 55379\n", + "Completed text 55380\n", + "Completed text 55381\n", + "Completed text 55382\n", + "Completed text 55383\n", + "Completed text 55384\n", + "Completed text 55385\n", + "Completed text 55386\n", + "Completed text 55387\n", + "Completed text 55388\n", + "Completed text 55389\n", + "Completed text 55390\n", + "Completed text 55391\n", + "Completed text 55392\n", + "Completed text 55393\n", + "Completed text 55394\n", + "Completed text 55395\n", + "Completed text 55396\n", + "Completed text 55397\n", + "Completed text 55398\n", + "Completed text 55399\n", + "Completed text 55400\n", + "Completed text 55401\n", + "Completed text 55402\n", + "Completed text 55403\n", + "Completed text 55404\n", + "Completed text 55405\n", + "Completed text 55406\n", + "Completed text 55407\n", + "Completed text 55408\n", + "Completed text 55409\n", + "Completed text 55410\n", + "Completed text 55411\n", + "Completed text 55412\n", + "Completed text 55413\n", + "Completed text 55414\n", + "Completed text 55415\n", + "Completed text 55416\n", + "Completed text 55417\n", + "Completed text 55418\n", + "Completed text 55419\n", + "Completed text 55420\n", + "Completed text 55421\n", + "Completed text 55422\n", + "Completed text 55423\n", + "Completed text 55424\n", + "Completed text 55425\n", + "Completed text 55426\n", + "Completed text 55427\n", + "Completed text 55428\n", + "Completed text 55429\n", + "Completed text 55430\n", + "Completed text 55431\n", + "Completed text 55432\n", + "Completed text 55433\n", + "Completed text 55434\n", + "Completed text 55435\n", + "Completed text 55436\n", + "Completed text 55437\n", + "Completed text 55438\n", + "Completed text 55439\n", + "Completed text 55440\n", + "Completed text 55441\n", + "Completed text 55442\n", + "Completed text 55443\n", + "Completed text 55444\n", + "Completed text 55445\n", + "Completed text 55446\n", + "Completed text 55447\n", + "Completed text 55448\n", + "Completed text 55449\n", + "Completed text 55450\n", + "Completed text 55451\n", + "Completed text 55452\n", + "Completed text 55453\n", + "Completed text 55454\n", + "Completed text 55455\n", + "Completed text 55456\n", + "Completed text 55457\n", + "Completed text 55458\n", + "Completed text 55459\n", + "Completed text 55460\n", + "Completed text 55461\n", + "Completed text 55462\n", + "Completed text 55463\n", + "Completed text 55464\n", + "Completed text 55465\n", + "Completed text 55466\n", + "Completed text 55467\n", + "Completed text 55468\n", + "Completed text 55469\n", + "Completed text 55470\n", + "Completed text 55471\n", + "Completed text 55472\n", + "Completed text 55473\n", + "Completed text 55474\n", + "Completed text 55475\n", + "Completed text 55476\n", + "Completed text 55477\n", + "Completed text 55478\n", + "Completed text 55479\n", + "Completed text 55480\n", + "Completed text 55481\n", + "Completed text 55482\n", + "Completed text 55483\n", + "Completed text 55484\n", + "Completed text 55485\n", + "Completed text 55486\n", + "Completed text 55487\n", + "Completed text 55488\n", + "Completed text 55489\n", + "Completed text 55490\n", + "Completed text 55491\n", + "Completed text 55492\n", + "Completed text 55493\n", + "Completed text 55494\n", + "Completed text 55495\n", + "Completed text 55496\n", + "Completed text 55497\n", + "Completed text 55498\n", + "Completed text 55499\n", + "Completed text 55500\n", + "Completed text 55501\n", + "Completed text 55502\n", + "Completed text 55503\n", + "Completed text 55504\n", + "Completed text 55505\n", + "Completed text 55506\n", + "Completed text 55507\n", + "Completed text 55508\n", + "Completed text 55509\n", + "Completed text 55510\n", + "Completed text 55511\n", + "Completed text 55512\n", + "Completed text 55513\n", + "Completed text 55514\n", + "Completed text 55515\n", + "Completed text 55516\n", + "Completed text 55517\n", + "Completed text 55518\n", + "Completed text 55519\n", + "Completed text 55520\n", + "Completed text 55521\n", + "Completed text 55522\n", + "Completed text 55523\n", + "Completed text 55524\n", + "Completed text 55525\n", + "Completed text 55526\n", + "Completed text 55527\n", + "Completed text 55528\n", + "Completed text 55529\n", + "Completed text 55530\n", + "Completed text 55531\n", + "Completed text 55532\n", + "Completed text 55533\n", + "Completed text 55534\n", + "Completed text 55535\n", + "Completed text 55536\n", + "Completed text 55537\n", + "Completed text 55538\n", + "Completed text 55539\n", + "Completed text 55540\n", + "Completed text 55541\n", + "Completed text 55542\n", + "Completed text 55543\n", + "Completed text 55544\n", + "Completed text 55545\n", + "Completed text 55546\n", + "Completed text 55547\n", + "Completed text 55548\n", + "Completed text 55549\n", + "Completed text 55550\n", + "Completed text 55551\n", + "Completed text 55552\n", + "Completed text 55553\n", + "Completed text 55554\n", + "Completed text 55555\n", + "Completed text 55556\n", + "Completed text 55557\n", + "Completed text 55558\n", + "Completed text 55559\n", + "Completed text 55560\n", + "Completed text 55561\n", + "Completed text 55562\n", + "Completed text 55563\n", + "Completed text 55564\n", + "Completed text 55565\n", + "Completed text 55566\n", + "Completed text 55567\n", + "Completed text 55568\n", + "Completed text 55569\n", + "Completed text 55570\n", + "Completed text 55571\n", + "Completed text 55572\n", + "Completed text 55573\n", + "Completed text 55574\n", + "Completed text 55575\n", + "Completed text 55576\n", + "Completed text 55577\n", + "Completed text 55578\n", + "Completed text 55579\n", + "Completed text 55580\n", + "Completed text 55581\n", + "Completed text 55582\n", + "Completed text 55583\n", + "Completed text 55584\n", + "Completed text 55585\n", + "Completed text 55586\n", + "Completed text 55587\n", + "Completed text 55588\n", + "Completed text 55589\n", + "Completed text 55590\n", + "Completed text 55591\n", + "Completed text 55592\n", + "Completed text 55593\n", + "Completed text 55594\n", + "Completed text 55595\n", + "Completed text 55596\n", + "Completed text 55597\n", + "Completed text 55598\n", + "Completed text 55599\n", + "Completed text 55600\n", + "Completed text 55601\n", + "Completed text 55602\n", + "Completed text 55603\n", + "Completed text 55604\n", + "Completed text 55605\n", + "Completed text 55606\n", + "Completed text 55607\n", + "Completed text 55608\n", + "Completed text 55609\n", + "Completed text 55610\n", + "Completed text 55611\n", + "Completed text 55612\n", + "Completed text 55613\n", + "Completed text 55614\n", + "Completed text 55615\n", + "Completed text 55616\n", + "Completed text 55617\n", + "Completed text 55618\n", + "Completed text 55619\n", + "Completed text 55620\n", + "Completed text 55621\n", + "Completed text 55622\n", + "Completed text 55623\n", + "Completed text 55624\n", + "Completed text 55625\n", + "Completed text 55626\n", + "Completed text 55627\n", + "Completed text 55628\n", + "Completed text 55629\n", + "Completed text 55630\n", + "Completed text 55631\n", + "Completed text 55632\n", + "Completed text 55633\n", + "Completed text 55634\n", + "Completed text 55635\n", + "Completed text 55636\n", + "Completed text 55637\n", + "Completed text 55638\n", + "Completed text 55639\n", + "Completed text 55640\n", + "Completed text 55641\n", + "Completed text 55642\n", + "Completed text 55643\n", + "Completed text 55644\n", + "Completed text 55645\n", + "Completed text 55646\n", + "Completed text 55647\n", + "Completed text 55648\n", + "Completed text 55649\n", + "Completed text 55650\n", + "Completed text 55651\n", + "Completed text 55652\n", + "Completed text 55653\n", + "Completed text 55654\n", + "Completed text 55655\n", + "Completed text 55656\n", + "Completed text 55657\n", + "Completed text 55658\n", + "Completed text 55659\n", + "Completed text 55660\n", + "Completed text 55661\n", + "Completed text 55662\n", + "Completed text 55663\n", + "Completed text 55664\n", + "Completed text 55665\n", + "Completed text 55666\n", + "Completed text 55667\n", + "Completed text 55668\n", + "Completed text 55669\n", + "Completed text 55670\n", + "Completed text 55671\n", + "Completed text 55672\n", + "Completed text 55673\n", + "Completed text 55674\n", + "Completed text 55675\n", + "Completed text 55676\n", + "Completed text 55677\n", + "Completed text 55678\n", + "Completed text 55679\n", + "Completed text 55680\n", + "Completed text 55681\n", + "Completed text 55682\n", + "Completed text 55683\n", + "Completed text 55684\n", + "Completed text 55685\n", + "Completed text 55686\n", + "Completed text 55687\n", + "Completed text 55688\n", + "Completed text 55689\n", + "Completed text 55690\n", + "Completed text 55691\n", + "Completed text 55692\n", + "Completed text 55693\n", + "Completed text 55694\n", + "Completed text 55695\n", + "Completed text 55696\n", + "Completed text 55697\n", + "Completed text 55698\n", + "Completed text 55699\n", + "Completed text 55700\n", + "Completed text 55701\n", + "Completed text 55702\n", + "Completed text 55703\n", + "Completed text 55704\n", + "Completed text 55705\n", + "Completed text 55706\n", + "Completed text 55707\n", + "Completed text 55708\n", + "Completed text 55709\n", + "Completed text 55710\n", + "Completed text 55711\n", + "Completed text 55712\n", + "Completed text 55713\n", + "Completed text 55714\n", + "Completed text 55715\n", + "Completed text 55716\n", + "Completed text 55717\n", + "Completed text 55718\n", + "Completed text 55719\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 55720\n", + "Completed text 55721\n", + "Completed text 55722\n", + "Completed text 55723\n", + "Completed text 55724\n", + "Completed text 55725\n", + "Completed text 55726\n", + "Completed text 55727\n", + "Completed text 55728\n", + "Completed text 55729\n", + "Completed text 55730\n", + "Completed text 55731\n", + "Completed text 55732\n", + "Completed text 55733\n", + "Completed text 55734\n", + "Completed text 55735\n", + "Completed text 55736\n", + "Completed text 55737\n", + "Completed text 55738\n", + "Completed text 55739\n", + "Completed text 55740\n", + "Completed text 55741\n", + "Completed text 55742\n", + "Completed text 55743\n", + "Completed text 55744\n", + "Completed text 55745\n", + "Completed text 55746\n", + "Completed text 55747\n", + "Completed text 55748\n", + "Completed text 55749\n", + "Completed text 55750\n", + "Completed text 55751\n", + "Completed text 55752\n", + "Completed text 55753\n", + "Completed text 55754\n", + "Completed text 55755\n", + "Completed text 55756\n", + "Completed text 55757\n", + "Completed text 55758\n", + "Completed text 55759\n", + "Completed text 55760\n", + "Completed text 55761\n", + "Completed text 55762\n", + "Completed text 55763\n", + "Completed text 55764\n", + "Completed text 55765\n", + "Completed text 55766\n", + "Completed text 55767\n", + "Completed text 55768\n", + "Completed text 55769\n", + "Completed text 55770\n", + "Completed text 55771\n", + "Completed text 55772\n", + "Completed text 55773\n", + "Completed text 55774\n", + "Completed text 55775\n", + "Completed text 55776\n", + "Completed text 55777\n", + "Completed text 55778\n", + "Completed text 55779\n", + "Completed text 55780\n", + "Completed text 55781\n", + "Completed text 55782\n", + "Completed text 55783\n", + "Completed text 55784\n", + "Completed text 55785\n", + "Completed text 55786\n", + "Completed text 55787\n", + "Completed text 55788\n", + "Completed text 55789\n", + "Completed text 55790\n", + "Completed text 55791\n", + "Completed text 55792\n", + "Completed text 55793\n", + "Completed text 55794\n", + "Completed text 55795\n", + "Completed text 55796\n", + "Completed text 55797\n", + "Completed text 55798\n", + "Completed text 55799\n", + "Completed text 55800\n", + "Completed text 55801\n", + "Completed text 55802\n", + "Completed text 55803\n", + "Completed text 55804\n", + "Completed text 55805\n", + "Completed text 55806\n", + "Completed text 55807\n", + "Completed text 55808\n", + "Completed text 55809\n", + "Completed text 55810\n", + "Completed text 55811\n", + "Completed text 55812\n", + "Completed text 55813\n", + "Completed text 55814\n", + "Completed text 55815\n", + "Completed text 55816\n", + "Completed text 55817\n", + "Completed text 55818\n", + "Completed text 55819\n", + "Completed text 55820\n", + "Completed text 55821\n", + "Completed text 55822\n", + "Completed text 55823\n", + "Completed text 55824\n", + "Completed text 55825\n", + "Completed text 55826\n", + "Completed text 55827\n", + "Completed text 55828\n", + "Completed text 55829\n", + "Completed text 55830\n", + "Completed text 55831\n", + "Completed text 55832\n", + "Completed text 55833\n", + "Completed text 55834\n", + "Completed text 55835\n", + "Completed text 55836\n", + "Completed text 55837\n", + "Completed text 55838\n", + "Completed text 55839\n", + "Completed text 55840\n", + "Completed text 55841\n", + "Completed text 55842\n", + "Completed text 55843\n", + "Completed text 55844\n", + "Completed text 55845\n", + "Completed text 55846\n", + "Completed text 55847\n", + "Completed text 55848\n", + "Completed text 55849\n", + "Completed text 55850\n", + "Completed text 55851\n", + "Completed text 55852\n", + "Completed text 55853\n", + "Completed text 55854\n", + "Completed text 55855\n", + "Completed text 55856\n", + "Completed text 55857\n", + "Completed text 55858\n", + "Completed text 55859\n", + "Completed text 55860\n", + "Completed text 55861\n", + "Completed text 55862\n", + "Completed text 55863\n", + "Completed text 55864\n", + "Completed text 55865\n", + "Completed text 55866\n", + "Completed text 55867\n", + "Completed text 55868\n", + "Completed text 55869\n", + "Completed text 55870\n", + "Completed text 55871\n", + "Completed text 55872\n", + "Completed text 55873\n", + "Completed text 55874\n", + "Completed text 55875\n", + "Completed text 55876\n", + "Completed text 55877\n", + "Completed text 55878\n", + "Completed text 55879\n", + "Completed text 55880\n", + "Completed text 55881\n", + "Completed text 55882\n", + "Completed text 55883\n", + "Completed text 55884\n", + "Completed text 55885\n", + "Completed text 55886\n", + "Completed text 55887\n", + "Completed text 55888\n", + "Completed text 55889\n", + "Completed text 55890\n", + "Completed text 55891\n", + "Completed text 55892\n", + "Completed text 55893\n", + "Completed text 55894\n", + "Completed text 55895\n", + "Completed text 55896\n", + "Completed text 55897\n", + "Completed text 55898\n", + "Completed text 55899\n", + "Completed text 55900\n", + "Completed text 55901\n", + "Completed text 55902\n", + "Completed text 55903\n", + "Completed text 55904\n", + "Completed text 55905\n", + "Completed text 55906\n", + "Completed text 55907\n", + "Completed text 55908\n", + "Completed text 55909\n", + "Completed text 55910\n", + "Completed text 55911\n", + "Completed text 55912\n", + "Completed text 55913\n", + "Completed text 55914\n", + "Completed text 55915\n", + "Completed text 55916\n", + "Completed text 55917\n", + "Completed text 55918\n", + "Completed text 55919\n", + "Completed text 55920\n", + "Completed text 55921\n", + "Completed text 55922\n", + "Completed text 55923\n", + "Completed text 55924\n", + "Completed text 55925\n", + "Completed text 55926\n", + "Completed text 55927\n", + "Completed text 55928\n", + "Completed text 55929\n", + "Completed text 55930\n", + "Completed text 55931\n", + "Completed text 55932\n", + "Completed text 55933\n", + "Completed text 55934\n", + "Completed text 55935\n", + "Completed text 55936\n", + "Completed text 55937\n", + "Completed text 55938\n", + "Completed text 55939\n", + "Completed text 55940\n", + "Completed text 55941\n", + "Completed text 55942\n", + "Completed text 55943\n", + "Completed text 55944\n", + "Completed text 55945\n", + "Completed text 55946\n", + "Completed text 55947\n", + "Completed text 55948\n", + "Completed text 55949\n", + "Completed text 55950\n", + "Completed text 55951\n", + "Completed text 55952\n", + "Completed text 55953\n", + "Completed text 55954\n", + "Completed text 55955\n", + "Completed text 55956\n", + "Completed text 55957\n", + "Completed text 55958\n", + "Completed text 55959\n", + "Completed text 55960\n", + "Completed text 55961\n", + "Completed text 55962\n", + "Completed text 55963\n", + "Completed text 55964\n", + "Completed text 55965\n", + "Completed text 55966\n", + "Completed text 55967\n", + "Completed text 55968\n", + "Completed text 55969\n", + "Completed text 55970\n", + "Completed text 55971\n", + "Completed text 55972\n", + "Completed text 55973\n", + "Completed text 55974\n", + "Completed text 55975\n", + "Completed text 55976\n", + "Completed text 55977\n", + "Completed text 55978\n", + "Completed text 55979\n", + "Completed text 55980\n", + "Completed text 55981\n", + "Completed text 55982\n", + "Completed text 55983\n", + "Completed text 55984\n", + "Completed text 55985\n", + "Completed text 55986\n", + "Completed text 55987\n", + "Completed text 55988\n", + "Completed text 55989\n", + "Completed text 55990\n", + "Completed text 55991\n", + "Completed text 55992\n", + "Completed text 55993\n", + "Completed text 55994\n", + "Completed text 55995\n", + "Completed text 55996\n", + "Completed text 55997\n", + "Completed text 55998\n", + "Completed text 55999\n", + "Completed text 56000\n", + "Completed text 56001\n", + "Completed text 56002\n", + "Completed text 56003\n", + "Completed text 56004\n", + "Completed text 56005\n", + "Completed text 56006\n", + "Completed text 56007\n", + "Completed text 56008\n", + "Completed text 56009\n", + "Completed text 56010\n", + "Completed text 56011\n", + "Completed text 56012\n", + "Completed text 56013\n", + "Completed text 56014\n", + "Completed text 56015\n", + "Completed text 56016\n", + "Completed text 56017\n", + "Completed text 56018\n", + "Completed text 56019\n", + "Completed text 56020\n", + "Completed text 56021\n", + "Completed text 56022\n", + "Completed text 56023\n", + "Completed text 56024\n", + "Completed text 56025\n", + "Completed text 56026\n", + "Completed text 56027\n", + "Completed text 56028\n", + "Completed text 56029\n", + "Completed text 56030\n", + "Completed text 56031\n", + "Completed text 56032\n", + "Completed text 56033\n", + "Completed text 56034\n", + "Completed text 56035\n", + "Completed text 56036\n", + "Completed text 56037\n", + "Completed text 56038\n", + "Completed text 56039\n", + "Completed text 56040\n", + "Completed text 56041\n", + "Completed text 56042\n", + "Completed text 56043\n", + "Completed text 56044\n", + "Completed text 56045\n", + "Completed text 56046\n", + "Completed text 56047\n", + "Completed text 56048\n", + "Completed text 56049\n", + "Completed text 56050\n", + "Completed text 56051\n", + "Completed text 56052\n", + "Completed text 56053\n", + "Completed text 56054\n", + "Completed text 56055\n", + "Completed text 56056\n", + "Completed text 56057\n", + "Completed text 56058\n", + "Completed text 56059\n", + "Completed text 56060\n", + "Completed text 56061\n", + "Completed text 56062\n", + "Completed text 56063\n", + "Completed text 56064\n", + "Completed text 56065\n", + "Completed text 56066\n", + "Completed text 56067\n", + "Completed text 56068\n", + "Completed text 56069\n", + "Completed text 56070\n", + "Completed text 56071\n", + "Completed text 56072\n", + "Completed text 56073\n", + "Completed text 56074\n", + "Completed text 56075\n", + "Completed text 56076\n", + "Completed text 56077\n", + "Completed text 56078\n", + "Completed text 56079\n", + "Completed text 56080\n", + "Completed text 56081\n", + "Completed text 56082\n", + "Completed text 56083\n", + "Completed text 56084\n", + "Completed text 56085\n", + "Completed text 56086\n", + "Completed text 56087\n", + "Completed text 56088\n", + "Completed text 56089\n", + "Completed text 56090\n", + "Completed text 56091\n", + "Completed text 56092\n", + "Completed text 56093\n", + "Completed text 56094\n", + "Completed text 56095\n", + "Completed text 56096\n", + "Completed text 56097\n", + "Completed text 56098\n", + "Completed text 56099\n", + "Completed text 56100\n", + "Completed text 56101\n", + "Completed text 56102\n", + "Completed text 56103\n", + "Completed text 56104\n", + "Completed text 56105\n", + "Completed text 56106\n", + "Completed text 56107\n", + "Completed text 56108\n", + "Completed text 56109\n", + "Completed text 56110\n", + "Completed text 56111\n", + "Completed text 56112\n", + "Completed text 56113\n", + "Completed text 56114\n", + "Completed text 56115\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 56116\n", + "Completed text 56117\n", + "Completed text 56118\n", + "Completed text 56119\n", + "Completed text 56120\n", + "Completed text 56121\n", + "Completed text 56122\n", + "Completed text 56123\n", + "Completed text 56124\n", + "Completed text 56125\n", + "Completed text 56126\n", + "Completed text 56127\n", + "Completed text 56128\n", + "Completed text 56129\n", + "Completed text 56130\n", + "Completed text 56131\n", + "Completed text 56132\n", + "Completed text 56133\n", + "Completed text 56134\n", + "Completed text 56135\n", + "Completed text 56136\n", + "Completed text 56137\n", + "Completed text 56138\n", + "Completed text 56139\n", + "Completed text 56140\n", + "Completed text 56141\n", + "Completed text 56142\n", + "Completed text 56143\n", + "Completed text 56144\n", + "Completed text 56145\n", + "Completed text 56146\n", + "Completed text 56147\n", + "Completed text 56148\n", + "Completed text 56149\n", + "Completed text 56150\n", + "Completed text 56151\n", + "Completed text 56152\n", + "Completed text 56153\n", + "Completed text 56154\n", + "Completed text 56155\n", + "Completed text 56156\n", + "Completed text 56157\n", + "Completed text 56158\n", + "Completed text 56159\n", + "Completed text 56160\n", + "Completed text 56161\n", + "Completed text 56162\n", + "Completed text 56163\n", + "Completed text 56164\n", + "Completed text 56165\n", + "Completed text 56166\n", + "Completed text 56167\n", + "Completed text 56168\n", + "Completed text 56169\n", + "Completed text 56170\n", + "Completed text 56171\n", + "Completed text 56172\n", + "Completed text 56173\n", + "Completed text 56174\n", + "Completed text 56175\n", + "Completed text 56176\n", + "Completed text 56177\n", + "Completed text 56178\n", + "Completed text 56179\n", + "Completed text 56180\n", + "Completed text 56181\n", + "Completed text 56182\n", + "Completed text 56183\n", + "Completed text 56184\n", + "Completed text 56185\n", + "Completed text 56186\n", + "Completed text 56187\n", + "Completed text 56188\n", + "Completed text 56189\n", + "Completed text 56190\n", + "Completed text 56191\n", + "Completed text 56192\n", + "Completed text 56193\n", + "Completed text 56194\n", + "Completed text 56195\n", + "Completed text 56196\n", + "Completed text 56197\n", + "Completed text 56198\n", + "Completed text 56199\n", + "Completed text 56200\n", + "Completed text 56201\n", + "Completed text 56202\n", + "Completed text 56203\n", + "Completed text 56204\n", + "Completed text 56205\n", + "Completed text 56206\n", + "Completed text 56207\n", + "Completed text 56208\n", + "Completed text 56209\n", + "Completed text 56210\n", + "Completed text 56211\n", + "Completed text 56212\n", + "Completed text 56213\n", + "Completed text 56214\n", + "Completed text 56215\n", + "Completed text 56216\n", + "Completed text 56217\n", + "Completed text 56218\n", + "Completed text 56219\n", + "Completed text 56220\n", + "Completed text 56221\n", + "Completed text 56222\n", + "Completed text 56223\n", + "Completed text 56224\n", + "Completed text 56225\n", + "Completed text 56226\n", + "Completed text 56227\n", + "Completed text 56228\n", + "Completed text 56229\n", + "Completed text 56230\n", + "Completed text 56231\n", + "Completed text 56232\n", + "Completed text 56233\n", + "Completed text 56234\n", + "Completed text 56235\n", + "Completed text 56236\n", + "Completed text 56237\n", + "Completed text 56238\n", + "Completed text 56239\n", + "Completed text 56240\n", + "Completed text 56241\n", + "Completed text 56242\n", + "Completed text 56243\n", + "Completed text 56244\n", + "Completed text 56245\n", + "Completed text 56246\n", + "Completed text 56247\n", + "Completed text 56248\n", + "Completed text 56249\n", + "Completed text 56250\n", + "Completed text 56251\n", + "Completed text 56252\n", + "Completed text 56253\n", + "Completed text 56254\n", + "Completed text 56255\n", + "Completed text 56256\n", + "Completed text 56257\n", + "Completed text 56258\n", + "Completed text 56259\n", + "Completed text 56260\n", + "Completed text 56261\n", + "Completed text 56262\n", + "Completed text 56263\n", + "Completed text 56264\n", + "Completed text 56265\n", + "Completed text 56266\n", + "Completed text 56267\n", + "Completed text 56268\n", + "Completed text 56269\n", + "Completed text 56270\n", + "Completed text 56271\n", + "Completed text 56272\n", + "Completed text 56273\n", + "Completed text 56274\n", + "Completed text 56275\n", + "Completed text 56276\n", + "Completed text 56277\n", + "Completed text 56278\n", + "Completed text 56279\n", + "Completed text 56280\n", + "Completed text 56281\n", + "Completed text 56282\n", + "Completed text 56283\n", + "Completed text 56284\n", + "Completed text 56285\n", + "Completed text 56286\n", + "Completed text 56287\n", + "Completed text 56288\n", + "Completed text 56289\n", + "Completed text 56290\n", + "Completed text 56291\n", + "Completed text 56292\n", + "Completed text 56293\n", + "Completed text 56294\n", + "Completed text 56295\n", + "Completed text 56296\n", + "Completed text 56297\n", + "Completed text 56298\n", + "Completed text 56299\n", + "Completed text 56300\n", + "Completed text 56301\n", + "Completed text 56302\n", + "Completed text 56303\n", + "Completed text 56304\n", + "Completed text 56305\n", + "Completed text 56306\n", + "Completed text 56307\n", + "Completed text 56308\n", + "Completed text 56309\n", + "Completed text 56310\n", + "Completed text 56311\n", + "Completed text 56312\n", + "Completed text 56313\n", + "Completed text 56314\n", + "Completed text 56315\n", + "Completed text 56316\n", + "Completed text 56317\n", + "Completed text 56318\n", + "Completed text 56319\n", + "Completed text 56320\n", + "Completed text 56321\n", + "Completed text 56322\n", + "Completed text 56323\n", + "Completed text 56324\n", + "Completed text 56325\n", + "Completed text 56326\n", + "Completed text 56327\n", + "Completed text 56328\n", + "Completed text 56329\n", + "Completed text 56330\n", + "Completed text 56331\n", + "Completed text 56332\n", + "Completed text 56333\n", + "Completed text 56334\n", + "Completed text 56335\n", + "Completed text 56336\n", + "Completed text 56337\n", + "Completed text 56338\n", + "Completed text 56339\n", + "Completed text 56340\n", + "Completed text 56341\n", + "Completed text 56342\n", + "Completed text 56343\n", + "Completed text 56344\n", + "Completed text 56345\n", + "Completed text 56346\n", + "Completed text 56347\n", + "Completed text 56348\n", + "Completed text 56349\n", + "Completed text 56350\n", + "Completed text 56351\n", + "Completed text 56352\n", + "Completed text 56353\n", + "Completed text 56354\n", + "Completed text 56355\n", + "Completed text 56356\n", + "Completed text 56357\n", + "Completed text 56358\n", + "Completed text 56359\n", + "Completed text 56360\n", + "Completed text 56361\n", + "Completed text 56362\n", + "Completed text 56363\n", + "Completed text 56364\n", + "Completed text 56365\n", + "Completed text 56366\n", + "Completed text 56367\n", + "Completed text 56368\n", + "Completed text 56369\n", + "Completed text 56370\n", + "Completed text 56371\n", + "Completed text 56372\n", + "Completed text 56373\n", + "Completed text 56374\n", + "Completed text 56375\n", + "Completed text 56376\n", + "Completed text 56377\n", + "Completed text 56378\n", + "Completed text 56379\n", + "Completed text 56380\n", + "Completed text 56381\n", + "Completed text 56382\n", + "Completed text 56383\n", + "Completed text 56384\n", + "Completed text 56385\n", + "Completed text 56386\n", + "Completed text 56387\n", + "Completed text 56388\n", + "Completed text 56389\n", + "Completed text 56390\n", + "Completed text 56391\n", + "Completed text 56392\n", + "Completed text 56393\n", + "Completed text 56394\n", + "Completed text 56395\n", + "Completed text 56396\n", + "Completed text 56397\n", + "Completed text 56398\n", + "Completed text 56399\n", + "Completed text 56400\n", + "Completed text 56401\n", + "Completed text 56402\n", + "Completed text 56403\n", + "Completed text 56404\n", + "Completed text 56405\n", + "Completed text 56406\n", + "Completed text 56407\n", + "Completed text 56408\n", + "Completed text 56409\n", + "Completed text 56410\n", + "Completed text 56411\n", + "Completed text 56412\n", + "Completed text 56413\n", + "Completed text 56414\n", + "Completed text 56415\n", + "Completed text 56416\n", + "Completed text 56417\n", + "Completed text 56418\n", + "Completed text 56419\n", + "Completed text 56420\n", + "Completed text 56421\n", + "Completed text 56422\n", + "Completed text 56423\n", + "Completed text 56424\n", + "Completed text 56425\n", + "Completed text 56426\n", + "Completed text 56427\n", + "Completed text 56428\n", + "Completed text 56429\n", + "Completed text 56430\n", + "Completed text 56431\n", + "Completed text 56432\n", + "Completed text 56433\n", + "Completed text 56434\n", + "Completed text 56435\n", + "Completed text 56436\n", + "Completed text 56437\n", + "Completed text 56438\n", + "Completed text 56439\n", + "Completed text 56440\n", + "Completed text 56441\n", + "Completed text 56442\n", + "Completed text 56443\n", + "Completed text 56444\n", + "Completed text 56445\n", + "Completed text 56446\n", + "Completed text 56447\n", + "Completed text 56448\n", + "Completed text 56449\n", + "Completed text 56450\n", + "Completed text 56451\n", + "Completed text 56452\n", + "Completed text 56453\n", + "Completed text 56454\n", + "Completed text 56455\n", + "Completed text 56456\n", + "Completed text 56457\n", + "Completed text 56458\n", + "Completed text 56459\n", + "Completed text 56460\n", + "Completed text 56461\n", + "Completed text 56462\n", + "Completed text 56463\n", + "Completed text 56464\n", + "Completed text 56465\n", + "Completed text 56466\n", + "Completed text 56467\n", + "Completed text 56468\n", + "Completed text 56469\n", + "Completed text 56470\n", + "Completed text 56471\n", + "Completed text 56472\n", + "Completed text 56473\n", + "Completed text 56474\n", + "Completed text 56475\n", + "Completed text 56476\n", + "Completed text 56477\n", + "Completed text 56478\n", + "Completed text 56479\n", + "Completed text 56480\n", + "Completed text 56481\n", + "Completed text 56482\n", + "Completed text 56483\n", + "Completed text 56484\n", + "Completed text 56485\n", + "Completed text 56486\n", + "Completed text 56487\n", + "Completed text 56488\n", + "Completed text 56489\n", + "Completed text 56490\n", + "Completed text 56491\n", + "Completed text 56492\n", + "Completed text 56493\n", + "Completed text 56494\n", + "Completed text 56495\n", + "Completed text 56496\n", + "Completed text 56497\n", + "Completed text 56498\n", + "Completed text 56499\n", + "Completed text 56500\n", + "Completed text 56501\n", + "Completed text 56502\n", + "Completed text 56503\n", + "Completed text 56504\n", + "Completed text 56505\n", + "Completed text 56506\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 56507\n", + "Completed text 56508\n", + "Completed text 56509\n", + "Completed text 56510\n", + "Completed text 56511\n", + "Completed text 56512\n", + "Completed text 56513\n", + "Completed text 56514\n", + "Completed text 56515\n", + "Completed text 56516\n", + "Completed text 56517\n", + "Completed text 56518\n", + "Completed text 56519\n", + "Completed text 56520\n", + "Completed text 56521\n", + "Completed text 56522\n", + "Completed text 56523\n", + "Completed text 56524\n", + "Completed text 56525\n", + "Completed text 56526\n", + "Completed text 56527\n", + "Completed text 56528\n", + "Completed text 56529\n", + "Completed text 56530\n", + "Completed text 56531\n", + "Completed text 56532\n", + "Completed text 56533\n", + "Completed text 56534\n", + "Completed text 56535\n", + "Completed text 56536\n", + "Completed text 56537\n", + "Completed text 56538\n", + "Completed text 56539\n", + "Completed text 56540\n", + "Completed text 56541\n", + "Completed text 56542\n", + "Completed text 56543\n", + "Completed text 56544\n", + "Completed text 56545\n", + "Completed text 56546\n", + "Completed text 56547\n", + "Completed text 56548\n", + "Completed text 56549\n", + "Completed text 56550\n", + "Completed text 56551\n", + "Completed text 56552\n", + "Completed text 56553\n", + "Completed text 56554\n", + "Completed text 56555\n", + "Completed text 56556\n", + "Completed text 56557\n", + "Completed text 56558\n", + "Completed text 56559\n", + "Completed text 56560\n", + "Completed text 56561\n", + "Completed text 56562\n", + "Completed text 56563\n", + "Completed text 56564\n", + "Completed text 56565\n", + "Completed text 56566\n", + "Completed text 56567\n", + "Completed text 56568\n", + "Completed text 56569\n", + "Completed text 56570\n", + "Completed text 56571\n", + "Completed text 56572\n", + "Completed text 56573\n", + "Completed text 56574\n", + "Completed text 56575\n", + "Completed text 56576\n", + "Completed text 56577\n", + "Completed text 56578\n", + "Completed text 56579\n", + "Completed text 56580\n", + "Completed text 56581\n", + "Completed text 56582\n", + "Completed text 56583\n", + "Completed text 56584\n", + "Completed text 56585\n", + "Completed text 56586\n", + "Completed text 56587\n", + "Completed text 56588\n", + "Completed text 56589\n", + "Completed text 56590\n", + "Completed text 56591\n", + "Completed text 56592\n", + "Completed text 56593\n", + "Completed text 56594\n", + "Completed text 56595\n", + "Completed text 56596\n", + "Completed text 56597\n", + "Completed text 56598\n", + "Completed text 56599\n", + "Completed text 56600\n", + "Completed text 56601\n", + "Completed text 56602\n", + "Completed text 56603\n", + "Completed text 56604\n", + "Completed text 56605\n", + "Completed text 56606\n", + "Completed text 56607\n", + "Completed text 56608\n", + "Completed text 56609\n", + "Completed text 56610\n", + "Completed text 56611\n", + "Completed text 56612\n", + "Completed text 56613\n", + "Completed text 56614\n", + "Completed text 56615\n", + "Completed text 56616\n", + "Completed text 56617\n", + "Completed text 56618\n", + "Completed text 56619\n", + "Completed text 56620\n", + "Completed text 56621\n", + "Completed text 56622\n", + "Completed text 56623\n", + "Completed text 56624\n", + "Completed text 56625\n", + "Completed text 56626\n", + "Completed text 56627\n", + "Completed text 56628\n", + "Completed text 56629\n", + "Completed text 56630\n", + "Completed text 56631\n", + "Completed text 56632\n", + "Completed text 56633\n", + "Completed text 56634\n", + "Completed text 56635\n", + "Completed text 56636\n", + "Completed text 56637\n", + "Completed text 56638\n", + "Completed text 56639\n", + "Completed text 56640\n", + "Completed text 56641\n", + "Completed text 56642\n", + "Completed text 56643\n", + "Completed text 56644\n", + "Completed text 56645\n", + "Completed text 56646\n", + "Completed text 56647\n", + "Completed text 56648\n", + "Completed text 56649\n", + "Completed text 56650\n", + "Completed text 56651\n", + "Completed text 56652\n", + "Completed text 56653\n", + "Completed text 56654\n", + "Completed text 56655\n", + "Completed text 56656\n", + "Completed text 56657\n", + "Completed text 56658\n", + "Completed text 56659\n", + "Completed text 56660\n", + "Completed text 56661\n", + "Completed text 56662\n", + "Completed text 56663\n", + "Completed text 56664\n", + "Completed text 56665\n", + "Completed text 56666\n", + "Completed text 56667\n", + "Completed text 56668\n", + "Completed text 56669\n", + "Completed text 56670\n", + "Completed text 56671\n", + "Completed text 56672\n", + "Completed text 56673\n", + "Completed text 56674\n", + "Completed text 56675\n", + "Completed text 56676\n", + "Completed text 56677\n", + "Completed text 56678\n", + "Completed text 56679\n", + "Completed text 56680\n", + "Completed text 56681\n", + "Completed text 56682\n", + "Completed text 56683\n", + "Completed text 56684\n", + "Completed text 56685\n", + "Completed text 56686\n", + "Completed text 56687\n", + "Completed text 56688\n", + "Completed text 56689\n", + "Completed text 56690\n", + "Completed text 56691\n", + "Completed text 56692\n", + "Completed text 56693\n", + "Completed text 56694\n", + "Completed text 56695\n", + "Completed text 56696\n", + "Completed text 56697\n", + "Completed text 56698\n", + "Completed text 56699\n", + "Completed text 56700\n", + "Completed text 56701\n", + "Completed text 56702\n", + "Completed text 56703\n", + "Completed text 56704\n", + "Completed text 56705\n", + "Completed text 56706\n", + "Completed text 56707\n", + "Completed text 56708\n", + "Completed text 56709\n", + "Completed text 56710\n", + "Completed text 56711\n", + "Completed text 56712\n", + "Completed text 56713\n", + "Completed text 56714\n", + "Completed text 56715\n", + "Completed text 56716\n", + "Completed text 56717\n", + "Completed text 56718\n", + "Completed text 56719\n", + "Completed text 56720\n", + "Completed text 56721\n", + "Completed text 56722\n", + "Completed text 56723\n", + "Completed text 56724\n", + "Completed text 56725\n", + "Completed text 56726\n", + "Completed text 56727\n", + "Completed text 56728\n", + "Completed text 56729\n", + "Completed text 56730\n", + "Completed text 56731\n", + "Completed text 56732\n", + "Completed text 56733\n", + "Completed text 56734\n", + "Completed text 56735\n", + "Completed text 56736\n", + "Completed text 56737\n", + "Completed text 56738\n", + "Completed text 56739\n", + "Completed text 56740\n", + "Completed text 56741\n", + "Completed text 56742\n", + "Completed text 56743\n", + "Completed text 56744\n", + "Completed text 56745\n", + "Completed text 56746\n", + "Completed text 56747\n", + "Completed text 56748\n", + "Completed text 56749\n", + "Completed text 56750\n", + "Completed text 56751\n", + "Completed text 56752\n", + "Completed text 56753\n", + "Completed text 56754\n", + "Completed text 56755\n", + "Completed text 56756\n", + "Completed text 56757\n", + "Completed text 56758\n", + "Completed text 56759\n", + "Completed text 56760\n", + "Completed text 56761\n", + "Completed text 56762\n", + "Completed text 56763\n", + "Completed text 56764\n", + "Completed text 56765\n", + "Completed text 56766\n", + "Completed text 56767\n", + "Completed text 56768\n", + "Completed text 56769\n", + "Completed text 56770\n", + "Completed text 56771\n", + "Completed text 56772\n", + "Completed text 56773\n", + "Completed text 56774\n", + "Completed text 56775\n", + "Completed text 56776\n", + "Completed text 56777\n", + "Completed text 56778\n", + "Completed text 56779\n", + "Completed text 56780\n", + "Completed text 56781\n", + "Completed text 56782\n", + "Completed text 56783\n", + "Completed text 56784\n", + "Completed text 56785\n", + "Completed text 56786\n", + "Completed text 56787\n", + "Completed text 56788\n", + "Completed text 56789\n", + "Completed text 56790\n", + "Completed text 56791\n", + "Completed text 56792\n", + "Completed text 56793\n", + "Completed text 56794\n", + "Completed text 56795\n", + "Completed text 56796\n", + "Completed text 56797\n", + "Completed text 56798\n", + "Completed text 56799\n", + "Completed text 56800\n", + "Completed text 56801\n", + "Completed text 56802\n", + "Completed text 56803\n", + "Completed text 56804\n", + "Completed text 56805\n", + "Completed text 56806\n", + "Completed text 56807\n", + "Completed text 56808\n", + "Completed text 56809\n", + "Completed text 56810\n", + "Completed text 56811\n", + "Completed text 56812\n", + "Completed text 56813\n", + "Completed text 56814\n", + "Completed text 56815\n", + "Completed text 56816\n", + "Completed text 56817\n", + "Completed text 56818\n", + "Completed text 56819\n", + "Completed text 56820\n", + "Completed text 56821\n", + "Completed text 56822\n", + "Completed text 56823\n", + "Completed text 56824\n", + "Completed text 56825\n", + "Completed text 56826\n", + "Completed text 56827\n", + "Completed text 56828\n", + "Completed text 56829\n", + "Completed text 56830\n", + "Completed text 56831\n", + "Completed text 56832\n", + "Completed text 56833\n", + "Completed text 56834\n", + "Completed text 56835\n", + "Completed text 56836\n", + "Completed text 56837\n", + "Completed text 56838\n", + "Completed text 56839\n", + "Completed text 56840\n", + "Completed text 56841\n", + "Completed text 56842\n", + "Completed text 56843\n", + "Completed text 56844\n", + "Completed text 56845\n", + "Completed text 56846\n", + "Completed text 56847\n", + "Completed text 56848\n", + "Completed text 56849\n", + "Completed text 56850\n", + "Completed text 56851\n", + "Completed text 56852\n", + "Completed text 56853\n", + "Completed text 56854\n", + "Completed text 56855\n", + "Completed text 56856\n", + "Completed text 56857\n", + "Completed text 56858\n", + "Completed text 56859\n", + "Completed text 56860\n", + "Completed text 56861\n", + "Completed text 56862\n", + "Completed text 56863\n", + "Completed text 56864\n", + "Completed text 56865\n", + "Completed text 56866\n", + "Completed text 56867\n", + "Completed text 56868\n", + "Completed text 56869\n", + "Completed text 56870\n", + "Completed text 56871\n", + "Completed text 56872\n", + "Completed text 56873\n", + "Completed text 56874\n", + "Completed text 56875\n", + "Completed text 56876\n", + "Completed text 56877\n", + "Completed text 56878\n", + "Completed text 56879\n", + "Completed text 56880\n", + "Completed text 56881\n", + "Completed text 56882\n", + "Completed text 56883\n", + "Completed text 56884\n", + "Completed text 56885\n", + "Completed text 56886\n", + "Completed text 56887\n", + "Completed text 56888\n", + "Completed text 56889\n", + "Completed text 56890\n", + "Completed text 56891\n", + "Completed text 56892\n", + "Completed text 56893\n", + "Completed text 56894\n", + "Completed text 56895\n", + "Completed text 56896\n", + "Completed text 56897\n", + "Completed text 56898\n", + "Completed text 56899\n", + "Completed text 56900\n", + "Completed text 56901\n", + "Completed text 56902\n", + "Completed text 56903\n", + "Completed text 56904\n", + "Completed text 56905\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 56906\n", + "Completed text 56907\n", + "Completed text 56908\n", + "Completed text 56909\n", + "Completed text 56910\n", + "Completed text 56911\n", + "Completed text 56912\n", + "Completed text 56913\n", + "Completed text 56914\n", + "Completed text 56915\n", + "Completed text 56916\n", + "Completed text 56917\n", + "Completed text 56918\n", + "Completed text 56919\n", + "Completed text 56920\n", + "Completed text 56921\n", + "Completed text 56922\n", + "Completed text 56923\n", + "Completed text 56924\n", + "Completed text 56925\n", + "Completed text 56926\n", + "Completed text 56927\n", + "Completed text 56928\n", + "Completed text 56929\n", + "Completed text 56930\n", + "Completed text 56931\n", + "Completed text 56932\n", + "Completed text 56933\n", + "Completed text 56934\n", + "Completed text 56935\n", + "Completed text 56936\n", + "Completed text 56937\n", + "Completed text 56938\n", + "Completed text 56939\n", + "Completed text 56940\n", + "Completed text 56941\n", + "Completed text 56942\n", + "Completed text 56943\n", + "Completed text 56944\n", + "Completed text 56945\n", + "Completed text 56946\n", + "Completed text 56947\n", + "Completed text 56948\n", + "Completed text 56949\n", + "Completed text 56950\n", + "Completed text 56951\n", + "Completed text 56952\n", + "Completed text 56953\n", + "Completed text 56954\n", + "Completed text 56955\n", + "Completed text 56956\n", + "Completed text 56957\n", + "Completed text 56958\n", + "Completed text 56959\n", + "Completed text 56960\n", + "Completed text 56961\n", + "Completed text 56962\n", + "Completed text 56963\n", + "Completed text 56964\n", + "Completed text 56965\n", + "Completed text 56966\n", + "Completed text 56967\n", + "Completed text 56968\n", + "Completed text 56969\n", + "Completed text 56970\n", + "Completed text 56971\n", + "Completed text 56972\n", + "Completed text 56973\n", + "Completed text 56974\n", + "Completed text 56975\n", + "Completed text 56976\n", + "Completed text 56977\n", + "Completed text 56978\n", + "Completed text 56979\n", + "Completed text 56980\n", + "Completed text 56981\n", + "Completed text 56982\n", + "Completed text 56983\n", + "Completed text 56984\n", + "Completed text 56985\n", + "Completed text 56986\n", + "Completed text 56987\n", + "Completed text 56988\n", + "Completed text 56989\n", + "Completed text 56990\n", + "Completed text 56991\n", + "Completed text 56992\n", + "Completed text 56993\n", + "Completed text 56994\n", + "Completed text 56995\n", + "Completed text 56996\n", + "Completed text 56997\n", + "Completed text 56998\n", + "Completed text 56999\n", + "Completed text 57000\n", + "Completed text 57001\n", + "Completed text 57002\n", + "Completed text 57003\n", + "Completed text 57004\n", + "Completed text 57005\n", + "Completed text 57006\n", + "Completed text 57007\n", + "Completed text 57008\n", + "Completed text 57009\n", + "Completed text 57010\n", + "Completed text 57011\n", + "Completed text 57012\n", + "Completed text 57013\n", + "Completed text 57014\n", + "Completed text 57015\n", + "Completed text 57016\n", + "Completed text 57017\n", + "Completed text 57018\n", + "Completed text 57019\n", + "Completed text 57020\n", + "Completed text 57021\n", + "Completed text 57022\n", + "Completed text 57023\n", + "Completed text 57024\n", + "Completed text 57025\n", + "Completed text 57026\n", + "Completed text 57027\n", + "Completed text 57028\n", + "Completed text 57029\n", + "Completed text 57030\n", + "Completed text 57031\n", + "Completed text 57032\n", + "Completed text 57033\n", + "Completed text 57034\n", + "Completed text 57035\n", + "Completed text 57036\n", + "Completed text 57037\n", + "Completed text 57038\n", + "Completed text 57039\n", + "Completed text 57040\n", + "Completed text 57041\n", + "Completed text 57042\n", + "Completed text 57043\n", + "Completed text 57044\n", + "Completed text 57045\n", + "Completed text 57046\n", + "Completed text 57047\n", + "Completed text 57048\n", + "Completed text 57049\n", + "Completed text 57050\n", + "Completed text 57051\n", + "Completed text 57052\n", + "Completed text 57053\n", + "Completed text 57054\n", + "Completed text 57055\n", + "Completed text 57056\n", + "Completed text 57057\n", + "Completed text 57058\n", + "Completed text 57059\n", + "Completed text 57060\n", + "Completed text 57061\n", + "Completed text 57062\n", + "Completed text 57063\n", + "Completed text 57064\n", + "Completed text 57065\n", + "Completed text 57066\n", + "Completed text 57067\n", + "Completed text 57068\n", + "Completed text 57069\n", + "Completed text 57070\n", + "Completed text 57071\n", + "Completed text 57072\n", + "Completed text 57073\n", + "Completed text 57074\n", + "Completed text 57075\n", + "Completed text 57076\n", + "Completed text 57077\n", + "Completed text 57078\n", + "Completed text 57079\n", + "Completed text 57080\n", + "Completed text 57081\n", + "Completed text 57082\n", + "Completed text 57083\n", + "Completed text 57084\n", + "Completed text 57085\n", + "Completed text 57086\n", + "Completed text 57087\n", + "Completed text 57088\n", + "Completed text 57089\n", + "Completed text 57090\n", + "Completed text 57091\n", + "Completed text 57092\n", + "Completed text 57093\n", + "Completed text 57094\n", + "Completed text 57095\n", + "Completed text 57096\n", + "Completed text 57097\n", + "Completed text 57098\n", + "Completed text 57099\n", + "Completed text 57100\n", + "Completed text 57101\n", + "Completed text 57102\n", + "Completed text 57103\n", + "Completed text 57104\n", + "Completed text 57105\n", + "Completed text 57106\n", + "Completed text 57107\n", + "Completed text 57108\n", + "Completed text 57109\n", + "Completed text 57110\n", + "Completed text 57111\n", + "Completed text 57112\n", + "Completed text 57113\n", + "Completed text 57114\n", + "Completed text 57115\n", + "Completed text 57116\n", + "Completed text 57117\n", + "Completed text 57118\n", + "Completed text 57119\n", + "Completed text 57120\n", + "Completed text 57121\n", + "Completed text 57122\n", + "Completed text 57123\n", + "Completed text 57124\n", + "Completed text 57125\n", + "Completed text 57126\n", + "Completed text 57127\n", + "Completed text 57128\n", + "Completed text 57129\n", + "Completed text 57130\n", + "Completed text 57131\n", + "Completed text 57132\n", + "Completed text 57133\n", + "Completed text 57134\n", + "Completed text 57135\n", + "Completed text 57136\n", + "Completed text 57137\n", + "Completed text 57138\n", + "Completed text 57139\n", + "Completed text 57140\n", + "Completed text 57141\n", + "Completed text 57142\n", + "Completed text 57143\n", + "Completed text 57144\n", + "Completed text 57145\n", + "Completed text 57146\n", + "Completed text 57147\n", + "Completed text 57148\n", + "Completed text 57149\n", + "Completed text 57150\n", + "Completed text 57151\n", + "Completed text 57152\n", + "Completed text 57153\n", + "Completed text 57154\n", + "Completed text 57155\n", + "Completed text 57156\n", + "Completed text 57157\n", + "Completed text 57158\n", + "Completed text 57159\n", + "Completed text 57160\n", + "Completed text 57161\n", + "Completed text 57162\n", + "Completed text 57163\n", + "Completed text 57164\n", + "Completed text 57165\n", + "Completed text 57166\n", + "Completed text 57167\n", + "Completed text 57168\n", + "Completed text 57169\n", + "Completed text 57170\n", + "Completed text 57171\n", + "Completed text 57172\n", + "Completed text 57173\n", + "Completed text 57174\n", + "Completed text 57175\n", + "Completed text 57176\n", + "Completed text 57177\n", + "Completed text 57178\n", + "Completed text 57179\n", + "Completed text 57180\n", + "Completed text 57181\n", + "Completed text 57182\n", + "Completed text 57183\n", + "Completed text 57184\n", + "Completed text 57185\n", + "Completed text 57186\n", + "Completed text 57187\n", + "Completed text 57188\n", + "Completed text 57189\n", + "Completed text 57190\n", + "Completed text 57191\n", + "Completed text 57192\n", + "Completed text 57193\n", + "Completed text 57194\n", + "Completed text 57195\n", + "Completed text 57196\n", + "Completed text 57197\n", + "Completed text 57198\n", + "Completed text 57199\n", + "Completed text 57200\n", + "Completed text 57201\n", + "Completed text 57202\n", + "Completed text 57203\n", + "Completed text 57204\n", + "Completed text 57205\n", + "Completed text 57206\n", + "Completed text 57207\n", + "Completed text 57208\n", + "Completed text 57209\n", + "Completed text 57210\n", + "Completed text 57211\n", + "Completed text 57212\n", + "Completed text 57213\n", + "Completed text 57214\n", + "Completed text 57215\n", + "Completed text 57216\n", + "Completed text 57217\n", + "Completed text 57218\n", + "Completed text 57219\n", + "Completed text 57220\n", + "Completed text 57221\n", + "Completed text 57222\n", + "Completed text 57223\n", + "Completed text 57224\n", + "Completed text 57225\n", + "Completed text 57226\n", + "Completed text 57227\n", + "Completed text 57228\n", + "Completed text 57229\n", + "Completed text 57230\n", + "Completed text 57231\n", + "Completed text 57232\n", + "Completed text 57233\n", + "Completed text 57234\n", + "Completed text 57235\n", + "Completed text 57236\n", + "Completed text 57237\n", + "Completed text 57238\n", + "Completed text 57239\n", + "Completed text 57240\n", + "Completed text 57241\n", + "Completed text 57242\n", + "Completed text 57243\n", + "Completed text 57244\n", + "Completed text 57245\n", + "Completed text 57246\n", + "Completed text 57247\n", + "Completed text 57248\n", + "Completed text 57249\n", + "Completed text 57250\n", + "Completed text 57251\n", + "Completed text 57252\n", + "Completed text 57253\n", + "Completed text 57254\n", + "Completed text 57255\n", + "Completed text 57256\n", + "Completed text 57257\n", + "Completed text 57258\n", + "Completed text 57259\n", + "Completed text 57260\n", + "Completed text 57261\n", + "Completed text 57262\n", + "Completed text 57263\n", + "Completed text 57264\n", + "Completed text 57265\n", + "Completed text 57266\n", + "Completed text 57267\n", + "Completed text 57268\n", + "Completed text 57269\n", + "Completed text 57270\n", + "Completed text 57271\n", + "Completed text 57272\n", + "Completed text 57273\n", + "Completed text 57274\n", + "Completed text 57275\n", + "Completed text 57276\n", + "Completed text 57277\n", + "Completed text 57278\n", + "Completed text 57279\n", + "Completed text 57280\n", + "Completed text 57281\n", + "Completed text 57282\n", + "Completed text 57283\n", + "Completed text 57284\n", + "Completed text 57285\n", + "Completed text 57286\n", + "Completed text 57287\n", + "Completed text 57288\n", + "Completed text 57289\n", + "Completed text 57290\n", + "Completed text 57291\n", + "Completed text 57292\n", + "Completed text 57293\n", + "Completed text 57294\n", + "Completed text 57295\n", + "Completed text 57296\n", + "Completed text 57297\n", + "Completed text 57298\n", + "Completed text 57299\n", + "Completed text 57300\n", + "Completed text 57301\n", + "Completed text 57302\n", + "Completed text 57303\n", + "Completed text 57304\n", + "Completed text 57305\n", + "Completed text 57306\n", + "Completed text 57307\n", + "Completed text 57308\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 57309\n", + "Completed text 57310\n", + "Completed text 57311\n", + "Completed text 57312\n", + "Completed text 57313\n", + "Completed text 57314\n", + "Completed text 57315\n", + "Completed text 57316\n", + "Completed text 57317\n", + "Completed text 57318\n", + "Completed text 57319\n", + "Completed text 57320\n", + "Completed text 57321\n", + "Completed text 57322\n", + "Completed text 57323\n", + "Completed text 57324\n", + "Completed text 57325\n", + "Completed text 57326\n", + "Completed text 57327\n", + "Completed text 57328\n", + "Completed text 57329\n", + "Completed text 57330\n", + "Completed text 57331\n", + "Completed text 57332\n", + "Completed text 57333\n", + "Completed text 57334\n", + "Completed text 57335\n", + "Completed text 57336\n", + "Completed text 57337\n", + "Completed text 57338\n", + "Completed text 57339\n", + "Completed text 57340\n", + "Completed text 57341\n", + "Completed text 57342\n", + "Completed text 57343\n", + "Completed text 57344\n", + "Completed text 57345\n", + "Completed text 57346\n", + "Completed text 57347\n", + "Completed text 57348\n", + "Completed text 57349\n", + "Completed text 57350\n", + "Completed text 57351\n", + "Completed text 57352\n", + "Completed text 57353\n", + "Completed text 57354\n", + "Completed text 57355\n", + "Completed text 57356\n", + "Completed text 57357\n", + "Completed text 57358\n", + "Completed text 57359\n", + "Completed text 57360\n", + "Completed text 57361\n", + "Completed text 57362\n", + "Completed text 57363\n", + "Completed text 57364\n", + "Completed text 57365\n", + "Completed text 57366\n", + "Completed text 57367\n", + "Completed text 57368\n", + "Completed text 57369\n", + "Completed text 57370\n", + "Completed text 57371\n", + "Completed text 57372\n", + "Completed text 57373\n", + "Completed text 57374\n", + "Completed text 57375\n", + "Completed text 57376\n", + "Completed text 57377\n", + "Completed text 57378\n", + "Completed text 57379\n", + "Completed text 57380\n", + "Completed text 57381\n", + "Completed text 57382\n", + "Completed text 57383\n", + "Completed text 57384\n", + "Completed text 57385\n", + "Completed text 57386\n", + "Completed text 57387\n", + "Completed text 57388\n", + "Completed text 57389\n", + "Completed text 57390\n", + "Completed text 57391\n", + "Completed text 57392\n", + "Completed text 57393\n", + "Completed text 57394\n", + "Completed text 57395\n", + "Completed text 57396\n", + "Completed text 57397\n", + "Completed text 57398\n", + "Completed text 57399\n", + "Completed text 57400\n", + "Completed text 57401\n", + "Completed text 57402\n", + "Completed text 57403\n", + "Completed text 57404\n", + "Completed text 57405\n", + "Completed text 57406\n", + "Completed text 57407\n", + "Completed text 57408\n", + "Completed text 57409\n", + "Completed text 57410\n", + "Completed text 57411\n", + "Completed text 57412\n", + "Completed text 57413\n", + "Completed text 57414\n", + "Completed text 57415\n", + "Completed text 57416\n", + "Completed text 57417\n", + "Completed text 57418\n", + "Completed text 57419\n", + "Completed text 57420\n", + "Completed text 57421\n", + "Completed text 57422\n", + "Completed text 57423\n", + "Completed text 57424\n", + "Completed text 57425\n", + "Completed text 57426\n", + "Completed text 57427\n", + "Completed text 57428\n", + "Completed text 57429\n", + "Completed text 57430\n", + "Completed text 57431\n", + "Completed text 57432\n", + "Completed text 57433\n", + "Completed text 57434\n", + "Completed text 57435\n", + "Completed text 57436\n", + "Completed text 57437\n", + "Completed text 57438\n", + "Completed text 57439\n", + "Completed text 57440\n", + "Completed text 57441\n", + "Completed text 57442\n", + "Completed text 57443\n", + "Completed text 57444\n", + "Completed text 57445\n", + "Completed text 57446\n", + "Completed text 57447\n", + "Completed text 57448\n", + "Completed text 57449\n", + "Completed text 57450\n", + "Completed text 57451\n", + "Completed text 57452\n", + "Completed text 57453\n", + "Completed text 57454\n", + "Completed text 57455\n", + "Completed text 57456\n", + "Completed text 57457\n", + "Completed text 57458\n", + "Completed text 57459\n", + "Completed text 57460\n", + "Completed text 57461\n", + "Completed text 57462\n", + "Completed text 57463\n", + "Completed text 57464\n", + "Completed text 57465\n", + "Completed text 57466\n", + "Completed text 57467\n", + "Completed text 57468\n", + "Completed text 57469\n", + "Completed text 57470\n", + "Completed text 57471\n", + "Completed text 57472\n", + "Completed text 57473\n", + "Completed text 57474\n", + "Completed text 57475\n", + "Completed text 57476\n", + "Completed text 57477\n", + "Completed text 57478\n", + "Completed text 57479\n", + "Completed text 57480\n", + "Completed text 57481\n", + "Completed text 57482\n", + "Completed text 57483\n", + "Completed text 57484\n", + "Completed text 57485\n", + "Completed text 57486\n", + "Completed text 57487\n", + "Completed text 57488\n", + "Completed text 57489\n", + "Completed text 57490\n", + "Completed text 57491\n", + "Completed text 57492\n", + "Completed text 57493\n", + "Completed text 57494\n", + "Completed text 57495\n", + "Completed text 57496\n", + "Completed text 57497\n", + "Completed text 57498\n", + "Completed text 57499\n", + "Completed text 57500\n", + "Completed text 57501\n", + "Completed text 57502\n", + "Completed text 57503\n", + "Completed text 57504\n", + "Completed text 57505\n", + "Completed text 57506\n", + "Completed text 57507\n", + "Completed text 57508\n", + "Completed text 57509\n", + "Completed text 57510\n", + "Completed text 57511\n", + "Completed text 57512\n", + "Completed text 57513\n", + "Completed text 57514\n", + "Completed text 57515\n", + "Completed text 57516\n", + "Completed text 57517\n", + "Completed text 57518\n", + "Completed text 57519\n", + "Completed text 57520\n", + "Completed text 57521\n", + "Completed text 57522\n", + "Completed text 57523\n", + "Completed text 57524\n", + "Completed text 57525\n", + "Completed text 57526\n", + "Completed text 57527\n", + "Completed text 57528\n", + "Completed text 57529\n", + "Completed text 57530\n", + "Completed text 57531\n", + "Completed text 57532\n", + "Completed text 57533\n", + "Completed text 57534\n", + "Completed text 57535\n", + "Completed text 57536\n", + "Completed text 57537\n", + "Completed text 57538\n", + "Completed text 57539\n", + "Completed text 57540\n", + "Completed text 57541\n", + "Completed text 57542\n", + "Completed text 57543\n", + "Completed text 57544\n", + "Completed text 57545\n", + "Completed text 57546\n", + "Completed text 57547\n", + "Completed text 57548\n", + "Completed text 57549\n", + "Completed text 57550\n", + "Completed text 57551\n", + "Completed text 57552\n", + "Completed text 57553\n", + "Completed text 57554\n", + "Completed text 57555\n", + "Completed text 57556\n", + "Completed text 57557\n", + "Completed text 57558\n", + "Completed text 57559\n", + "Completed text 57560\n", + "Completed text 57561\n", + "Completed text 57562\n", + "Completed text 57563\n", + "Completed text 57564\n", + "Completed text 57565\n", + "Completed text 57566\n", + "Completed text 57567\n", + "Completed text 57568\n", + "Completed text 57569\n", + "Completed text 57570\n", + "Completed text 57571\n", + "Completed text 57572\n", + "Completed text 57573\n", + "Completed text 57574\n", + "Completed text 57575\n", + "Completed text 57576\n", + "Completed text 57577\n", + "Completed text 57578\n", + "Completed text 57579\n", + "Completed text 57580\n", + "Completed text 57581\n", + "Completed text 57582\n", + "Completed text 57583\n", + "Completed text 57584\n", + "Completed text 57585\n", + "Completed text 57586\n", + "Completed text 57587\n", + "Completed text 57588\n", + "Completed text 57589\n", + "Completed text 57590\n", + "Completed text 57591\n", + "Completed text 57592\n", + "Completed text 57593\n", + "Completed text 57594\n", + "Completed text 57595\n", + "Completed text 57596\n", + "Completed text 57597\n", + "Completed text 57598\n", + "Completed text 57599\n", + "Completed text 57600\n", + "Completed text 57601\n", + "Completed text 57602\n", + "Completed text 57603\n", + "Completed text 57604\n", + "Completed text 57605\n", + "Completed text 57606\n", + "Completed text 57607\n", + "Completed text 57608\n", + "Completed text 57609\n", + "Completed text 57610\n", + "Completed text 57611\n", + "Completed text 57612\n", + "Completed text 57613\n", + "Completed text 57614\n", + "Completed text 57615\n", + "Completed text 57616\n", + "Completed text 57617\n", + "Completed text 57618\n", + "Completed text 57619\n", + "Completed text 57620\n", + "Completed text 57621\n", + "Completed text 57622\n", + "Completed text 57623\n", + "Completed text 57624\n", + "Completed text 57625\n", + "Completed text 57626\n", + "Completed text 57627\n", + "Completed text 57628\n", + "Completed text 57629\n", + "Completed text 57630\n", + "Completed text 57631\n", + "Completed text 57632\n", + "Completed text 57633\n", + "Completed text 57634\n", + "Completed text 57635\n", + "Completed text 57636\n", + "Completed text 57637\n", + "Completed text 57638\n", + "Completed text 57639\n", + "Completed text 57640\n", + "Completed text 57641\n", + "Completed text 57642\n", + "Completed text 57643\n", + "Completed text 57644\n", + "Completed text 57645\n", + "Completed text 57646\n", + "Completed text 57647\n", + "Completed text 57648\n", + "Completed text 57649\n", + "Completed text 57650\n", + "Completed text 57651\n", + "Completed text 57652\n", + "Completed text 57653\n", + "Completed text 57654\n", + "Completed text 57655\n", + "Completed text 57656\n", + "Completed text 57657\n", + "Completed text 57658\n", + "Completed text 57659\n", + "Completed text 57660\n", + "Completed text 57661\n", + "Completed text 57662\n", + "Completed text 57663\n", + "Completed text 57664\n", + "Completed text 57665\n", + "Completed text 57666\n", + "Completed text 57667\n", + "Completed text 57668\n", + "Completed text 57669\n", + "Completed text 57670\n", + "Completed text 57671\n", + "Completed text 57672\n", + "Completed text 57673\n", + "Completed text 57674\n", + "Completed text 57675\n", + "Completed text 57676\n", + "Completed text 57677\n", + "Completed text 57678\n", + "Completed text 57679\n", + "Completed text 57680\n", + "Completed text 57681\n", + "Completed text 57682\n", + "Completed text 57683\n", + "Completed text 57684\n", + "Completed text 57685\n", + "Completed text 57686\n", + "Completed text 57687\n", + "Completed text 57688\n", + "Completed text 57689\n", + "Completed text 57690\n", + "Completed text 57691\n", + "Completed text 57692\n", + "Completed text 57693\n", + "Completed text 57694\n", + "Completed text 57695\n", + "Completed text 57696\n", + "Completed text 57697\n", + "Completed text 57698\n", + "Completed text 57699\n", + "Completed text 57700\n", + "Completed text 57701\n", + "Completed text 57702\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 57703\n", + "Completed text 57704\n", + "Completed text 57705\n", + "Completed text 57706\n", + "Completed text 57707\n", + "Completed text 57708\n", + "Completed text 57709\n", + "Completed text 57710\n", + "Completed text 57711\n", + "Completed text 57712\n", + "Completed text 57713\n", + "Completed text 57714\n", + "Completed text 57715\n", + "Completed text 57716\n", + "Completed text 57717\n", + "Completed text 57718\n", + "Completed text 57719\n", + "Completed text 57720\n", + "Completed text 57721\n", + "Completed text 57722\n", + "Completed text 57723\n", + "Completed text 57724\n", + "Completed text 57725\n", + "Completed text 57726\n", + "Completed text 57727\n", + "Completed text 57728\n", + "Completed text 57729\n", + "Completed text 57730\n", + "Completed text 57731\n", + "Completed text 57732\n", + "Completed text 57733\n", + "Completed text 57734\n", + "Completed text 57735\n", + "Completed text 57736\n", + "Completed text 57737\n", + "Completed text 57738\n", + "Completed text 57739\n", + "Completed text 57740\n", + "Completed text 57741\n", + "Completed text 57742\n", + "Completed text 57743\n", + "Completed text 57744\n", + "Completed text 57745\n", + "Completed text 57746\n", + "Completed text 57747\n", + "Completed text 57748\n", + "Completed text 57749\n", + "Completed text 57750\n", + "Completed text 57751\n", + "Completed text 57752\n", + "Completed text 57753\n", + "Completed text 57754\n", + "Completed text 57755\n", + "Completed text 57756\n", + "Completed text 57757\n", + "Completed text 57758\n", + "Completed text 57759\n", + "Completed text 57760\n", + "Completed text 57761\n", + "Completed text 57762\n", + "Completed text 57763\n", + "Completed text 57764\n", + "Completed text 57765\n", + "Completed text 57766\n", + "Completed text 57767\n", + "Completed text 57768\n", + "Completed text 57769\n", + "Completed text 57770\n", + "Completed text 57771\n", + "Completed text 57772\n", + "Completed text 57773\n", + "Completed text 57774\n", + "Completed text 57775\n", + "Completed text 57776\n", + "Completed text 57777\n", + "Completed text 57778\n", + "Completed text 57779\n", + "Completed text 57780\n", + "Completed text 57781\n", + "Completed text 57782\n", + "Completed text 57783\n", + "Completed text 57784\n", + "Completed text 57785\n", + "Completed text 57786\n", + "Completed text 57787\n", + "Completed text 57788\n", + "Completed text 57789\n", + "Completed text 57790\n", + "Completed text 57791\n", + "Completed text 57792\n", + "Completed text 57793\n", + "Completed text 57794\n", + "Completed text 57795\n", + "Completed text 57796\n", + "Completed text 57797\n", + "Completed text 57798\n", + "Completed text 57799\n", + "Completed text 57800\n", + "Completed text 57801\n", + "Completed text 57802\n", + "Completed text 57803\n", + "Completed text 57804\n", + "Completed text 57805\n", + "Completed text 57806\n", + "Completed text 57807\n", + "Completed text 57808\n", + "Completed text 57809\n", + "Completed text 57810\n", + "Completed text 57811\n", + "Completed text 57812\n", + "Completed text 57813\n", + "Completed text 57814\n", + "Completed text 57815\n", + "Completed text 57816\n", + "Completed text 57817\n", + "Completed text 57818\n", + "Completed text 57819\n", + "Completed text 57820\n", + "Completed text 57821\n", + "Completed text 57822\n", + "Completed text 57823\n", + "Completed text 57824\n", + "Completed text 57825\n", + "Completed text 57826\n", + "Completed text 57827\n", + "Completed text 57828\n", + "Completed text 57829\n", + "Completed text 57830\n", + "Completed text 57831\n", + "Completed text 57832\n", + "Completed text 57833\n", + "Completed text 57834\n", + "Completed text 57835\n", + "Completed text 57836\n", + "Completed text 57837\n", + "Completed text 57838\n", + "Completed text 57839\n", + "Completed text 57840\n", + "Completed text 57841\n", + "Completed text 57842\n", + "Completed text 57843\n", + "Completed text 57844\n", + "Completed text 57845\n", + "Completed text 57846\n", + "Completed text 57847\n", + "Completed text 57848\n", + "Completed text 57849\n", + "Completed text 57850\n", + "Completed text 57851\n", + "Completed text 57852\n", + "Completed text 57853\n", + "Completed text 57854\n", + "Completed text 57855\n", + "Completed text 57856\n", + "Completed text 57857\n", + "Completed text 57858\n", + "Completed text 57859\n", + "Completed text 57860\n", + "Completed text 57861\n", + "Completed text 57862\n", + "Completed text 57863\n", + "Completed text 57864\n", + "Completed text 57865\n", + "Completed text 57866\n", + "Completed text 57867\n", + "Completed text 57868\n", + "Completed text 57869\n", + "Completed text 57870\n", + "Completed text 57871\n", + "Completed text 57872\n", + "Completed text 57873\n", + "Completed text 57874\n", + "Completed text 57875\n", + "Completed text 57876\n", + "Completed text 57877\n", + "Completed text 57878\n", + "Completed text 57879\n", + "Completed text 57880\n", + "Completed text 57881\n", + "Completed text 57882\n", + "Completed text 57883\n", + "Completed text 57884\n", + "Completed text 57885\n", + "Completed text 57886\n", + "Completed text 57887\n", + "Completed text 57888\n", + "Completed text 57889\n", + "Completed text 57890\n", + "Completed text 57891\n", + "Completed text 57892\n", + "Completed text 57893\n", + "Completed text 57894\n", + "Completed text 57895\n", + "Completed text 57896\n", + "Completed text 57897\n", + "Completed text 57898\n", + "Completed text 57899\n", + "Completed text 57900\n", + "Completed text 57901\n", + "Completed text 57902\n", + "Completed text 57903\n", + "Completed text 57904\n", + "Completed text 57905\n", + "Completed text 57906\n", + "Completed text 57907\n", + "Completed text 57908\n", + "Completed text 57909\n", + "Completed text 57910\n", + "Completed text 57911\n", + "Completed text 57912\n", + "Completed text 57913\n", + "Completed text 57914\n", + "Completed text 57915\n", + "Completed text 57916\n", + "Completed text 57917\n", + "Completed text 57918\n", + "Completed text 57919\n", + "Completed text 57920\n", + "Completed text 57921\n", + "Completed text 57922\n", + "Completed text 57923\n", + "Completed text 57924\n", + "Completed text 57925\n", + "Completed text 57926\n", + "Completed text 57927\n", + "Completed text 57928\n", + "Completed text 57929\n", + "Completed text 57930\n", + "Completed text 57931\n", + "Completed text 57932\n", + "Completed text 57933\n", + "Completed text 57934\n", + "Completed text 57935\n", + "Completed text 57936\n", + "Completed text 57937\n", + "Completed text 57938\n", + "Completed text 57939\n", + "Completed text 57940\n", + "Completed text 57941\n", + "Completed text 57942\n", + "Completed text 57943\n", + "Completed text 57944\n", + "Completed text 57945\n", + "Completed text 57946\n", + "Completed text 57947\n", + "Completed text 57948\n", + "Completed text 57949\n", + "Completed text 57950\n", + "Completed text 57951\n", + "Completed text 57952\n", + "Completed text 57953\n", + "Completed text 57954\n", + "Completed text 57955\n", + "Completed text 57956\n", + "Completed text 57957\n", + "Completed text 57958\n", + "Completed text 57959\n", + "Completed text 57960\n", + "Completed text 57961\n", + "Completed text 57962\n", + "Completed text 57963\n", + "Completed text 57964\n", + "Completed text 57965\n", + "Completed text 57966\n", + "Completed text 57967\n", + "Completed text 57968\n", + "Completed text 57969\n", + "Completed text 57970\n", + "Completed text 57971\n", + "Completed text 57972\n", + "Completed text 57973\n", + "Completed text 57974\n", + "Completed text 57975\n", + "Completed text 57976\n", + "Completed text 57977\n", + "Completed text 57978\n", + "Completed text 57979\n", + "Completed text 57980\n", + "Completed text 57981\n", + "Completed text 57982\n", + "Completed text 57983\n", + "Completed text 57984\n", + "Completed text 57985\n", + "Completed text 57986\n", + "Completed text 57987\n", + "Completed text 57988\n", + "Completed text 57989\n", + "Completed text 57990\n", + "Completed text 57991\n", + "Completed text 57992\n", + "Completed text 57993\n", + "Completed text 57994\n", + "Completed text 57995\n", + "Completed text 57996\n", + "Completed text 57997\n", + "Completed text 57998\n", + "Completed text 57999\n", + "Completed text 58000\n", + "Completed text 58001\n", + "Completed text 58002\n", + "Completed text 58003\n", + "Completed text 58004\n", + "Completed text 58005\n", + "Completed text 58006\n", + "Completed text 58007\n", + "Completed text 58008\n", + "Completed text 58009\n", + "Completed text 58010\n", + "Completed text 58011\n", + "Completed text 58012\n", + "Completed text 58013\n", + "Completed text 58014\n", + "Completed text 58015\n", + "Completed text 58016\n", + "Completed text 58017\n", + "Completed text 58018\n", + "Completed text 58019\n", + "Completed text 58020\n", + "Completed text 58021\n", + "Completed text 58022\n", + "Completed text 58023\n", + "Completed text 58024\n", + "Completed text 58025\n", + "Completed text 58026\n", + "Completed text 58027\n", + "Completed text 58028\n", + "Completed text 58029\n", + "Completed text 58030\n", + "Completed text 58031\n", + "Completed text 58032\n", + "Completed text 58033\n", + "Completed text 58034\n", + "Completed text 58035\n", + "Completed text 58036\n", + "Completed text 58037\n", + "Completed text 58038\n", + "Completed text 58039\n", + "Completed text 58040\n", + "Completed text 58041\n", + "Completed text 58042\n", + "Completed text 58043\n", + "Completed text 58044\n", + "Completed text 58045\n", + "Completed text 58046\n", + "Completed text 58047\n", + "Completed text 58048\n", + "Completed text 58049\n", + "Completed text 58050\n", + "Completed text 58051\n", + "Completed text 58052\n", + "Completed text 58053\n", + "Completed text 58054\n", + "Completed text 58055\n", + "Completed text 58056\n", + "Completed text 58057\n", + "Completed text 58058\n", + "Completed text 58059\n", + "Completed text 58060\n", + "Completed text 58061\n", + "Completed text 58062\n", + "Completed text 58063\n", + "Completed text 58064\n", + "Completed text 58065\n", + "Completed text 58066\n", + "Completed text 58067\n", + "Completed text 58068\n", + "Completed text 58069\n", + "Completed text 58070\n", + "Completed text 58071\n", + "Completed text 58072\n", + "Completed text 58073\n", + "Completed text 58074\n", + "Completed text 58075\n", + "Completed text 58076\n", + "Completed text 58077\n", + "Completed text 58078\n", + "Completed text 58079\n", + "Completed text 58080\n", + "Completed text 58081\n", + "Completed text 58082\n", + "Completed text 58083\n", + "Completed text 58084\n", + "Completed text 58085\n", + "Completed text 58086\n", + "Completed text 58087\n", + "Completed text 58088\n", + "Completed text 58089\n", + "Completed text 58090\n", + "Completed text 58091\n", + "Completed text 58092\n", + "Completed text 58093\n", + "Completed text 58094\n", + "Completed text 58095\n", + "Completed text 58096\n", + "Completed text 58097\n", + "Completed text 58098\n", + "Completed text 58099\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 58100\n", + "Completed text 58101\n", + "Completed text 58102\n", + "Completed text 58103\n", + "Completed text 58104\n", + "Completed text 58105\n", + "Completed text 58106\n", + "Completed text 58107\n", + "Completed text 58108\n", + "Completed text 58109\n", + "Completed text 58110\n", + "Completed text 58111\n", + "Completed text 58112\n", + "Completed text 58113\n", + "Completed text 58114\n", + "Completed text 58115\n", + "Completed text 58116\n", + "Completed text 58117\n", + "Completed text 58118\n", + "Completed text 58119\n", + "Completed text 58120\n", + "Completed text 58121\n", + "Completed text 58122\n", + "Completed text 58123\n", + "Completed text 58124\n", + "Completed text 58125\n", + "Completed text 58126\n", + "Completed text 58127\n", + "Completed text 58128\n", + "Completed text 58129\n", + "Completed text 58130\n", + "Completed text 58131\n", + "Completed text 58132\n", + "Completed text 58133\n", + "Completed text 58134\n", + "Completed text 58135\n", + "Completed text 58136\n", + "Completed text 58137\n", + "Completed text 58138\n", + "Completed text 58139\n", + "Completed text 58140\n", + "Completed text 58141\n", + "Completed text 58142\n", + "Completed text 58143\n", + "Completed text 58144\n", + "Completed text 58145\n", + "Completed text 58146\n", + "Completed text 58147\n", + "Completed text 58148\n", + "Completed text 58149\n", + "Completed text 58150\n", + "Completed text 58151\n", + "Completed text 58152\n", + "Completed text 58153\n", + "Completed text 58154\n", + "Completed text 58155\n", + "Completed text 58156\n", + "Completed text 58157\n", + "Completed text 58158\n", + "Completed text 58159\n", + "Completed text 58160\n", + "Completed text 58161\n", + "Completed text 58162\n", + "Completed text 58163\n", + "Completed text 58164\n", + "Completed text 58165\n", + "Completed text 58166\n", + "Completed text 58167\n", + "Completed text 58168\n", + "Completed text 58169\n", + "Completed text 58170\n", + "Completed text 58171\n", + "Completed text 58172\n", + "Completed text 58173\n", + "Completed text 58174\n", + "Completed text 58175\n", + "Completed text 58176\n", + "Completed text 58177\n", + "Completed text 58178\n", + "Completed text 58179\n", + "Completed text 58180\n", + "Completed text 58181\n", + "Completed text 58182\n", + "Completed text 58183\n", + "Completed text 58184\n", + "Completed text 58185\n", + "Completed text 58186\n", + "Completed text 58187\n", + "Completed text 58188\n", + "Completed text 58189\n", + "Completed text 58190\n", + "Completed text 58191\n", + "Completed text 58192\n", + "Completed text 58193\n", + "Completed text 58194\n", + "Completed text 58195\n", + "Completed text 58196\n", + "Completed text 58197\n", + "Completed text 58198\n", + "Completed text 58199\n", + "Completed text 58200\n", + "Completed text 58201\n", + "Completed text 58202\n", + "Completed text 58203\n", + "Completed text 58204\n", + "Completed text 58205\n", + "Completed text 58206\n", + "Completed text 58207\n", + "Completed text 58208\n", + "Completed text 58209\n", + "Completed text 58210\n", + "Completed text 58211\n", + "Completed text 58212\n", + "Completed text 58213\n", + "Completed text 58214\n", + "Completed text 58215\n", + "Completed text 58216\n", + "Completed text 58217\n", + "Completed text 58218\n", + "Completed text 58219\n", + "Completed text 58220\n", + "Completed text 58221\n", + "Completed text 58222\n", + "Completed text 58223\n", + "Completed text 58224\n", + "Completed text 58225\n", + "Completed text 58226\n", + "Completed text 58227\n", + "Completed text 58228\n", + "Completed text 58229\n", + "Completed text 58230\n", + "Completed text 58231\n", + "Completed text 58232\n", + "Completed text 58233\n", + "Completed text 58234\n", + "Completed text 58235\n", + "Completed text 58236\n", + "Completed text 58237\n", + "Completed text 58238\n", + "Completed text 58239\n", + "Completed text 58240\n", + "Completed text 58241\n", + "Completed text 58242\n", + "Completed text 58243\n", + "Completed text 58244\n", + "Completed text 58245\n", + "Completed text 58246\n", + "Completed text 58247\n", + "Completed text 58248\n", + "Completed text 58249\n", + "Completed text 58250\n", + "Completed text 58251\n", + "Completed text 58252\n", + "Completed text 58253\n", + "Completed text 58254\n", + "Completed text 58255\n", + "Completed text 58256\n", + "Completed text 58257\n", + "Completed text 58258\n", + "Completed text 58259\n", + "Completed text 58260\n", + "Completed text 58261\n", + "Completed text 58262\n", + "Completed text 58263\n", + "Completed text 58264\n", + "Completed text 58265\n", + "Completed text 58266\n", + "Completed text 58267\n", + "Completed text 58268\n", + "Completed text 58269\n", + "Completed text 58270\n", + "Completed text 58271\n", + "Completed text 58272\n", + "Completed text 58273\n", + "Completed text 58274\n", + "Completed text 58275\n", + "Completed text 58276\n", + "Completed text 58277\n", + "Completed text 58278\n", + "Completed text 58279\n", + "Completed text 58280\n", + "Completed text 58281\n", + "Completed text 58282\n", + "Completed text 58283\n", + "Completed text 58284\n", + "Completed text 58285\n", + "Completed text 58286\n", + "Completed text 58287\n", + "Completed text 58288\n", + "Completed text 58289\n", + "Completed text 58290\n", + "Completed text 58291\n", + "Completed text 58292\n", + "Completed text 58293\n", + "Completed text 58294\n", + "Completed text 58295\n", + "Completed text 58296\n", + "Completed text 58297\n", + "Completed text 58298\n", + "Completed text 58299\n", + "Completed text 58300\n", + "Completed text 58301\n", + "Completed text 58302\n", + "Completed text 58303\n", + "Completed text 58304\n", + "Completed text 58305\n", + "Completed text 58306\n", + "Completed text 58307\n", + "Completed text 58308\n", + "Completed text 58309\n", + "Completed text 58310\n", + "Completed text 58311\n", + "Completed text 58312\n", + "Completed text 58313\n", + "Completed text 58314\n", + "Completed text 58315\n", + "Completed text 58316\n", + "Completed text 58317\n", + "Completed text 58318\n", + "Completed text 58319\n", + "Completed text 58320\n", + "Completed text 58321\n", + "Completed text 58322\n", + "Completed text 58323\n", + "Completed text 58324\n", + "Completed text 58325\n", + "Completed text 58326\n", + "Completed text 58327\n", + "Completed text 58328\n", + "Completed text 58329\n", + "Completed text 58330\n", + "Completed text 58331\n", + "Completed text 58332\n", + "Completed text 58333\n", + "Completed text 58334\n", + "Completed text 58335\n", + "Completed text 58336\n", + "Completed text 58337\n", + "Completed text 58338\n", + "Completed text 58339\n", + "Completed text 58340\n", + "Completed text 58341\n", + "Completed text 58342\n", + "Completed text 58343\n", + "Completed text 58344\n", + "Completed text 58345\n", + "Completed text 58346\n", + "Completed text 58347\n", + "Completed text 58348\n", + "Completed text 58349\n", + "Completed text 58350\n", + "Completed text 58351\n", + "Completed text 58352\n", + "Completed text 58353\n", + "Completed text 58354\n", + "Completed text 58355\n", + "Completed text 58356\n", + "Completed text 58357\n", + "Completed text 58358\n", + "Completed text 58359\n", + "Completed text 58360\n", + "Completed text 58361\n", + "Completed text 58362\n", + "Completed text 58363\n", + "Completed text 58364\n", + "Completed text 58365\n", + "Completed text 58366\n", + "Completed text 58367\n", + "Completed text 58368\n", + "Completed text 58369\n", + "Completed text 58370\n", + "Completed text 58371\n", + "Completed text 58372\n", + "Completed text 58373\n", + "Completed text 58374\n", + "Completed text 58375\n", + "Completed text 58376\n", + "Completed text 58377\n", + "Completed text 58378\n", + "Completed text 58379\n", + "Completed text 58380\n", + "Completed text 58381\n", + "Completed text 58382\n", + "Completed text 58383\n", + "Completed text 58384\n", + "Completed text 58385\n", + "Completed text 58386\n", + "Completed text 58387\n", + "Completed text 58388\n", + "Completed text 58389\n", + "Completed text 58390\n", + "Completed text 58391\n", + "Completed text 58392\n", + "Completed text 58393\n", + "Completed text 58394\n", + "Completed text 58395\n", + "Completed text 58396\n", + "Completed text 58397\n", + "Completed text 58398\n", + "Completed text 58399\n", + "Completed text 58400\n", + "Completed text 58401\n", + "Completed text 58402\n", + "Completed text 58403\n", + "Completed text 58404\n", + "Completed text 58405\n", + "Completed text 58406\n", + "Completed text 58407\n", + "Completed text 58408\n", + "Completed text 58409\n", + "Completed text 58410\n", + "Completed text 58411\n", + "Completed text 58412\n", + "Completed text 58413\n", + "Completed text 58414\n", + "Completed text 58415\n", + "Completed text 58416\n", + "Completed text 58417\n", + "Completed text 58418\n", + "Completed text 58419\n", + "Completed text 58420\n", + "Completed text 58421\n", + "Completed text 58422\n", + "Completed text 58423\n", + "Completed text 58424\n", + "Completed text 58425\n", + "Completed text 58426\n", + "Completed text 58427\n", + "Completed text 58428\n", + "Completed text 58429\n", + "Completed text 58430\n", + "Completed text 58431\n", + "Completed text 58432\n", + "Completed text 58433\n", + "Completed text 58434\n", + "Completed text 58435\n", + "Completed text 58436\n", + "Completed text 58437\n", + "Completed text 58438\n", + "Completed text 58439\n", + "Completed text 58440\n", + "Completed text 58441\n", + "Completed text 58442\n", + "Completed text 58443\n", + "Completed text 58444\n", + "Completed text 58445\n", + "Completed text 58446\n", + "Completed text 58447\n", + "Completed text 58448\n", + "Completed text 58449\n", + "Completed text 58450\n", + "Completed text 58451\n", + "Completed text 58452\n", + "Completed text 58453\n", + "Completed text 58454\n", + "Completed text 58455\n", + "Completed text 58456\n", + "Completed text 58457\n", + "Completed text 58458\n", + "Completed text 58459\n", + "Completed text 58460\n", + "Completed text 58461\n", + "Completed text 58462\n", + "Completed text 58463\n", + "Completed text 58464\n", + "Completed text 58465\n", + "Completed text 58466\n", + "Completed text 58467\n", + "Completed text 58468\n", + "Completed text 58469\n", + "Completed text 58470\n", + "Completed text 58471\n", + "Completed text 58472\n", + "Completed text 58473\n", + "Completed text 58474\n", + "Completed text 58475\n", + "Completed text 58476\n", + "Completed text 58477\n", + "Completed text 58478\n", + "Completed text 58479\n", + "Completed text 58480\n", + "Completed text 58481\n", + "Completed text 58482\n", + "Completed text 58483\n", + "Completed text 58484\n", + "Completed text 58485\n", + "Completed text 58486\n", + "Completed text 58487\n", + "Completed text 58488\n", + "Completed text 58489\n", + "Completed text 58490\n", + "Completed text 58491\n", + "Completed text 58492\n", + "Completed text 58493\n", + "Completed text 58494\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 58495\n", + "Completed text 58496\n", + "Completed text 58497\n", + "Completed text 58498\n", + "Completed text 58499\n", + "Completed text 58500\n", + "Completed text 58501\n", + "Completed text 58502\n", + "Completed text 58503\n", + "Completed text 58504\n", + "Completed text 58505\n", + "Completed text 58506\n", + "Completed text 58507\n", + "Completed text 58508\n", + "Completed text 58509\n", + "Completed text 58510\n", + "Completed text 58511\n", + "Completed text 58512\n", + "Completed text 58513\n", + "Completed text 58514\n", + "Completed text 58515\n", + "Completed text 58516\n", + "Completed text 58517\n", + "Completed text 58518\n", + "Completed text 58519\n", + "Completed text 58520\n", + "Completed text 58521\n", + "Completed text 58522\n", + "Completed text 58523\n", + "Completed text 58524\n", + "Completed text 58525\n", + "Completed text 58526\n", + "Completed text 58527\n", + "Completed text 58528\n", + "Completed text 58529\n", + "Completed text 58530\n", + "Completed text 58531\n", + "Completed text 58532\n", + "Completed text 58533\n", + "Completed text 58534\n", + "Completed text 58535\n", + "Completed text 58536\n", + "Completed text 58537\n", + "Completed text 58538\n", + "Completed text 58539\n", + "Completed text 58540\n", + "Completed text 58541\n", + "Completed text 58542\n", + "Completed text 58543\n", + "Completed text 58544\n", + "Completed text 58545\n", + "Completed text 58546\n", + "Completed text 58547\n", + "Completed text 58548\n", + "Completed text 58549\n", + "Completed text 58550\n", + "Completed text 58551\n", + "Completed text 58552\n", + "Completed text 58553\n", + "Completed text 58554\n", + "Completed text 58555\n", + "Completed text 58556\n", + "Completed text 58557\n", + "Completed text 58558\n", + "Completed text 58559\n", + "Completed text 58560\n", + "Completed text 58561\n", + "Completed text 58562\n", + "Completed text 58563\n", + "Completed text 58564\n", + "Completed text 58565\n", + "Completed text 58566\n", + "Completed text 58567\n", + "Completed text 58568\n", + "Completed text 58569\n", + "Completed text 58570\n", + "Completed text 58571\n", + "Completed text 58572\n", + "Completed text 58573\n", + "Completed text 58574\n", + "Completed text 58575\n", + "Completed text 58576\n", + "Completed text 58577\n", + "Completed text 58578\n", + "Completed text 58579\n", + "Completed text 58580\n", + "Completed text 58581\n", + "Completed text 58582\n", + "Completed text 58583\n", + "Completed text 58584\n", + "Completed text 58585\n", + "Completed text 58586\n", + "Completed text 58587\n", + "Completed text 58588\n", + "Completed text 58589\n", + "Completed text 58590\n", + "Completed text 58591\n", + "Completed text 58592\n", + "Completed text 58593\n", + "Completed text 58594\n", + "Completed text 58595\n", + "Completed text 58596\n", + "Completed text 58597\n", + "Completed text 58598\n", + "Completed text 58599\n", + "Completed text 58600\n", + "Completed text 58601\n", + "Completed text 58602\n", + "Completed text 58603\n", + "Completed text 58604\n", + "Completed text 58605\n", + "Completed text 58606\n", + "Completed text 58607\n", + "Completed text 58608\n", + "Completed text 58609\n", + "Completed text 58610\n", + "Completed text 58611\n", + "Completed text 58612\n", + "Completed text 58613\n", + "Completed text 58614\n", + "Completed text 58615\n", + "Completed text 58616\n", + "Completed text 58617\n", + "Completed text 58618\n", + "Completed text 58619\n", + "Completed text 58620\n", + "Completed text 58621\n", + "Completed text 58622\n", + "Completed text 58623\n", + "Completed text 58624\n", + "Completed text 58625\n", + "Completed text 58626\n", + "Completed text 58627\n", + "Completed text 58628\n", + "Completed text 58629\n", + "Completed text 58630\n", + "Completed text 58631\n", + "Completed text 58632\n", + "Completed text 58633\n", + "Completed text 58634\n", + "Completed text 58635\n", + "Completed text 58636\n", + "Completed text 58637\n", + "Completed text 58638\n", + "Completed text 58639\n", + "Completed text 58640\n", + "Completed text 58641\n", + "Completed text 58642\n", + "Completed text 58643\n", + "Completed text 58644\n", + "Completed text 58645\n", + "Completed text 58646\n", + "Completed text 58647\n", + "Completed text 58648\n", + "Completed text 58649\n", + "Completed text 58650\n", + "Completed text 58651\n", + "Completed text 58652\n", + "Completed text 58653\n", + "Completed text 58654\n", + "Completed text 58655\n", + "Completed text 58656\n", + "Completed text 58657\n", + "Completed text 58658\n", + "Completed text 58659\n", + "Completed text 58660\n", + "Completed text 58661\n", + "Completed text 58662\n", + "Completed text 58663\n", + "Completed text 58664\n", + "Completed text 58665\n", + "Completed text 58666\n", + "Completed text 58667\n", + "Completed text 58668\n", + "Completed text 58669\n", + "Completed text 58670\n", + "Completed text 58671\n", + "Completed text 58672\n", + "Completed text 58673\n", + "Completed text 58674\n", + "Completed text 58675\n", + "Completed text 58676\n", + "Completed text 58677\n", + "Completed text 58678\n", + "Completed text 58679\n", + "Completed text 58680\n", + "Completed text 58681\n", + "Completed text 58682\n", + "Completed text 58683\n", + "Completed text 58684\n", + "Completed text 58685\n", + "Completed text 58686\n", + "Completed text 58687\n", + "Completed text 58688\n", + "Completed text 58689\n", + "Completed text 58690\n", + "Completed text 58691\n", + "Completed text 58692\n", + "Completed text 58693\n", + "Completed text 58694\n", + "Completed text 58695\n", + "Completed text 58696\n", + "Completed text 58697\n", + "Completed text 58698\n", + "Completed text 58699\n", + "Completed text 58700\n", + "Completed text 58701\n", + "Completed text 58702\n", + "Completed text 58703\n", + "Completed text 58704\n", + "Completed text 58705\n", + "Completed text 58706\n", + "Completed text 58707\n", + "Completed text 58708\n", + "Completed text 58709\n", + "Completed text 58710\n", + "Completed text 58711\n", + "Completed text 58712\n", + "Completed text 58713\n", + "Completed text 58714\n", + "Completed text 58715\n", + "Completed text 58716\n", + "Completed text 58717\n", + "Completed text 58718\n", + "Completed text 58719\n", + "Completed text 58720\n", + "Completed text 58721\n", + "Completed text 58722\n", + "Completed text 58723\n", + "Completed text 58724\n", + "Completed text 58725\n", + "Completed text 58726\n", + "Completed text 58727\n", + "Completed text 58728\n", + "Completed text 58729\n", + "Completed text 58730\n", + "Completed text 58731\n", + "Completed text 58732\n", + "Completed text 58733\n", + "Completed text 58734\n", + "Completed text 58735\n", + "Completed text 58736\n", + "Completed text 58737\n", + "Completed text 58738\n", + "Completed text 58739\n", + "Completed text 58740\n", + "Completed text 58741\n", + "Completed text 58742\n", + "Completed text 58743\n", + "Completed text 58744\n", + "Completed text 58745\n", + "Completed text 58746\n", + "Completed text 58747\n", + "Completed text 58748\n", + "Completed text 58749\n", + "Completed text 58750\n", + "Completed text 58751\n", + "Completed text 58752\n", + "Completed text 58753\n", + "Completed text 58754\n", + "Completed text 58755\n", + "Completed text 58756\n", + "Completed text 58757\n", + "Completed text 58758\n", + "Completed text 58759\n", + "Completed text 58760\n", + "Completed text 58761\n", + "Completed text 58762\n", + "Completed text 58763\n", + "Completed text 58764\n", + "Completed text 58765\n", + "Completed text 58766\n", + "Completed text 58767\n", + "Completed text 58768\n", + "Completed text 58769\n", + "Completed text 58770\n", + "Completed text 58771\n", + "Completed text 58772\n", + "Completed text 58773\n", + "Completed text 58774\n", + "Completed text 58775\n", + "Completed text 58776\n", + "Completed text 58777\n", + "Completed text 58778\n", + "Completed text 58779\n", + "Completed text 58780\n", + "Completed text 58781\n", + "Completed text 58782\n", + "Completed text 58783\n", + "Completed text 58784\n", + "Completed text 58785\n", + "Completed text 58786\n", + "Completed text 58787\n", + "Completed text 58788\n", + "Completed text 58789\n", + "Completed text 58790\n", + "Completed text 58791\n", + "Completed text 58792\n", + "Completed text 58793\n", + "Completed text 58794\n", + "Completed text 58795\n", + "Completed text 58796\n", + "Completed text 58797\n", + "Completed text 58798\n", + "Completed text 58799\n", + "Completed text 58800\n", + "Completed text 58801\n", + "Completed text 58802\n", + "Completed text 58803\n", + "Completed text 58804\n", + "Completed text 58805\n", + "Completed text 58806\n", + "Completed text 58807\n", + "Completed text 58808\n", + "Completed text 58809\n", + "Completed text 58810\n", + "Completed text 58811\n", + "Completed text 58812\n", + "Completed text 58813\n", + "Completed text 58814\n", + "Completed text 58815\n", + "Completed text 58816\n", + "Completed text 58817\n", + "Completed text 58818\n", + "Completed text 58819\n", + "Completed text 58820\n", + "Completed text 58821\n", + "Completed text 58822\n", + "Completed text 58823\n", + "Completed text 58824\n", + "Completed text 58825\n", + "Completed text 58826\n", + "Completed text 58827\n", + "Completed text 58828\n", + "Completed text 58829\n", + "Completed text 58830\n", + "Completed text 58831\n", + "Completed text 58832\n", + "Completed text 58833\n", + "Completed text 58834\n", + "Completed text 58835\n", + "Completed text 58836\n", + "Completed text 58837\n", + "Completed text 58838\n", + "Completed text 58839\n", + "Completed text 58840\n", + "Completed text 58841\n", + "Completed text 58842\n", + "Completed text 58843\n", + "Completed text 58844\n", + "Completed text 58845\n", + "Completed text 58846\n", + "Completed text 58847\n", + "Completed text 58848\n", + "Completed text 58849\n", + "Completed text 58850\n", + "Completed text 58851\n", + "Completed text 58852\n", + "Completed text 58853\n", + "Completed text 58854\n", + "Completed text 58855\n", + "Completed text 58856\n", + "Completed text 58857\n", + "Completed text 58858\n", + "Completed text 58859\n", + "Completed text 58860\n", + "Completed text 58861\n", + "Completed text 58862\n", + "Completed text 58863\n", + "Completed text 58864\n", + "Completed text 58865\n", + "Completed text 58866\n", + "Completed text 58867\n", + "Completed text 58868\n", + "Completed text 58869\n", + "Completed text 58870\n", + "Completed text 58871\n", + "Completed text 58872\n", + "Completed text 58873\n", + "Completed text 58874\n", + "Completed text 58875\n", + "Completed text 58876\n", + "Completed text 58877\n", + "Completed text 58878\n", + "Completed text 58879\n", + "Completed text 58880\n", + "Completed text 58881\n", + "Completed text 58882\n", + "Completed text 58883\n", + "Completed text 58884\n", + "Completed text 58885\n", + "Completed text 58886\n", + "Completed text 58887\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 58888\n", + "Completed text 58889\n", + "Completed text 58890\n", + "Completed text 58891\n", + "Completed text 58892\n", + "Completed text 58893\n", + "Completed text 58894\n", + "Completed text 58895\n", + "Completed text 58896\n", + "Completed text 58897\n", + "Completed text 58898\n", + "Completed text 58899\n", + "Completed text 58900\n", + "Completed text 58901\n", + "Completed text 58902\n", + "Completed text 58903\n", + "Completed text 58904\n", + "Completed text 58905\n", + "Completed text 58906\n", + "Completed text 58907\n", + "Completed text 58908\n", + "Completed text 58909\n", + "Completed text 58910\n", + "Completed text 58911\n", + "Completed text 58912\n", + "Completed text 58913\n", + "Completed text 58914\n", + "Completed text 58915\n", + "Completed text 58916\n", + "Completed text 58917\n", + "Completed text 58918\n", + "Completed text 58919\n", + "Completed text 58920\n", + "Completed text 58921\n", + "Completed text 58922\n", + "Completed text 58923\n", + "Completed text 58924\n", + "Completed text 58925\n", + "Completed text 58926\n", + "Completed text 58927\n", + "Completed text 58928\n", + "Completed text 58929\n", + "Completed text 58930\n", + "Completed text 58931\n", + "Completed text 58932\n", + "Completed text 58933\n", + "Completed text 58934\n", + "Completed text 58935\n", + "Completed text 58936\n", + "Completed text 58937\n", + "Completed text 58938\n", + "Completed text 58939\n", + "Completed text 58940\n", + "Completed text 58941\n", + "Completed text 58942\n", + "Completed text 58943\n", + "Completed text 58944\n", + "Completed text 58945\n", + "Completed text 58946\n", + "Completed text 58947\n", + "Completed text 58948\n", + "Completed text 58949\n", + "Completed text 58950\n", + "Completed text 58951\n", + "Completed text 58952\n", + "Completed text 58953\n", + "Completed text 58954\n", + "Completed text 58955\n", + "Completed text 58956\n", + "Completed text 58957\n", + "Completed text 58958\n", + "Completed text 58959\n", + "Completed text 58960\n", + "Completed text 58961\n", + "Completed text 58962\n", + "Completed text 58963\n", + "Completed text 58964\n", + "Completed text 58965\n", + "Completed text 58966\n", + "Completed text 58967\n", + "Completed text 58968\n", + "Completed text 58969\n", + "Completed text 58970\n", + "Completed text 58971\n", + "Completed text 58972\n", + "Completed text 58973\n", + "Completed text 58974\n", + "Completed text 58975\n", + "Completed text 58976\n", + "Completed text 58977\n", + "Completed text 58978\n", + "Completed text 58979\n", + "Completed text 58980\n", + "Completed text 58981\n", + "Completed text 58982\n", + "Completed text 58983\n", + "Completed text 58984\n", + "Completed text 58985\n", + "Completed text 58986\n", + "Completed text 58987\n", + "Completed text 58988\n", + "Completed text 58989\n", + "Completed text 58990\n", + "Completed text 58991\n", + "Completed text 58992\n", + "Completed text 58993\n", + "Completed text 58994\n", + "Completed text 58995\n", + "Completed text 58996\n", + "Completed text 58997\n", + "Completed text 58998\n", + "Completed text 58999\n", + "Completed text 59000\n", + "Completed text 59001\n", + "Completed text 59002\n", + "Completed text 59003\n", + "Completed text 59004\n", + "Completed text 59005\n", + "Completed text 59006\n", + "Completed text 59007\n", + "Completed text 59008\n", + "Completed text 59009\n", + "Completed text 59010\n", + "Completed text 59011\n", + "Completed text 59012\n", + "Completed text 59013\n", + "Completed text 59014\n", + "Completed text 59015\n", + "Completed text 59016\n", + "Completed text 59017\n", + "Completed text 59018\n", + "Completed text 59019\n", + "Completed text 59020\n", + "Completed text 59021\n", + "Completed text 59022\n", + "Completed text 59023\n", + "Completed text 59024\n", + "Completed text 59025\n", + "Completed text 59026\n", + "Completed text 59027\n", + "Completed text 59028\n", + "Completed text 59029\n", + "Completed text 59030\n", + "Completed text 59031\n", + "Completed text 59032\n", + "Completed text 59033\n", + "Completed text 59034\n", + "Completed text 59035\n", + "Completed text 59036\n", + "Completed text 59037\n", + "Completed text 59038\n", + "Completed text 59039\n", + "Completed text 59040\n", + "Completed text 59041\n", + "Completed text 59042\n", + "Completed text 59043\n", + "Completed text 59044\n", + "Completed text 59045\n", + "Completed text 59046\n", + "Completed text 59047\n", + "Completed text 59048\n", + "Completed text 59049\n", + "Completed text 59050\n", + "Completed text 59051\n", + "Completed text 59052\n", + "Completed text 59053\n", + "Completed text 59054\n", + "Completed text 59055\n", + "Completed text 59056\n", + "Completed text 59057\n", + "Completed text 59058\n", + "Completed text 59059\n", + "Completed text 59060\n", + "Completed text 59061\n", + "Completed text 59062\n", + "Completed text 59063\n", + "Completed text 59064\n", + "Completed text 59065\n", + "Completed text 59066\n", + "Completed text 59067\n", + "Completed text 59068\n", + "Completed text 59069\n", + "Completed text 59070\n", + "Completed text 59071\n", + "Completed text 59072\n", + "Completed text 59073\n", + "Completed text 59074\n", + "Completed text 59075\n", + "Completed text 59076\n", + "Completed text 59077\n", + "Completed text 59078\n", + "Completed text 59079\n", + "Completed text 59080\n", + "Completed text 59081\n", + "Completed text 59082\n", + "Completed text 59083\n", + "Completed text 59084\n", + "Completed text 59085\n", + "Completed text 59086\n", + "Completed text 59087\n", + "Completed text 59088\n", + "Completed text 59089\n", + "Completed text 59090\n", + "Completed text 59091\n", + "Completed text 59092\n", + "Completed text 59093\n", + "Completed text 59094\n", + "Completed text 59095\n", + "Completed text 59096\n", + "Completed text 59097\n", + "Completed text 59098\n", + "Completed text 59099\n", + "Completed text 59100\n", + "Completed text 59101\n", + "Completed text 59102\n", + "Completed text 59103\n", + "Completed text 59104\n", + "Completed text 59105\n", + "Completed text 59106\n", + "Completed text 59107\n", + "Completed text 59108\n", + "Completed text 59109\n", + "Completed text 59110\n", + "Completed text 59111\n", + "Completed text 59112\n", + "Completed text 59113\n", + "Completed text 59114\n", + "Completed text 59115\n", + "Completed text 59116\n", + "Completed text 59117\n", + "Completed text 59118\n", + "Completed text 59119\n", + "Completed text 59120\n", + "Completed text 59121\n", + "Completed text 59122\n", + "Completed text 59123\n", + "Completed text 59124\n", + "Completed text 59125\n", + "Completed text 59126\n", + "Completed text 59127\n", + "Completed text 59128\n", + "Completed text 59129\n", + "Completed text 59130\n", + "Completed text 59131\n", + "Completed text 59132\n", + "Completed text 59133\n", + "Completed text 59134\n", + "Completed text 59135\n", + "Completed text 59136\n", + "Completed text 59137\n", + "Completed text 59138\n", + "Completed text 59139\n", + "Completed text 59140\n", + "Completed text 59141\n", + "Completed text 59142\n", + "Completed text 59143\n", + "Completed text 59144\n", + "Completed text 59145\n", + "Completed text 59146\n", + "Completed text 59147\n", + "Completed text 59148\n", + "Completed text 59149\n", + "Completed text 59150\n", + "Completed text 59151\n", + "Completed text 59152\n", + "Completed text 59153\n", + "Completed text 59154\n", + "Completed text 59155\n", + "Completed text 59156\n", + "Completed text 59157\n", + "Completed text 59158\n", + "Completed text 59159\n", + "Completed text 59160\n", + "Completed text 59161\n", + "Completed text 59162\n", + "Completed text 59163\n", + "Completed text 59164\n", + "Completed text 59165\n", + "Completed text 59166\n", + "Completed text 59167\n", + "Completed text 59168\n", + "Completed text 59169\n", + "Completed text 59170\n", + "Completed text 59171\n", + "Completed text 59172\n", + "Completed text 59173\n", + "Completed text 59174\n", + "Completed text 59175\n", + "Completed text 59176\n", + "Completed text 59177\n", + "Completed text 59178\n", + "Completed text 59179\n", + "Completed text 59180\n", + "Completed text 59181\n", + "Completed text 59182\n", + "Completed text 59183\n", + "Completed text 59184\n", + "Completed text 59185\n", + "Completed text 59186\n", + "Completed text 59187\n", + "Completed text 59188\n", + "Completed text 59189\n", + "Completed text 59190\n", + "Completed text 59191\n", + "Completed text 59192\n", + "Completed text 59193\n", + "Completed text 59194\n", + "Completed text 59195\n", + "Completed text 59196\n", + "Completed text 59197\n", + "Completed text 59198\n", + "Completed text 59199\n", + "Completed text 59200\n", + "Completed text 59201\n", + "Completed text 59202\n", + "Completed text 59203\n", + "Completed text 59204\n", + "Completed text 59205\n", + "Completed text 59206\n", + "Completed text 59207\n", + "Completed text 59208\n", + "Completed text 59209\n", + "Completed text 59210\n", + "Completed text 59211\n", + "Completed text 59212\n", + "Completed text 59213\n", + "Completed text 59214\n", + "Completed text 59215\n", + "Completed text 59216\n", + "Completed text 59217\n", + "Completed text 59218\n", + "Completed text 59219\n", + "Completed text 59220\n", + "Completed text 59221\n", + "Completed text 59222\n", + "Completed text 59223\n", + "Completed text 59224\n", + "Completed text 59225\n", + "Completed text 59226\n", + "Completed text 59227\n", + "Completed text 59228\n", + "Completed text 59229\n", + "Completed text 59230\n", + "Completed text 59231\n", + "Completed text 59232\n", + "Completed text 59233\n", + "Completed text 59234\n", + "Completed text 59235\n", + "Completed text 59236\n", + "Completed text 59237\n", + "Completed text 59238\n", + "Completed text 59239\n", + "Completed text 59240\n", + "Completed text 59241\n", + "Completed text 59242\n", + "Completed text 59243\n", + "Completed text 59244\n", + "Completed text 59245\n", + "Completed text 59246\n", + "Completed text 59247\n", + "Completed text 59248\n", + "Completed text 59249\n", + "Completed text 59250\n", + "Completed text 59251\n", + "Completed text 59252\n", + "Completed text 59253\n", + "Completed text 59254\n", + "Completed text 59255\n", + "Completed text 59256\n", + "Completed text 59257\n", + "Completed text 59258\n", + "Completed text 59259\n", + "Completed text 59260\n", + "Completed text 59261\n", + "Completed text 59262\n", + "Completed text 59263\n", + "Completed text 59264\n", + "Completed text 59265\n", + "Completed text 59266\n", + "Completed text 59267\n", + "Completed text 59268\n", + "Completed text 59269\n", + "Completed text 59270\n", + "Completed text 59271\n", + "Completed text 59272\n", + "Completed text 59273\n", + "Completed text 59274\n", + "Completed text 59275\n", + "Completed text 59276\n", + "Completed text 59277\n", + "Completed text 59278\n", + "Completed text 59279\n", + "Completed text 59280\n", + "Completed text 59281\n", + "Completed text 59282\n", + "Completed text 59283\n", + "Completed text 59284\n", + "Completed text 59285\n", + "Completed text 59286\n", + "Completed text 59287\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 59288\n", + "Completed text 59289\n", + "Completed text 59290\n", + "Completed text 59291\n", + "Completed text 59292\n", + "Completed text 59293\n", + "Completed text 59294\n", + "Completed text 59295\n", + "Completed text 59296\n", + "Completed text 59297\n", + "Completed text 59298\n", + "Completed text 59299\n", + "Completed text 59300\n", + "Completed text 59301\n", + "Completed text 59302\n", + "Completed text 59303\n", + "Completed text 59304\n", + "Completed text 59305\n", + "Completed text 59306\n", + "Completed text 59307\n", + "Completed text 59308\n", + "Completed text 59309\n", + "Completed text 59310\n", + "Completed text 59311\n", + "Completed text 59312\n", + "Completed text 59313\n", + "Completed text 59314\n", + "Completed text 59315\n", + "Completed text 59316\n", + "Completed text 59317\n", + "Completed text 59318\n", + "Completed text 59319\n", + "Completed text 59320\n", + "Completed text 59321\n", + "Completed text 59322\n", + "Completed text 59323\n", + "Completed text 59324\n", + "Completed text 59325\n", + "Completed text 59326\n", + "Completed text 59327\n", + "Completed text 59328\n", + "Completed text 59329\n", + "Completed text 59330\n", + "Completed text 59331\n", + "Completed text 59332\n", + "Completed text 59333\n", + "Completed text 59334\n", + "Completed text 59335\n", + "Completed text 59336\n", + "Completed text 59337\n", + "Completed text 59338\n", + "Completed text 59339\n", + "Completed text 59340\n", + "Completed text 59341\n", + "Completed text 59342\n", + "Completed text 59343\n", + "Completed text 59344\n", + "Completed text 59345\n", + "Completed text 59346\n", + "Completed text 59347\n", + "Completed text 59348\n", + "Completed text 59349\n", + "Completed text 59350\n", + "Completed text 59351\n", + "Completed text 59352\n", + "Completed text 59353\n", + "Completed text 59354\n", + "Completed text 59355\n", + "Completed text 59356\n", + "Completed text 59357\n", + "Completed text 59358\n", + "Completed text 59359\n", + "Completed text 59360\n", + "Completed text 59361\n", + "Completed text 59362\n", + "Completed text 59363\n", + "Completed text 59364\n", + "Completed text 59365\n", + "Completed text 59366\n", + "Completed text 59367\n", + "Completed text 59368\n", + "Completed text 59369\n", + "Completed text 59370\n", + "Completed text 59371\n", + "Completed text 59372\n", + "Completed text 59373\n", + "Completed text 59374\n", + "Completed text 59375\n", + "Completed text 59376\n", + "Completed text 59377\n", + "Completed text 59378\n", + "Completed text 59379\n", + "Completed text 59380\n", + "Completed text 59381\n", + "Completed text 59382\n", + "Completed text 59383\n", + "Completed text 59384\n", + "Completed text 59385\n", + "Completed text 59386\n", + "Completed text 59387\n", + "Completed text 59388\n", + "Completed text 59389\n", + "Completed text 59390\n", + "Completed text 59391\n", + "Completed text 59392\n", + "Completed text 59393\n", + "Completed text 59394\n", + "Completed text 59395\n", + "Completed text 59396\n", + "Completed text 59397\n", + "Completed text 59398\n", + "Completed text 59399\n", + "Completed text 59400\n", + "Completed text 59401\n", + "Completed text 59402\n", + "Completed text 59403\n", + "Completed text 59404\n", + "Completed text 59405\n", + "Completed text 59406\n", + "Completed text 59407\n", + "Completed text 59408\n", + "Completed text 59409\n", + "Completed text 59410\n", + "Completed text 59411\n", + "Completed text 59412\n", + "Completed text 59413\n", + "Completed text 59414\n", + "Completed text 59415\n", + "Completed text 59416\n", + "Completed text 59417\n", + "Completed text 59418\n", + "Completed text 59419\n", + "Completed text 59420\n", + "Completed text 59421\n", + "Completed text 59422\n", + "Completed text 59423\n", + "Completed text 59424\n", + "Completed text 59425\n", + "Completed text 59426\n", + "Completed text 59427\n", + "Completed text 59428\n", + "Completed text 59429\n", + "Completed text 59430\n", + "Completed text 59431\n", + "Completed text 59432\n", + "Completed text 59433\n", + "Completed text 59434\n", + "Completed text 59435\n", + "Completed text 59436\n", + "Completed text 59437\n", + "Completed text 59438\n", + "Completed text 59439\n", + "Completed text 59440\n", + "Completed text 59441\n", + "Completed text 59442\n", + "Completed text 59443\n", + "Completed text 59444\n", + "Completed text 59445\n", + "Completed text 59446\n", + "Completed text 59447\n", + "Completed text 59448\n", + "Completed text 59449\n", + "Completed text 59450\n", + "Completed text 59451\n", + "Completed text 59452\n", + "Completed text 59453\n", + "Completed text 59454\n", + "Completed text 59455\n", + "Completed text 59456\n", + "Completed text 59457\n", + "Completed text 59458\n", + "Completed text 59459\n", + "Completed text 59460\n", + "Completed text 59461\n", + "Completed text 59462\n", + "Completed text 59463\n", + "Completed text 59464\n", + "Completed text 59465\n", + "Completed text 59466\n", + "Completed text 59467\n", + "Completed text 59468\n", + "Completed text 59469\n", + "Completed text 59470\n", + "Completed text 59471\n", + "Completed text 59472\n", + "Completed text 59473\n", + "Completed text 59474\n", + "Completed text 59475\n", + "Completed text 59476\n", + "Completed text 59477\n", + "Completed text 59478\n", + "Completed text 59479\n", + "Completed text 59480\n", + "Completed text 59481\n", + "Completed text 59482\n", + "Completed text 59483\n", + "Completed text 59484\n", + "Completed text 59485\n", + "Completed text 59486\n", + "Completed text 59487\n", + "Completed text 59488\n", + "Completed text 59489\n", + "Completed text 59490\n", + "Completed text 59491\n", + "Completed text 59492\n", + "Completed text 59493\n", + "Completed text 59494\n", + "Completed text 59495\n", + "Completed text 59496\n", + "Completed text 59497\n", + "Completed text 59498\n", + "Completed text 59499\n", + "Completed text 59500\n", + "Completed text 59501\n", + "Completed text 59502\n", + "Completed text 59503\n", + "Completed text 59504\n", + "Completed text 59505\n", + "Completed text 59506\n", + "Completed text 59507\n", + "Completed text 59508\n", + "Completed text 59509\n", + "Completed text 59510\n", + "Completed text 59511\n", + "Completed text 59512\n", + "Completed text 59513\n", + "Completed text 59514\n", + "Completed text 59515\n", + "Completed text 59516\n", + "Completed text 59517\n", + "Completed text 59518\n", + "Completed text 59519\n", + "Completed text 59520\n", + "Completed text 59521\n", + "Completed text 59522\n", + "Completed text 59523\n", + "Completed text 59524\n", + "Completed text 59525\n", + "Completed text 59526\n", + "Completed text 59527\n", + "Completed text 59528\n", + "Completed text 59529\n", + "Completed text 59530\n", + "Completed text 59531\n", + "Completed text 59532\n", + "Completed text 59533\n", + "Completed text 59534\n", + "Completed text 59535\n", + "Completed text 59536\n", + "Completed text 59537\n", + "Completed text 59538\n", + "Completed text 59539\n", + "Completed text 59540\n", + "Completed text 59541\n", + "Completed text 59542\n", + "Completed text 59543\n", + "Completed text 59544\n", + "Completed text 59545\n", + "Completed text 59546\n", + "Completed text 59547\n", + "Completed text 59548\n", + "Completed text 59549\n", + "Completed text 59550\n", + "Completed text 59551\n", + "Completed text 59552\n", + "Completed text 59553\n", + "Completed text 59554\n", + "Completed text 59555\n", + "Completed text 59556\n", + "Completed text 59557\n", + "Completed text 59558\n", + "Completed text 59559\n", + "Completed text 59560\n", + "Completed text 59561\n", + "Completed text 59562\n", + "Completed text 59563\n", + "Completed text 59564\n", + "Completed text 59565\n", + "Completed text 59566\n", + "Completed text 59567\n", + "Completed text 59568\n", + "Completed text 59569\n", + "Completed text 59570\n", + "Completed text 59571\n", + "Completed text 59572\n", + "Completed text 59573\n", + "Completed text 59574\n", + "Completed text 59575\n", + "Completed text 59576\n", + "Completed text 59577\n", + "Completed text 59578\n", + "Completed text 59579\n", + "Completed text 59580\n", + "Completed text 59581\n", + "Completed text 59582\n", + "Completed text 59583\n", + "Completed text 59584\n", + "Completed text 59585\n", + "Completed text 59586\n", + "Completed text 59587\n", + "Completed text 59588\n", + "Completed text 59589\n", + "Completed text 59590\n", + "Completed text 59591\n", + "Completed text 59592\n", + "Completed text 59593\n", + "Completed text 59594\n", + "Completed text 59595\n", + "Completed text 59596\n", + "Completed text 59597\n", + "Completed text 59598\n", + "Completed text 59599\n", + "Completed text 59600\n", + "Completed text 59601\n", + "Completed text 59602\n", + "Completed text 59603\n", + "Completed text 59604\n", + "Completed text 59605\n", + "Completed text 59606\n", + "Completed text 59607\n", + "Completed text 59608\n", + "Completed text 59609\n", + "Completed text 59610\n", + "Completed text 59611\n", + "Completed text 59612\n", + "Completed text 59613\n", + "Completed text 59614\n", + "Completed text 59615\n", + "Completed text 59616\n", + "Completed text 59617\n", + "Completed text 59618\n", + "Completed text 59619\n", + "Completed text 59620\n", + "Completed text 59621\n", + "Completed text 59622\n", + "Completed text 59623\n", + "Completed text 59624\n", + "Completed text 59625\n", + "Completed text 59626\n", + "Completed text 59627\n", + "Completed text 59628\n", + "Completed text 59629\n", + "Completed text 59630\n", + "Completed text 59631\n", + "Completed text 59632\n", + "Completed text 59633\n", + "Completed text 59634\n", + "Completed text 59635\n", + "Completed text 59636\n", + "Completed text 59637\n", + "Completed text 59638\n", + "Completed text 59639\n", + "Completed text 59640\n", + "Completed text 59641\n", + "Completed text 59642\n", + "Completed text 59643\n", + "Completed text 59644\n", + "Completed text 59645\n", + "Completed text 59646\n", + "Completed text 59647\n", + "Completed text 59648\n", + "Completed text 59649\n", + "Completed text 59650\n", + "Completed text 59651\n", + "Completed text 59652\n", + "Completed text 59653\n", + "Completed text 59654\n", + "Completed text 59655\n", + "Completed text 59656\n", + "Completed text 59657\n", + "Completed text 59658\n", + "Completed text 59659\n", + "Completed text 59660\n", + "Completed text 59661\n", + "Completed text 59662\n", + "Completed text 59663\n", + "Completed text 59664\n", + "Completed text 59665\n", + "Completed text 59666\n", + "Completed text 59667\n", + "Completed text 59668\n", + "Completed text 59669\n", + "Completed text 59670\n", + "Completed text 59671\n", + "Completed text 59672\n", + "Completed text 59673\n", + "Completed text 59674\n", + "Completed text 59675\n", + "Completed text 59676\n", + "Completed text 59677\n", + "Completed text 59678\n", + "Completed text 59679\n", + "Completed text 59680\n", + "Completed text 59681\n", + "Completed text 59682\n", + "Completed text 59683\n", + "Completed text 59684\n", + "Completed text 59685\n", + "Completed text 59686\n", + "Completed text 59687\n", + "Completed text 59688\n", + "Completed text 59689\n", + "Completed text 59690\n", + "Completed text 59691\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 59692\n", + "Completed text 59693\n", + "Completed text 59694\n", + "Completed text 59695\n", + "Completed text 59696\n", + "Completed text 59697\n", + "Completed text 59698\n", + "Completed text 59699\n", + "Completed text 59700\n", + "Completed text 59701\n", + "Completed text 59702\n", + "Completed text 59703\n", + "Completed text 59704\n", + "Completed text 59705\n", + "Completed text 59706\n", + "Completed text 59707\n", + "Completed text 59708\n", + "Completed text 59709\n", + "Completed text 59710\n", + "Completed text 59711\n", + "Completed text 59712\n", + "Completed text 59713\n", + "Completed text 59714\n", + "Completed text 59715\n", + "Completed text 59716\n", + "Completed text 59717\n", + "Completed text 59718\n", + "Completed text 59719\n", + "Completed text 59720\n", + "Completed text 59721\n", + "Completed text 59722\n", + "Completed text 59723\n", + "Completed text 59724\n", + "Completed text 59725\n", + "Completed text 59726\n", + "Completed text 59727\n", + "Completed text 59728\n", + "Completed text 59729\n", + "Completed text 59730\n", + "Completed text 59731\n", + "Completed text 59732\n", + "Completed text 59733\n", + "Completed text 59734\n", + "Completed text 59735\n", + "Completed text 59736\n", + "Completed text 59737\n", + "Completed text 59738\n", + "Completed text 59739\n", + "Completed text 59740\n", + "Completed text 59741\n", + "Completed text 59742\n", + "Completed text 59743\n", + "Completed text 59744\n", + "Completed text 59745\n", + "Completed text 59746\n", + "Completed text 59747\n", + "Completed text 59748\n", + "Completed text 59749\n", + "Completed text 59750\n", + "Completed text 59751\n", + "Completed text 59752\n", + "Completed text 59753\n", + "Completed text 59754\n", + "Completed text 59755\n", + "Completed text 59756\n", + "Completed text 59757\n", + "Completed text 59758\n", + "Completed text 59759\n", + "Completed text 59760\n", + "Completed text 59761\n", + "Completed text 59762\n", + "Completed text 59763\n", + "Completed text 59764\n", + "Completed text 59765\n", + "Completed text 59766\n", + "Completed text 59767\n", + "Completed text 59768\n", + "Completed text 59769\n", + "Completed text 59770\n", + "Completed text 59771\n", + "Completed text 59772\n", + "Completed text 59773\n", + "Completed text 59774\n", + "Completed text 59775\n", + "Completed text 59776\n", + "Completed text 59777\n", + "Completed text 59778\n", + "Completed text 59779\n", + "Completed text 59780\n", + "Completed text 59781\n", + "Completed text 59782\n", + "Completed text 59783\n", + "Completed text 59784\n", + "Completed text 59785\n", + "Completed text 59786\n", + "Completed text 59787\n", + "Completed text 59788\n", + "Completed text 59789\n", + "Completed text 59790\n", + "Completed text 59791\n", + "Completed text 59792\n", + "Completed text 59793\n", + "Completed text 59794\n", + "Completed text 59795\n", + "Completed text 59796\n", + "Completed text 59797\n", + "Completed text 59798\n", + "Completed text 59799\n", + "Completed text 59800\n", + "Completed text 59801\n", + "Completed text 59802\n", + "Completed text 59803\n", + "Completed text 59804\n", + "Completed text 59805\n", + "Completed text 59806\n", + "Completed text 59807\n", + "Completed text 59808\n", + "Completed text 59809\n", + "Completed text 59810\n", + "Completed text 59811\n", + "Completed text 59812\n", + "Completed text 59813\n", + "Completed text 59814\n", + "Completed text 59815\n", + "Completed text 59816\n", + "Completed text 59817\n", + "Completed text 59818\n", + "Completed text 59819\n", + "Completed text 59820\n", + "Completed text 59821\n", + "Completed text 59822\n", + "Completed text 59823\n", + "Completed text 59824\n", + "Completed text 59825\n", + "Completed text 59826\n", + "Completed text 59827\n", + "Completed text 59828\n", + "Completed text 59829\n", + "Completed text 59830\n", + "Completed text 59831\n", + "Completed text 59832\n", + "Completed text 59833\n", + "Completed text 59834\n", + "Completed text 59835\n", + "Completed text 59836\n", + "Completed text 59837\n", + "Completed text 59838\n", + "Completed text 59839\n", + "Completed text 59840\n", + "Completed text 59841\n", + "Completed text 59842\n", + "Completed text 59843\n", + "Completed text 59844\n", + "Completed text 59845\n", + "Completed text 59846\n", + "Completed text 59847\n", + "Completed text 59848\n", + "Completed text 59849\n", + "Completed text 59850\n", + "Completed text 59851\n", + "Completed text 59852\n", + "Completed text 59853\n", + "Completed text 59854\n", + "Completed text 59855\n", + "Completed text 59856\n", + "Completed text 59857\n", + "Completed text 59858\n", + "Completed text 59859\n", + "Completed text 59860\n", + "Completed text 59861\n", + "Completed text 59862\n", + "Completed text 59863\n", + "Completed text 59864\n", + "Completed text 59865\n", + "Completed text 59866\n", + "Completed text 59867\n", + "Completed text 59868\n", + "Completed text 59869\n", + "Completed text 59870\n", + "Completed text 59871\n", + "Completed text 59872\n", + "Completed text 59873\n", + "Completed text 59874\n", + "Completed text 59875\n", + "Completed text 59876\n", + "Completed text 59877\n", + "Completed text 59878\n", + "Completed text 59879\n", + "Completed text 59880\n", + "Completed text 59881\n", + "Completed text 59882\n", + "Completed text 59883\n", + "Completed text 59884\n", + "Completed text 59885\n", + "Completed text 59886\n", + "Completed text 59887\n", + "Completed text 59888\n", + "Completed text 59889\n", + "Completed text 59890\n", + "Completed text 59891\n", + "Completed text 59892\n", + "Completed text 59893\n", + "Completed text 59894\n", + "Completed text 59895\n", + "Completed text 59896\n", + "Completed text 59897\n", + "Completed text 59898\n", + "Completed text 59899\n", + "Completed text 59900\n", + "Completed text 59901\n", + "Completed text 59902\n", + "Completed text 59903\n", + "Completed text 59904\n", + "Completed text 59905\n", + "Completed text 59906\n", + "Completed text 59907\n", + "Completed text 59908\n", + "Completed text 59909\n", + "Completed text 59910\n", + "Completed text 59911\n", + "Completed text 59912\n", + "Completed text 59913\n", + "Completed text 59914\n", + "Completed text 59915\n", + "Completed text 59916\n", + "Completed text 59917\n", + "Completed text 59918\n", + "Completed text 59919\n", + "Completed text 59920\n", + "Completed text 59921\n", + "Completed text 59922\n", + "Completed text 59923\n", + "Completed text 59924\n", + "Completed text 59925\n", + "Completed text 59926\n", + "Completed text 59927\n", + "Completed text 59928\n", + "Completed text 59929\n", + "Completed text 59930\n", + "Completed text 59931\n", + "Completed text 59932\n", + "Completed text 59933\n", + "Completed text 59934\n", + "Completed text 59935\n", + "Completed text 59936\n", + "Completed text 59937\n", + "Completed text 59938\n", + "Completed text 59939\n", + "Completed text 59940\n", + "Completed text 59941\n", + "Completed text 59942\n", + "Completed text 59943\n", + "Completed text 59944\n", + "Completed text 59945\n", + "Completed text 59946\n", + "Completed text 59947\n", + "Completed text 59948\n", + "Completed text 59949\n", + "Completed text 59950\n", + "Completed text 59951\n", + "Completed text 59952\n", + "Completed text 59953\n", + "Completed text 59954\n", + "Completed text 59955\n", + "Completed text 59956\n", + "Completed text 59957\n", + "Completed text 59958\n", + "Completed text 59959\n", + "Completed text 59960\n", + "Completed text 59961\n", + "Completed text 59962\n", + "Completed text 59963\n", + "Completed text 59964\n", + "Completed text 59965\n", + "Completed text 59966\n", + "Completed text 59967\n", + "Completed text 59968\n", + "Completed text 59969\n", + "Completed text 59970\n", + "Completed text 59971\n", + "Completed text 59972\n", + "Completed text 59973\n", + "Completed text 59974\n", + "Completed text 59975\n", + "Completed text 59976\n", + "Completed text 59977\n", + "Completed text 59978\n", + "Completed text 59979\n", + "Completed text 59980\n", + "Completed text 59981\n", + "Completed text 59982\n", + "Completed text 59983\n", + "Completed text 59984\n", + "Completed text 59985\n", + "Completed text 59986\n", + "Completed text 59987\n", + "Completed text 59988\n", + "Completed text 59989\n", + "Completed text 59990\n", + "Completed text 59991\n", + "Completed text 59992\n", + "Completed text 59993\n", + "Completed text 59994\n", + "Completed text 59995\n", + "Completed text 59996\n", + "Completed text 59997\n", + "Completed text 59998\n", + "Completed text 59999\n", + "Completed text 60000\n", + "Completed text 60001\n", + "Completed text 60002\n", + "Completed text 60003\n", + "Completed text 60004\n", + "Completed text 60005\n", + "Completed text 60006\n", + "Completed text 60007\n", + "Completed text 60008\n", + "Completed text 60009\n", + "Completed text 60010\n", + "Completed text 60011\n", + "Completed text 60012\n", + "Completed text 60013\n", + "Completed text 60014\n", + "Completed text 60015\n", + "Completed text 60016\n", + "Completed text 60017\n", + "Completed text 60018\n", + "Completed text 60019\n", + "Completed text 60020\n", + "Completed text 60021\n", + "Completed text 60022\n", + "Completed text 60023\n", + "Completed text 60024\n", + "Completed text 60025\n", + "Completed text 60026\n", + "Completed text 60027\n", + "Completed text 60028\n", + "Completed text 60029\n", + "Completed text 60030\n", + "Completed text 60031\n", + "Completed text 60032\n", + "Completed text 60033\n", + "Completed text 60034\n", + "Completed text 60035\n", + "Completed text 60036\n", + "Completed text 60037\n", + "Completed text 60038\n", + "Completed text 60039\n", + "Completed text 60040\n", + "Completed text 60041\n", + "Completed text 60042\n", + "Completed text 60043\n", + "Completed text 60044\n", + "Completed text 60045\n", + "Completed text 60046\n", + "Completed text 60047\n", + "Completed text 60048\n", + "Completed text 60049\n", + "Completed text 60050\n", + "Completed text 60051\n", + "Completed text 60052\n", + "Completed text 60053\n", + "Completed text 60054\n", + "Completed text 60055\n", + "Completed text 60056\n", + "Completed text 60057\n", + "Completed text 60058\n", + "Completed text 60059\n", + "Completed text 60060\n", + "Completed text 60061\n", + "Completed text 60062\n", + "Completed text 60063\n", + "Completed text 60064\n", + "Completed text 60065\n", + "Completed text 60066\n", + "Completed text 60067\n", + "Completed text 60068\n", + "Completed text 60069\n", + "Completed text 60070\n", + "Completed text 60071\n", + "Completed text 60072\n", + "Completed text 60073\n", + "Completed text 60074\n", + "Completed text 60075\n", + "Completed text 60076\n", + "Completed text 60077\n", + "Completed text 60078\n", + "Completed text 60079\n", + "Completed text 60080\n", + "Completed text 60081\n", + "Completed text 60082\n", + "Completed text 60083\n", + "Completed text 60084\n", + "Completed text 60085\n", + "Completed text 60086\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 60087\n", + "Completed text 60088\n", + "Completed text 60089\n", + "Completed text 60090\n", + "Completed text 60091\n", + "Completed text 60092\n", + "Completed text 60093\n", + "Completed text 60094\n", + "Completed text 60095\n", + "Completed text 60096\n", + "Completed text 60097\n", + "Completed text 60098\n", + "Completed text 60099\n", + "Completed text 60100\n", + "Completed text 60101\n", + "Completed text 60102\n", + "Completed text 60103\n", + "Completed text 60104\n", + "Completed text 60105\n", + "Completed text 60106\n", + "Completed text 60107\n", + "Completed text 60108\n", + "Completed text 60109\n", + "Completed text 60110\n", + "Completed text 60111\n", + "Completed text 60112\n", + "Completed text 60113\n", + "Completed text 60114\n", + "Completed text 60115\n", + "Completed text 60116\n", + "Completed text 60117\n", + "Completed text 60118\n", + "Completed text 60119\n", + "Completed text 60120\n", + "Completed text 60121\n", + "Completed text 60122\n", + "Completed text 60123\n", + "Completed text 60124\n", + "Completed text 60125\n", + "Completed text 60126\n", + "Completed text 60127\n", + "Completed text 60128\n", + "Completed text 60129\n", + "Completed text 60130\n", + "Completed text 60131\n", + "Completed text 60132\n", + "Completed text 60133\n", + "Completed text 60134\n", + "Completed text 60135\n", + "Completed text 60136\n", + "Completed text 60137\n", + "Completed text 60138\n", + "Completed text 60139\n", + "Completed text 60140\n", + "Completed text 60141\n", + "Completed text 60142\n", + "Completed text 60143\n", + "Completed text 60144\n", + "Completed text 60145\n", + "Completed text 60146\n", + "Completed text 60147\n", + "Completed text 60148\n", + "Completed text 60149\n", + "Completed text 60150\n", + "Completed text 60151\n", + "Completed text 60152\n", + "Completed text 60153\n", + "Completed text 60154\n", + "Completed text 60155\n", + "Completed text 60156\n", + "Completed text 60157\n", + "Completed text 60158\n", + "Completed text 60159\n", + "Completed text 60160\n", + "Completed text 60161\n", + "Completed text 60162\n", + "Completed text 60163\n", + "Completed text 60164\n", + "Completed text 60165\n", + "Completed text 60166\n", + "Completed text 60167\n", + "Completed text 60168\n", + "Completed text 60169\n", + "Completed text 60170\n", + "Completed text 60171\n", + "Completed text 60172\n", + "Completed text 60173\n", + "Completed text 60174\n", + "Completed text 60175\n", + "Completed text 60176\n", + "Completed text 60177\n", + "Completed text 60178\n", + "Completed text 60179\n", + "Completed text 60180\n", + "Completed text 60181\n", + "Completed text 60182\n", + "Completed text 60183\n", + "Completed text 60184\n", + "Completed text 60185\n", + "Completed text 60186\n", + "Completed text 60187\n", + "Completed text 60188\n", + "Completed text 60189\n", + "Completed text 60190\n", + "Completed text 60191\n", + "Completed text 60192\n", + "Completed text 60193\n", + "Completed text 60194\n", + "Completed text 60195\n", + "Completed text 60196\n", + "Completed text 60197\n", + "Completed text 60198\n", + "Completed text 60199\n", + "Completed text 60200\n", + "Completed text 60201\n", + "Completed text 60202\n", + "Completed text 60203\n", + "Completed text 60204\n", + "Completed text 60205\n", + "Completed text 60206\n", + "Completed text 60207\n", + "Completed text 60208\n", + "Completed text 60209\n", + "Completed text 60210\n", + "Completed text 60211\n", + "Completed text 60212\n", + "Completed text 60213\n", + "Completed text 60214\n", + "Completed text 60215\n", + "Completed text 60216\n", + "Completed text 60217\n", + "Completed text 60218\n", + "Completed text 60219\n", + "Completed text 60220\n", + "Completed text 60221\n", + "Completed text 60222\n", + "Completed text 60223\n", + "Completed text 60224\n", + "Completed text 60225\n", + "Completed text 60226\n", + "Completed text 60227\n", + "Completed text 60228\n", + "Completed text 60229\n", + "Completed text 60230\n", + "Completed text 60231\n", + "Completed text 60232\n", + "Completed text 60233\n", + "Completed text 60234\n", + "Completed text 60235\n", + "Completed text 60236\n", + "Completed text 60237\n", + "Completed text 60238\n", + "Completed text 60239\n", + "Completed text 60240\n", + "Completed text 60241\n", + "Completed text 60242\n", + "Completed text 60243\n", + "Completed text 60244\n", + "Completed text 60245\n", + "Completed text 60246\n", + "Completed text 60247\n", + "Completed text 60248\n", + "Completed text 60249\n", + "Completed text 60250\n", + "Completed text 60251\n", + "Completed text 60252\n", + "Completed text 60253\n", + "Completed text 60254\n", + "Completed text 60255\n", + "Completed text 60256\n", + "Completed text 60257\n", + "Completed text 60258\n", + "Completed text 60259\n", + "Completed text 60260\n", + "Completed text 60261\n", + "Completed text 60262\n", + "Completed text 60263\n", + "Completed text 60264\n", + "Completed text 60265\n", + "Completed text 60266\n", + "Completed text 60267\n", + "Completed text 60268\n", + "Completed text 60269\n", + "Completed text 60270\n", + "Completed text 60271\n", + "Completed text 60272\n", + "Completed text 60273\n", + "Completed text 60274\n", + "Completed text 60275\n", + "Completed text 60276\n", + "Completed text 60277\n", + "Completed text 60278\n", + "Completed text 60279\n", + "Completed text 60280\n", + "Completed text 60281\n", + "Completed text 60282\n", + "Completed text 60283\n", + "Completed text 60284\n", + "Completed text 60285\n", + "Completed text 60286\n", + "Completed text 60287\n", + "Completed text 60288\n", + "Completed text 60289\n", + "Completed text 60290\n", + "Completed text 60291\n", + "Completed text 60292\n", + "Completed text 60293\n", + "Completed text 60294\n", + "Completed text 60295\n", + "Completed text 60296\n", + "Completed text 60297\n", + "Completed text 60298\n", + "Completed text 60299\n", + "Completed text 60300\n", + "Completed text 60301\n", + "Completed text 60302\n", + "Completed text 60303\n", + "Completed text 60304\n", + "Completed text 60305\n", + "Completed text 60306\n", + "Completed text 60307\n", + "Completed text 60308\n", + "Completed text 60309\n", + "Completed text 60310\n", + "Completed text 60311\n", + "Completed text 60312\n", + "Completed text 60313\n", + "Completed text 60314\n", + "Completed text 60315\n", + "Completed text 60316\n", + "Completed text 60317\n", + "Completed text 60318\n", + "Completed text 60319\n", + "Completed text 60320\n", + "Completed text 60321\n", + "Completed text 60322\n", + "Completed text 60323\n", + "Completed text 60324\n", + "Completed text 60325\n", + "Completed text 60326\n", + "Completed text 60327\n", + "Completed text 60328\n", + "Completed text 60329\n", + "Completed text 60330\n", + "Completed text 60331\n", + "Completed text 60332\n", + "Completed text 60333\n", + "Completed text 60334\n", + "Completed text 60335\n", + "Completed text 60336\n", + "Completed text 60337\n", + "Completed text 60338\n", + "Completed text 60339\n", + "Completed text 60340\n", + "Completed text 60341\n", + "Completed text 60342\n", + "Completed text 60343\n", + "Completed text 60344\n", + "Completed text 60345\n", + "Completed text 60346\n", + "Completed text 60347\n", + "Completed text 60348\n", + "Completed text 60349\n", + "Completed text 60350\n", + "Completed text 60351\n", + "Completed text 60352\n", + "Completed text 60353\n", + "Completed text 60354\n", + "Completed text 60355\n", + "Completed text 60356\n", + "Completed text 60357\n", + "Completed text 60358\n", + "Completed text 60359\n", + "Completed text 60360\n", + "Completed text 60361\n", + "Completed text 60362\n", + "Completed text 60363\n", + "Completed text 60364\n", + "Completed text 60365\n", + "Completed text 60366\n", + "Completed text 60367\n", + "Completed text 60368\n", + "Completed text 60369\n", + "Completed text 60370\n", + "Completed text 60371\n", + "Completed text 60372\n", + "Completed text 60373\n", + "Completed text 60374\n", + "Completed text 60375\n", + "Completed text 60376\n", + "Completed text 60377\n", + "Completed text 60378\n", + "Completed text 60379\n", + "Completed text 60380\n", + "Completed text 60381\n", + "Completed text 60382\n", + "Completed text 60383\n", + "Completed text 60384\n", + "Completed text 60385\n", + "Completed text 60386\n", + "Completed text 60387\n", + "Completed text 60388\n", + "Completed text 60389\n", + "Completed text 60390\n", + "Completed text 60391\n", + "Completed text 60392\n", + "Completed text 60393\n", + "Completed text 60394\n", + "Completed text 60395\n", + "Completed text 60396\n", + "Completed text 60397\n", + "Completed text 60398\n", + "Completed text 60399\n", + "Completed text 60400\n", + "Completed text 60401\n", + "Completed text 60402\n", + "Completed text 60403\n", + "Completed text 60404\n", + "Completed text 60405\n", + "Completed text 60406\n", + "Completed text 60407\n", + "Completed text 60408\n", + "Completed text 60409\n", + "Completed text 60410\n", + "Completed text 60411\n", + "Completed text 60412\n", + "Completed text 60413\n", + "Completed text 60414\n", + "Completed text 60415\n", + "Completed text 60416\n", + "Completed text 60417\n", + "Completed text 60418\n", + "Completed text 60419\n", + "Completed text 60420\n", + "Completed text 60421\n", + "Completed text 60422\n", + "Completed text 60423\n", + "Completed text 60424\n", + "Completed text 60425\n", + "Completed text 60426\n", + "Completed text 60427\n", + "Completed text 60428\n", + "Completed text 60429\n", + "Completed text 60430\n", + "Completed text 60431\n", + "Completed text 60432\n", + "Completed text 60433\n", + "Completed text 60434\n", + "Completed text 60435\n", + "Completed text 60436\n", + "Completed text 60437\n", + "Completed text 60438\n", + "Completed text 60439\n", + "Completed text 60440\n", + "Completed text 60441\n", + "Completed text 60442\n", + "Completed text 60443\n", + "Completed text 60444\n", + "Completed text 60445\n", + "Completed text 60446\n", + "Completed text 60447\n", + "Completed text 60448\n", + "Completed text 60449\n", + "Completed text 60450\n", + "Completed text 60451\n", + "Completed text 60452\n", + "Completed text 60453\n", + "Completed text 60454\n", + "Completed text 60455\n", + "Completed text 60456\n", + "Completed text 60457\n", + "Completed text 60458\n", + "Completed text 60459\n", + "Completed text 60460\n", + "Completed text 60461\n", + "Completed text 60462\n", + "Completed text 60463\n", + "Completed text 60464\n", + "Completed text 60465\n", + "Completed text 60466\n", + "Completed text 60467\n", + "Completed text 60468\n", + "Completed text 60469\n", + "Completed text 60470\n", + "Completed text 60471\n", + "Completed text 60472\n", + "Completed text 60473\n", + "Completed text 60474\n", + "Completed text 60475\n", + "Completed text 60476\n", + "Completed text 60477\n", + "Completed text 60478\n", + "Completed text 60479\n", + "Completed text 60480\n", + "Completed text 60481\n", + "Completed text 60482\n", + "Completed text 60483\n", + "Completed text 60484\n", + "Completed text 60485\n", + "Completed text 60486\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 60487\n", + "Completed text 60488\n", + "Completed text 60489\n", + "Completed text 60490\n", + "Completed text 60491\n", + "Completed text 60492\n", + "Completed text 60493\n", + "Completed text 60494\n", + "Completed text 60495\n", + "Completed text 60496\n", + "Completed text 60497\n", + "Completed text 60498\n", + "Completed text 60499\n", + "Completed text 60500\n", + "Completed text 60501\n", + "Completed text 60502\n", + "Completed text 60503\n", + "Completed text 60504\n", + "Completed text 60505\n", + "Completed text 60506\n", + "Completed text 60507\n", + "Completed text 60508\n", + "Completed text 60509\n", + "Completed text 60510\n", + "Completed text 60511\n", + "Completed text 60512\n", + "Completed text 60513\n", + "Completed text 60514\n", + "Completed text 60515\n", + "Completed text 60516\n", + "Completed text 60517\n", + "Completed text 60518\n", + "Completed text 60519\n", + "Completed text 60520\n", + "Completed text 60521\n", + "Completed text 60522\n", + "Completed text 60523\n", + "Completed text 60524\n", + "Completed text 60525\n", + "Completed text 60526\n", + "Completed text 60527\n", + "Completed text 60528\n", + "Completed text 60529\n", + "Completed text 60530\n", + "Completed text 60531\n", + "Completed text 60532\n", + "Completed text 60533\n", + "Completed text 60534\n", + "Completed text 60535\n", + "Completed text 60536\n", + "Completed text 60537\n", + "Completed text 60538\n", + "Completed text 60539\n", + "Completed text 60540\n", + "Completed text 60541\n", + "Completed text 60542\n", + "Completed text 60543\n", + "Completed text 60544\n", + "Completed text 60545\n", + "Completed text 60546\n", + "Completed text 60547\n", + "Completed text 60548\n", + "Completed text 60549\n", + "Completed text 60550\n", + "Completed text 60551\n", + "Completed text 60552\n", + "Completed text 60553\n", + "Completed text 60554\n", + "Completed text 60555\n", + "Completed text 60556\n", + "Completed text 60557\n", + "Completed text 60558\n", + "Completed text 60559\n", + "Completed text 60560\n", + "Completed text 60561\n", + "Completed text 60562\n", + "Completed text 60563\n", + "Completed text 60564\n", + "Completed text 60565\n", + "Completed text 60566\n", + "Completed text 60567\n", + "Completed text 60568\n", + "Completed text 60569\n", + "Completed text 60570\n", + "Completed text 60571\n", + "Completed text 60572\n", + "Completed text 60573\n", + "Completed text 60574\n", + "Completed text 60575\n", + "Completed text 60576\n", + "Completed text 60577\n", + "Completed text 60578\n", + "Completed text 60579\n", + "Completed text 60580\n", + "Completed text 60581\n", + "Completed text 60582\n", + "Completed text 60583\n", + "Completed text 60584\n", + "Completed text 60585\n", + "Completed text 60586\n", + "Completed text 60587\n", + "Completed text 60588\n", + "Completed text 60589\n", + "Completed text 60590\n", + "Completed text 60591\n", + "Completed text 60592\n", + "Completed text 60593\n", + "Completed text 60594\n", + "Completed text 60595\n", + "Completed text 60596\n", + "Completed text 60597\n", + "Completed text 60598\n", + "Completed text 60599\n", + "Completed text 60600\n", + "Completed text 60601\n", + "Completed text 60602\n", + "Completed text 60603\n", + "Completed text 60604\n", + "Completed text 60605\n", + "Completed text 60606\n", + "Completed text 60607\n", + "Completed text 60608\n", + "Completed text 60609\n", + "Completed text 60610\n", + "Completed text 60611\n", + "Completed text 60612\n", + "Completed text 60613\n", + "Completed text 60614\n", + "Completed text 60615\n", + "Completed text 60616\n", + "Completed text 60617\n", + "Completed text 60618\n", + "Completed text 60619\n", + "Completed text 60620\n", + "Completed text 60621\n", + "Completed text 60622\n", + "Completed text 60623\n", + "Completed text 60624\n", + "Completed text 60625\n", + "Completed text 60626\n", + "Completed text 60627\n", + "Completed text 60628\n", + "Completed text 60629\n", + "Completed text 60630\n", + "Completed text 60631\n", + "Completed text 60632\n", + "Completed text 60633\n", + "Completed text 60634\n", + "Completed text 60635\n", + "Completed text 60636\n", + "Completed text 60637\n", + "Completed text 60638\n", + "Completed text 60639\n", + "Completed text 60640\n", + "Completed text 60641\n", + "Completed text 60642\n", + "Completed text 60643\n", + "Completed text 60644\n", + "Completed text 60645\n", + "Completed text 60646\n", + "Completed text 60647\n", + "Completed text 60648\n", + "Completed text 60649\n", + "Completed text 60650\n", + "Completed text 60651\n", + "Completed text 60652\n", + "Completed text 60653\n", + "Completed text 60654\n", + "Completed text 60655\n", + "Completed text 60656\n", + "Completed text 60657\n", + "Completed text 60658\n", + "Completed text 60659\n", + "Completed text 60660\n", + "Completed text 60661\n", + "Completed text 60662\n", + "Completed text 60663\n", + "Completed text 60664\n", + "Completed text 60665\n", + "Completed text 60666\n", + "Completed text 60667\n", + "Completed text 60668\n", + "Completed text 60669\n", + "Completed text 60670\n", + "Completed text 60671\n", + "Completed text 60672\n", + "Completed text 60673\n", + "Completed text 60674\n", + "Completed text 60675\n", + "Completed text 60676\n", + "Completed text 60677\n", + "Completed text 60678\n", + "Completed text 60679\n", + "Completed text 60680\n", + "Completed text 60681\n", + "Completed text 60682\n", + "Completed text 60683\n", + "Completed text 60684\n", + "Completed text 60685\n", + "Completed text 60686\n", + "Completed text 60687\n", + "Completed text 60688\n", + "Completed text 60689\n", + "Completed text 60690\n", + "Completed text 60691\n", + "Completed text 60692\n", + "Completed text 60693\n", + "Completed text 60694\n", + "Completed text 60695\n", + "Completed text 60696\n", + "Completed text 60697\n", + "Completed text 60698\n", + "Completed text 60699\n", + "Completed text 60700\n", + "Completed text 60701\n", + "Completed text 60702\n", + "Completed text 60703\n", + "Completed text 60704\n", + "Completed text 60705\n", + "Completed text 60706\n", + "Completed text 60707\n", + "Completed text 60708\n", + "Completed text 60709\n", + "Completed text 60710\n", + "Completed text 60711\n", + "Completed text 60712\n", + "Completed text 60713\n", + "Completed text 60714\n", + "Completed text 60715\n", + "Completed text 60716\n", + "Completed text 60717\n", + "Completed text 60718\n", + "Completed text 60719\n", + "Completed text 60720\n", + "Completed text 60721\n", + "Completed text 60722\n", + "Completed text 60723\n", + "Completed text 60724\n", + "Completed text 60725\n", + "Completed text 60726\n", + "Completed text 60727\n", + "Completed text 60728\n", + "Completed text 60729\n", + "Completed text 60730\n", + "Completed text 60731\n", + "Completed text 60732\n", + "Completed text 60733\n", + "Completed text 60734\n", + "Completed text 60735\n", + "Completed text 60736\n", + "Completed text 60737\n", + "Completed text 60738\n", + "Completed text 60739\n", + "Completed text 60740\n", + "Completed text 60741\n", + "Completed text 60742\n", + "Completed text 60743\n", + "Completed text 60744\n", + "Completed text 60745\n", + "Completed text 60746\n", + "Completed text 60747\n", + "Completed text 60748\n", + "Completed text 60749\n", + "Completed text 60750\n", + "Completed text 60751\n", + "Completed text 60752\n", + "Completed text 60753\n", + "Completed text 60754\n", + "Completed text 60755\n", + "Completed text 60756\n", + "Completed text 60757\n", + "Completed text 60758\n", + "Completed text 60759\n", + "Completed text 60760\n", + "Completed text 60761\n", + "Completed text 60762\n", + "Completed text 60763\n", + "Completed text 60764\n", + "Completed text 60765\n", + "Completed text 60766\n", + "Completed text 60767\n", + "Completed text 60768\n", + "Completed text 60769\n", + "Completed text 60770\n", + "Completed text 60771\n", + "Completed text 60772\n", + "Completed text 60773\n", + "Completed text 60774\n", + "Completed text 60775\n", + "Completed text 60776\n", + "Completed text 60777\n", + "Completed text 60778\n", + "Completed text 60779\n", + "Completed text 60780\n", + "Completed text 60781\n", + "Completed text 60782\n", + "Completed text 60783\n", + "Completed text 60784\n", + "Completed text 60785\n", + "Completed text 60786\n", + "Completed text 60787\n", + "Completed text 60788\n", + "Completed text 60789\n", + "Completed text 60790\n", + "Completed text 60791\n", + "Completed text 60792\n", + "Completed text 60793\n", + "Completed text 60794\n", + "Completed text 60795\n", + "Completed text 60796\n", + "Completed text 60797\n", + "Completed text 60798\n", + "Completed text 60799\n", + "Completed text 60800\n", + "Completed text 60801\n", + "Completed text 60802\n", + "Completed text 60803\n", + "Completed text 60804\n", + "Completed text 60805\n", + "Completed text 60806\n", + "Completed text 60807\n", + "Completed text 60808\n", + "Completed text 60809\n", + "Completed text 60810\n", + "Completed text 60811\n", + "Completed text 60812\n", + "Completed text 60813\n", + "Completed text 60814\n", + "Completed text 60815\n", + "Completed text 60816\n", + "Completed text 60817\n", + "Completed text 60818\n", + "Completed text 60819\n", + "Completed text 60820\n", + "Completed text 60821\n", + "Completed text 60822\n", + "Completed text 60823\n", + "Completed text 60824\n", + "Completed text 60825\n", + "Completed text 60826\n", + "Completed text 60827\n", + "Completed text 60828\n", + "Completed text 60829\n", + "Completed text 60830\n", + "Completed text 60831\n", + "Completed text 60832\n", + "Completed text 60833\n", + "Completed text 60834\n", + "Completed text 60835\n", + "Completed text 60836\n", + "Completed text 60837\n", + "Completed text 60838\n", + "Completed text 60839\n", + "Completed text 60840\n", + "Completed text 60841\n", + "Completed text 60842\n", + "Completed text 60843\n", + "Completed text 60844\n", + "Completed text 60845\n", + "Completed text 60846\n", + "Completed text 60847\n", + "Completed text 60848\n", + "Completed text 60849\n", + "Completed text 60850\n", + "Completed text 60851\n", + "Completed text 60852\n", + "Completed text 60853\n", + "Completed text 60854\n", + "Completed text 60855\n", + "Completed text 60856\n", + "Completed text 60857\n", + "Completed text 60858\n", + "Completed text 60859\n", + "Completed text 60860\n", + "Completed text 60861\n", + "Completed text 60862\n", + "Completed text 60863\n", + "Completed text 60864\n", + "Completed text 60865\n", + "Completed text 60866\n", + "Completed text 60867\n", + "Completed text 60868\n", + "Completed text 60869\n", + "Completed text 60870\n", + "Completed text 60871\n", + "Completed text 60872\n", + "Completed text 60873\n", + "Completed text 60874\n", + "Completed text 60875\n", + "Completed text 60876\n", + "Completed text 60877\n", + "Completed text 60878\n", + "Completed text 60879\n", + "Completed text 60880\n", + "Completed text 60881\n", + "Completed text 60882\n", + "Completed text 60883\n", + "Completed text 60884\n", + "Completed text 60885\n", + "Completed text 60886\n", + "Completed text 60887\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 60888\n", + "Completed text 60889\n", + "Completed text 60890\n", + "Completed text 60891\n", + "Completed text 60892\n", + "Completed text 60893\n", + "Completed text 60894\n", + "Completed text 60895\n", + "Completed text 60896\n", + "Completed text 60897\n", + "Completed text 60898\n", + "Completed text 60899\n", + "Completed text 60900\n", + "Completed text 60901\n", + "Completed text 60902\n", + "Completed text 60903\n", + "Completed text 60904\n", + "Completed text 60905\n", + "Completed text 60906\n", + "Completed text 60907\n", + "Completed text 60908\n", + "Completed text 60909\n", + "Completed text 60910\n", + "Completed text 60911\n", + "Completed text 60912\n", + "Completed text 60913\n", + "Completed text 60914\n", + "Completed text 60915\n", + "Completed text 60916\n", + "Completed text 60917\n", + "Completed text 60918\n", + "Completed text 60919\n", + "Completed text 60920\n", + "Completed text 60921\n", + "Completed text 60922\n", + "Completed text 60923\n", + "Completed text 60924\n", + "Completed text 60925\n", + "Completed text 60926\n", + "Completed text 60927\n", + "Completed text 60928\n", + "Completed text 60929\n", + "Completed text 60930\n", + "Completed text 60931\n", + "Completed text 60932\n", + "Completed text 60933\n", + "Completed text 60934\n", + "Completed text 60935\n", + "Completed text 60936\n", + "Completed text 60937\n", + "Completed text 60938\n", + "Completed text 60939\n", + "Completed text 60940\n", + "Completed text 60941\n", + "Completed text 60942\n", + "Completed text 60943\n", + "Completed text 60944\n", + "Completed text 60945\n", + "Completed text 60946\n", + "Completed text 60947\n", + "Completed text 60948\n", + "Completed text 60949\n", + "Completed text 60950\n", + "Completed text 60951\n", + "Completed text 60952\n", + "Completed text 60953\n", + "Completed text 60954\n", + "Completed text 60955\n", + "Completed text 60956\n", + "Completed text 60957\n", + "Completed text 60958\n", + "Completed text 60959\n", + "Completed text 60960\n", + "Completed text 60961\n", + "Completed text 60962\n", + "Completed text 60963\n", + "Completed text 60964\n", + "Completed text 60965\n", + "Completed text 60966\n", + "Completed text 60967\n", + "Completed text 60968\n", + "Completed text 60969\n", + "Completed text 60970\n", + "Completed text 60971\n", + "Completed text 60972\n", + "Completed text 60973\n", + "Completed text 60974\n", + "Completed text 60975\n", + "Completed text 60976\n", + "Completed text 60977\n", + "Completed text 60978\n", + "Completed text 60979\n", + "Completed text 60980\n", + "Completed text 60981\n", + "Completed text 60982\n", + "Completed text 60983\n", + "Completed text 60984\n", + "Completed text 60985\n", + "Completed text 60986\n", + "Completed text 60987\n", + "Completed text 60988\n", + "Completed text 60989\n", + "Completed text 60990\n", + "Completed text 60991\n", + "Completed text 60992\n", + "Completed text 60993\n", + "Completed text 60994\n", + "Completed text 60995\n", + "Completed text 60996\n", + "Completed text 60997\n", + "Completed text 60998\n", + "Completed text 60999\n", + "Completed text 61000\n", + "Completed text 61001\n", + "Completed text 61002\n", + "Completed text 61003\n", + "Completed text 61004\n", + "Completed text 61005\n", + "Completed text 61006\n", + "Completed text 61007\n", + "Completed text 61008\n", + "Completed text 61009\n", + "Completed text 61010\n", + "Completed text 61011\n", + "Completed text 61012\n", + "Completed text 61013\n", + "Completed text 61014\n", + "Completed text 61015\n", + "Completed text 61016\n", + "Completed text 61017\n", + "Completed text 61018\n", + "Completed text 61019\n", + "Completed text 61020\n", + "Completed text 61021\n", + "Completed text 61022\n", + "Completed text 61023\n", + "Completed text 61024\n", + "Completed text 61025\n", + "Completed text 61026\n", + "Completed text 61027\n", + "Completed text 61028\n", + "Completed text 61029\n", + "Completed text 61030\n", + "Completed text 61031\n", + "Completed text 61032\n", + "Completed text 61033\n", + "Completed text 61034\n", + "Completed text 61035\n", + "Completed text 61036\n", + "Completed text 61037\n", + "Completed text 61038\n", + "Completed text 61039\n", + "Completed text 61040\n", + "Completed text 61041\n", + "Completed text 61042\n", + "Completed text 61043\n", + "Completed text 61044\n", + "Completed text 61045\n", + "Completed text 61046\n", + "Completed text 61047\n", + "Completed text 61048\n", + "Completed text 61049\n", + "Completed text 61050\n", + "Completed text 61051\n", + "Completed text 61052\n", + "Completed text 61053\n", + "Completed text 61054\n", + "Completed text 61055\n", + "Completed text 61056\n", + "Completed text 61057\n", + "Completed text 61058\n", + "Completed text 61059\n", + "Completed text 61060\n", + "Completed text 61061\n", + "Completed text 61062\n", + "Completed text 61063\n", + "Completed text 61064\n", + "Completed text 61065\n", + "Completed text 61066\n", + "Completed text 61067\n", + "Completed text 61068\n", + "Completed text 61069\n", + "Completed text 61070\n", + "Completed text 61071\n", + "Completed text 61072\n", + "Completed text 61073\n", + "Completed text 61074\n", + "Completed text 61075\n", + "Completed text 61076\n", + "Completed text 61077\n", + "Completed text 61078\n", + "Completed text 61079\n", + "Completed text 61080\n", + "Completed text 61081\n", + "Completed text 61082\n", + "Completed text 61083\n", + "Completed text 61084\n", + "Completed text 61085\n", + "Completed text 61086\n", + "Completed text 61087\n", + "Completed text 61088\n", + "Completed text 61089\n", + "Completed text 61090\n", + "Completed text 61091\n", + "Completed text 61092\n", + "Completed text 61093\n", + "Completed text 61094\n", + "Completed text 61095\n", + "Completed text 61096\n", + "Completed text 61097\n", + "Completed text 61098\n", + "Completed text 61099\n", + "Completed text 61100\n", + "Completed text 61101\n", + "Completed text 61102\n", + "Completed text 61103\n", + "Completed text 61104\n", + "Completed text 61105\n", + "Completed text 61106\n", + "Completed text 61107\n", + "Completed text 61108\n", + "Completed text 61109\n", + "Completed text 61110\n", + "Completed text 61111\n", + "Completed text 61112\n", + "Completed text 61113\n", + "Completed text 61114\n", + "Completed text 61115\n", + "Completed text 61116\n", + "Completed text 61117\n", + "Completed text 61118\n", + "Completed text 61119\n", + "Completed text 61120\n", + "Completed text 61121\n", + "Completed text 61122\n", + "Completed text 61123\n", + "Completed text 61124\n", + "Completed text 61125\n", + "Completed text 61126\n", + "Completed text 61127\n", + "Completed text 61128\n", + "Completed text 61129\n", + "Completed text 61130\n", + "Completed text 61131\n", + "Completed text 61132\n", + "Completed text 61133\n", + "Completed text 61134\n", + "Completed text 61135\n", + "Completed text 61136\n", + "Completed text 61137\n", + "Completed text 61138\n", + "Completed text 61139\n", + "Completed text 61140\n", + "Completed text 61141\n", + "Completed text 61142\n", + "Completed text 61143\n", + "Completed text 61144\n", + "Completed text 61145\n", + "Completed text 61146\n", + "Completed text 61147\n", + "Completed text 61148\n", + "Completed text 61149\n", + "Completed text 61150\n", + "Completed text 61151\n", + "Completed text 61152\n", + "Completed text 61153\n", + "Completed text 61154\n", + "Completed text 61155\n", + "Completed text 61156\n", + "Completed text 61157\n", + "Completed text 61158\n", + "Completed text 61159\n", + "Completed text 61160\n", + "Completed text 61161\n", + "Completed text 61162\n", + "Completed text 61163\n", + "Completed text 61164\n", + "Completed text 61165\n", + "Completed text 61166\n", + "Completed text 61167\n", + "Completed text 61168\n", + "Completed text 61169\n", + "Completed text 61170\n", + "Completed text 61171\n", + "Completed text 61172\n", + "Completed text 61173\n", + "Completed text 61174\n", + "Completed text 61175\n", + "Completed text 61176\n", + "Completed text 61177\n", + "Completed text 61178\n", + "Completed text 61179\n", + "Completed text 61180\n", + "Completed text 61181\n", + "Completed text 61182\n", + "Completed text 61183\n", + "Completed text 61184\n", + "Completed text 61185\n", + "Completed text 61186\n", + "Completed text 61187\n", + "Completed text 61188\n", + "Completed text 61189\n", + "Completed text 61190\n", + "Completed text 61191\n", + "Completed text 61192\n", + "Completed text 61193\n", + "Completed text 61194\n", + "Completed text 61195\n", + "Completed text 61196\n", + "Completed text 61197\n", + "Completed text 61198\n", + "Completed text 61199\n", + "Completed text 61200\n", + "Completed text 61201\n", + "Completed text 61202\n", + "Completed text 61203\n", + "Completed text 61204\n", + "Completed text 61205\n", + "Completed text 61206\n", + "Completed text 61207\n", + "Completed text 61208\n", + "Completed text 61209\n", + "Completed text 61210\n", + "Completed text 61211\n", + "Completed text 61212\n", + "Completed text 61213\n", + "Completed text 61214\n", + "Completed text 61215\n", + "Completed text 61216\n", + "Completed text 61217\n", + "Completed text 61218\n", + "Completed text 61219\n", + "Completed text 61220\n", + "Completed text 61221\n", + "Completed text 61222\n", + "Completed text 61223\n", + "Completed text 61224\n", + "Completed text 61225\n", + "Completed text 61226\n", + "Completed text 61227\n", + "Completed text 61228\n", + "Completed text 61229\n", + "Completed text 61230\n", + "Completed text 61231\n", + "Completed text 61232\n", + "Completed text 61233\n", + "Completed text 61234\n", + "Completed text 61235\n", + "Completed text 61236\n", + "Completed text 61237\n", + "Completed text 61238\n", + "Completed text 61239\n", + "Completed text 61240\n", + "Completed text 61241\n", + "Completed text 61242\n", + "Completed text 61243\n", + "Completed text 61244\n", + "Completed text 61245\n", + "Completed text 61246\n", + "Completed text 61247\n", + "Completed text 61248\n", + "Completed text 61249\n", + "Completed text 61250\n", + "Completed text 61251\n", + "Completed text 61252\n", + "Completed text 61253\n", + "Completed text 61254\n", + "Completed text 61255\n", + "Completed text 61256\n", + "Completed text 61257\n", + "Completed text 61258\n", + "Completed text 61259\n", + "Completed text 61260\n", + "Completed text 61261\n", + "Completed text 61262\n", + "Completed text 61263\n", + "Completed text 61264\n", + "Completed text 61265\n", + "Completed text 61266\n", + "Completed text 61267\n", + "Completed text 61268\n", + "Completed text 61269\n", + "Completed text 61270\n", + "Completed text 61271\n", + "Completed text 61272\n", + "Completed text 61273\n", + "Completed text 61274\n", + "Completed text 61275\n", + "Completed text 61276\n", + "Completed text 61277\n", + "Completed text 61278\n", + "Completed text 61279\n", + "Completed text 61280\n", + "Completed text 61281\n", + "Completed text 61282\n", + "Completed text 61283\n", + "Completed text 61284\n", + "Completed text 61285\n", + "Completed text 61286\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 61287\n", + "Completed text 61288\n", + "Completed text 61289\n", + "Completed text 61290\n", + "Completed text 61291\n", + "Completed text 61292\n", + "Completed text 61293\n", + "Completed text 61294\n", + "Completed text 61295\n", + "Completed text 61296\n", + "Completed text 61297\n", + "Completed text 61298\n", + "Completed text 61299\n", + "Completed text 61300\n", + "Completed text 61301\n", + "Completed text 61302\n", + "Completed text 61303\n", + "Completed text 61304\n", + "Completed text 61305\n", + "Completed text 61306\n", + "Completed text 61307\n", + "Completed text 61308\n", + "Completed text 61309\n", + "Completed text 61310\n", + "Completed text 61311\n", + "Completed text 61312\n", + "Completed text 61313\n", + "Completed text 61314\n", + "Completed text 61315\n", + "Completed text 61316\n", + "Completed text 61317\n", + "Completed text 61318\n", + "Completed text 61319\n", + "Completed text 61320\n", + "Completed text 61321\n", + "Completed text 61322\n", + "Completed text 61323\n", + "Completed text 61324\n", + "Completed text 61325\n", + "Completed text 61326\n", + "Completed text 61327\n", + "Completed text 61328\n", + "Completed text 61329\n", + "Completed text 61330\n", + "Completed text 61331\n", + "Completed text 61332\n", + "Completed text 61333\n", + "Completed text 61334\n", + "Completed text 61335\n", + "Completed text 61336\n", + "Completed text 61337\n", + "Completed text 61338\n", + "Completed text 61339\n", + "Completed text 61340\n", + "Completed text 61341\n", + "Completed text 61342\n", + "Completed text 61343\n", + "Completed text 61344\n", + "Completed text 61345\n", + "Completed text 61346\n", + "Completed text 61347\n", + "Completed text 61348\n", + "Completed text 61349\n", + "Completed text 61350\n", + "Completed text 61351\n", + "Completed text 61352\n", + "Completed text 61353\n", + "Completed text 61354\n", + "Completed text 61355\n", + "Completed text 61356\n", + "Completed text 61357\n", + "Completed text 61358\n", + "Completed text 61359\n", + "Completed text 61360\n", + "Completed text 61361\n", + "Completed text 61362\n", + "Completed text 61363\n", + "Completed text 61364\n", + "Completed text 61365\n", + "Completed text 61366\n", + "Completed text 61367\n", + "Completed text 61368\n", + "Completed text 61369\n", + "Completed text 61370\n", + "Completed text 61371\n", + "Completed text 61372\n", + "Completed text 61373\n", + "Completed text 61374\n", + "Completed text 61375\n", + "Completed text 61376\n", + "Completed text 61377\n", + "Completed text 61378\n", + "Completed text 61379\n", + "Completed text 61380\n", + "Completed text 61381\n", + "Completed text 61382\n", + "Completed text 61383\n", + "Completed text 61384\n", + "Completed text 61385\n", + "Completed text 61386\n", + "Completed text 61387\n", + "Completed text 61388\n", + "Completed text 61389\n", + "Completed text 61390\n", + "Completed text 61391\n", + "Completed text 61392\n", + "Completed text 61393\n", + "Completed text 61394\n", + "Completed text 61395\n", + "Completed text 61396\n", + "Completed text 61397\n", + "Completed text 61398\n", + "Completed text 61399\n", + "Completed text 61400\n", + "Completed text 61401\n", + "Completed text 61402\n", + "Completed text 61403\n", + "Completed text 61404\n", + "Completed text 61405\n", + "Completed text 61406\n", + "Completed text 61407\n", + "Completed text 61408\n", + "Completed text 61409\n", + "Completed text 61410\n", + "Completed text 61411\n", + "Completed text 61412\n", + "Completed text 61413\n", + "Completed text 61414\n", + "Completed text 61415\n", + "Completed text 61416\n", + "Completed text 61417\n", + "Completed text 61418\n", + "Completed text 61419\n", + "Completed text 61420\n", + "Completed text 61421\n", + "Completed text 61422\n", + "Completed text 61423\n", + "Completed text 61424\n", + "Completed text 61425\n", + "Completed text 61426\n", + "Completed text 61427\n", + "Completed text 61428\n", + "Completed text 61429\n", + "Completed text 61430\n", + "Completed text 61431\n", + "Completed text 61432\n", + "Completed text 61433\n", + "Completed text 61434\n", + "Completed text 61435\n", + "Completed text 61436\n", + "Completed text 61437\n", + "Completed text 61438\n", + "Completed text 61439\n", + "Completed text 61440\n", + "Completed text 61441\n", + "Completed text 61442\n", + "Completed text 61443\n", + "Completed text 61444\n", + "Completed text 61445\n", + "Completed text 61446\n", + "Completed text 61447\n", + "Completed text 61448\n", + "Completed text 61449\n", + "Completed text 61450\n", + "Completed text 61451\n", + "Completed text 61452\n", + "Completed text 61453\n", + "Completed text 61454\n", + "Completed text 61455\n", + "Completed text 61456\n", + "Completed text 61457\n", + "Completed text 61458\n", + "Completed text 61459\n", + "Completed text 61460\n", + "Completed text 61461\n", + "Completed text 61462\n", + "Completed text 61463\n", + "Completed text 61464\n", + "Completed text 61465\n", + "Completed text 61466\n", + "Completed text 61467\n", + "Completed text 61468\n", + "Completed text 61469\n", + "Completed text 61470\n", + "Completed text 61471\n", + "Completed text 61472\n", + "Completed text 61473\n", + "Completed text 61474\n", + "Completed text 61475\n", + "Completed text 61476\n", + "Completed text 61477\n", + "Completed text 61478\n", + "Completed text 61479\n", + "Completed text 61480\n", + "Completed text 61481\n", + "Completed text 61482\n", + "Completed text 61483\n", + "Completed text 61484\n", + "Completed text 61485\n", + "Completed text 61486\n", + "Completed text 61487\n", + "Completed text 61488\n", + "Completed text 61489\n", + "Completed text 61490\n", + "Completed text 61491\n", + "Completed text 61492\n", + "Completed text 61493\n", + "Completed text 61494\n", + "Completed text 61495\n", + "Completed text 61496\n", + "Completed text 61497\n", + "Completed text 61498\n", + "Completed text 61499\n", + "Completed text 61500\n", + "Completed text 61501\n", + "Completed text 61502\n", + "Completed text 61503\n", + "Completed text 61504\n", + "Completed text 61505\n", + "Completed text 61506\n", + "Completed text 61507\n", + "Completed text 61508\n", + "Completed text 61509\n", + "Completed text 61510\n", + "Completed text 61511\n", + "Completed text 61512\n", + "Completed text 61513\n", + "Completed text 61514\n", + "Completed text 61515\n", + "Completed text 61516\n", + "Completed text 61517\n", + "Completed text 61518\n", + "Completed text 61519\n", + "Completed text 61520\n", + "Completed text 61521\n", + "Completed text 61522\n", + "Completed text 61523\n", + "Completed text 61524\n", + "Completed text 61525\n", + "Completed text 61526\n", + "Completed text 61527\n", + "Completed text 61528\n", + "Completed text 61529\n", + "Completed text 61530\n", + "Completed text 61531\n", + "Completed text 61532\n", + "Completed text 61533\n", + "Completed text 61534\n", + "Completed text 61535\n", + "Completed text 61536\n", + "Completed text 61537\n", + "Completed text 61538\n", + "Completed text 61539\n", + "Completed text 61540\n", + "Completed text 61541\n", + "Completed text 61542\n", + "Completed text 61543\n", + "Completed text 61544\n", + "Completed text 61545\n", + "Completed text 61546\n", + "Completed text 61547\n", + "Completed text 61548\n", + "Completed text 61549\n", + "Completed text 61550\n", + "Completed text 61551\n", + "Completed text 61552\n", + "Completed text 61553\n", + "Completed text 61554\n", + "Completed text 61555\n", + "Completed text 61556\n", + "Completed text 61557\n", + "Completed text 61558\n", + "Completed text 61559\n", + "Completed text 61560\n", + "Completed text 61561\n", + "Completed text 61562\n", + "Completed text 61563\n", + "Completed text 61564\n", + "Completed text 61565\n", + "Completed text 61566\n", + "Completed text 61567\n", + "Completed text 61568\n", + "Completed text 61569\n", + "Completed text 61570\n", + "Completed text 61571\n", + "Completed text 61572\n", + "Completed text 61573\n", + "Completed text 61574\n", + "Completed text 61575\n", + "Completed text 61576\n", + "Completed text 61577\n", + "Completed text 61578\n", + "Completed text 61579\n", + "Completed text 61580\n", + "Completed text 61581\n", + "Completed text 61582\n", + "Completed text 61583\n", + "Completed text 61584\n", + "Completed text 61585\n", + "Completed text 61586\n", + "Completed text 61587\n", + "Completed text 61588\n", + "Completed text 61589\n", + "Completed text 61590\n", + "Completed text 61591\n", + "Completed text 61592\n", + "Completed text 61593\n", + "Completed text 61594\n", + "Completed text 61595\n", + "Completed text 61596\n", + "Completed text 61597\n", + "Completed text 61598\n", + "Completed text 61599\n", + "Completed text 61600\n", + "Completed text 61601\n", + "Completed text 61602\n", + "Completed text 61603\n", + "Completed text 61604\n", + "Completed text 61605\n", + "Completed text 61606\n", + "Completed text 61607\n", + "Completed text 61608\n", + "Completed text 61609\n", + "Completed text 61610\n", + "Completed text 61611\n", + "Completed text 61612\n", + "Completed text 61613\n", + "Completed text 61614\n", + "Completed text 61615\n", + "Completed text 61616\n", + "Completed text 61617\n", + "Completed text 61618\n", + "Completed text 61619\n", + "Completed text 61620\n", + "Completed text 61621\n", + "Completed text 61622\n", + "Completed text 61623\n", + "Completed text 61624\n", + "Completed text 61625\n", + "Completed text 61626\n", + "Completed text 61627\n", + "Completed text 61628\n", + "Completed text 61629\n", + "Completed text 61630\n", + "Completed text 61631\n", + "Completed text 61632\n", + "Completed text 61633\n", + "Completed text 61634\n", + "Completed text 61635\n", + "Completed text 61636\n", + "Completed text 61637\n", + "Completed text 61638\n", + "Completed text 61639\n", + "Completed text 61640\n", + "Completed text 61641\n", + "Completed text 61642\n", + "Completed text 61643\n", + "Completed text 61644\n", + "Completed text 61645\n", + "Completed text 61646\n", + "Completed text 61647\n", + "Completed text 61648\n", + "Completed text 61649\n", + "Completed text 61650\n", + "Completed text 61651\n", + "Completed text 61652\n", + "Completed text 61653\n", + "Completed text 61654\n", + "Completed text 61655\n", + "Completed text 61656\n", + "Completed text 61657\n", + "Completed text 61658\n", + "Completed text 61659\n", + "Completed text 61660\n", + "Completed text 61661\n", + "Completed text 61662\n", + "Completed text 61663\n", + "Completed text 61664\n", + "Completed text 61665\n", + "Completed text 61666\n", + "Completed text 61667\n", + "Completed text 61668\n", + "Completed text 61669\n", + "Completed text 61670\n", + "Completed text 61671\n", + "Completed text 61672\n", + "Completed text 61673\n", + "Completed text 61674\n", + "Completed text 61675\n", + "Completed text 61676\n", + "Completed text 61677\n", + "Completed text 61678\n", + "Completed text 61679\n", + "Completed text 61680\n", + "Completed text 61681\n", + "Completed text 61682\n", + "Completed text 61683\n", + "Completed text 61684\n", + "Completed text 61685\n", + "Completed text 61686\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 61687\n", + "Completed text 61688\n", + "Completed text 61689\n", + "Completed text 61690\n", + "Completed text 61691\n", + "Completed text 61692\n", + "Completed text 61693\n", + "Completed text 61694\n", + "Completed text 61695\n", + "Completed text 61696\n", + "Completed text 61697\n", + "Completed text 61698\n", + "Completed text 61699\n", + "Completed text 61700\n", + "Completed text 61701\n", + "Completed text 61702\n", + "Completed text 61703\n", + "Completed text 61704\n", + "Completed text 61705\n", + "Completed text 61706\n", + "Completed text 61707\n", + "Completed text 61708\n", + "Completed text 61709\n", + "Completed text 61710\n", + "Completed text 61711\n", + "Completed text 61712\n", + "Completed text 61713\n", + "Completed text 61714\n", + "Completed text 61715\n", + "Completed text 61716\n", + "Completed text 61717\n", + "Completed text 61718\n", + "Completed text 61719\n", + "Completed text 61720\n", + "Completed text 61721\n", + "Completed text 61722\n", + "Completed text 61723\n", + "Completed text 61724\n", + "Completed text 61725\n", + "Completed text 61726\n", + "Completed text 61727\n", + "Completed text 61728\n", + "Completed text 61729\n", + "Completed text 61730\n", + "Completed text 61731\n", + "Completed text 61732\n", + "Completed text 61733\n", + "Completed text 61734\n", + "Completed text 61735\n", + "Completed text 61736\n", + "Completed text 61737\n", + "Completed text 61738\n", + "Completed text 61739\n", + "Completed text 61740\n", + "Completed text 61741\n", + "Completed text 61742\n", + "Completed text 61743\n", + "Completed text 61744\n", + "Completed text 61745\n", + "Completed text 61746\n", + "Completed text 61747\n", + "Completed text 61748\n", + "Completed text 61749\n", + "Completed text 61750\n", + "Completed text 61751\n", + "Completed text 61752\n", + "Completed text 61753\n", + "Completed text 61754\n", + "Completed text 61755\n", + "Completed text 61756\n", + "Completed text 61757\n", + "Completed text 61758\n", + "Completed text 61759\n", + "Completed text 61760\n", + "Completed text 61761\n", + "Completed text 61762\n", + "Completed text 61763\n", + "Completed text 61764\n", + "Completed text 61765\n", + "Completed text 61766\n", + "Completed text 61767\n", + "Completed text 61768\n", + "Completed text 61769\n", + "Completed text 61770\n", + "Completed text 61771\n", + "Completed text 61772\n", + "Completed text 61773\n", + "Completed text 61774\n", + "Completed text 61775\n", + "Completed text 61776\n", + "Completed text 61777\n", + "Completed text 61778\n", + "Completed text 61779\n", + "Completed text 61780\n", + "Completed text 61781\n", + "Completed text 61782\n", + "Completed text 61783\n", + "Completed text 61784\n", + "Completed text 61785\n", + "Completed text 61786\n", + "Completed text 61787\n", + "Completed text 61788\n", + "Completed text 61789\n", + "Completed text 61790\n", + "Completed text 61791\n", + "Completed text 61792\n", + "Completed text 61793\n", + "Completed text 61794\n", + "Completed text 61795\n", + "Completed text 61796\n", + "Completed text 61797\n", + "Completed text 61798\n", + "Completed text 61799\n", + "Completed text 61800\n", + "Completed text 61801\n", + "Completed text 61802\n", + "Completed text 61803\n", + "Completed text 61804\n", + "Completed text 61805\n", + "Completed text 61806\n", + "Completed text 61807\n", + "Completed text 61808\n", + "Completed text 61809\n", + "Completed text 61810\n", + "Completed text 61811\n", + "Completed text 61812\n", + "Completed text 61813\n", + "Completed text 61814\n", + "Completed text 61815\n", + "Completed text 61816\n", + "Completed text 61817\n", + "Completed text 61818\n", + "Completed text 61819\n", + "Completed text 61820\n", + "Completed text 61821\n", + "Completed text 61822\n", + "Completed text 61823\n", + "Completed text 61824\n", + "Completed text 61825\n", + "Completed text 61826\n", + "Completed text 61827\n", + "Completed text 61828\n", + "Completed text 61829\n", + "Completed text 61830\n", + "Completed text 61831\n", + "Completed text 61832\n", + "Completed text 61833\n", + "Completed text 61834\n", + "Completed text 61835\n", + "Completed text 61836\n", + "Completed text 61837\n", + "Completed text 61838\n", + "Completed text 61839\n", + "Completed text 61840\n", + "Completed text 61841\n", + "Completed text 61842\n", + "Completed text 61843\n", + "Completed text 61844\n", + "Completed text 61845\n", + "Completed text 61846\n", + "Completed text 61847\n", + "Completed text 61848\n", + "Completed text 61849\n", + "Completed text 61850\n", + "Completed text 61851\n", + "Completed text 61852\n", + "Completed text 61853\n", + "Completed text 61854\n", + "Completed text 61855\n", + "Completed text 61856\n", + "Completed text 61857\n", + "Completed text 61858\n", + "Completed text 61859\n", + "Completed text 61860\n", + "Completed text 61861\n", + "Completed text 61862\n", + "Completed text 61863\n", + "Completed text 61864\n", + "Completed text 61865\n", + "Completed text 61866\n", + "Completed text 61867\n", + "Completed text 61868\n", + "Completed text 61869\n", + "Completed text 61870\n", + "Completed text 61871\n", + "Completed text 61872\n", + "Completed text 61873\n", + "Completed text 61874\n", + "Completed text 61875\n", + "Completed text 61876\n", + "Completed text 61877\n", + "Completed text 61878\n", + "Completed text 61879\n", + "Completed text 61880\n", + "Completed text 61881\n", + "Completed text 61882\n", + "Completed text 61883\n", + "Completed text 61884\n", + "Completed text 61885\n", + "Completed text 61886\n", + "Completed text 61887\n", + "Completed text 61888\n", + "Completed text 61889\n", + "Completed text 61890\n", + "Completed text 61891\n", + "Completed text 61892\n", + "Completed text 61893\n", + "Completed text 61894\n", + "Completed text 61895\n", + "Completed text 61896\n", + "Completed text 61897\n", + "Completed text 61898\n", + "Completed text 61899\n", + "Completed text 61900\n", + "Completed text 61901\n", + "Completed text 61902\n", + "Completed text 61903\n", + "Completed text 61904\n", + "Completed text 61905\n", + "Completed text 61906\n", + "Completed text 61907\n", + "Completed text 61908\n", + "Completed text 61909\n", + "Completed text 61910\n", + "Completed text 61911\n", + "Completed text 61912\n", + "Completed text 61913\n", + "Completed text 61914\n", + "Completed text 61915\n", + "Completed text 61916\n", + "Completed text 61917\n", + "Completed text 61918\n", + "Completed text 61919\n", + "Completed text 61920\n", + "Completed text 61921\n", + "Completed text 61922\n", + "Completed text 61923\n", + "Completed text 61924\n", + "Completed text 61925\n", + "Completed text 61926\n", + "Completed text 61927\n", + "Completed text 61928\n", + "Completed text 61929\n", + "Completed text 61930\n", + "Completed text 61931\n", + "Completed text 61932\n", + "Completed text 61933\n", + "Completed text 61934\n", + "Completed text 61935\n", + "Completed text 61936\n", + "Completed text 61937\n", + "Completed text 61938\n", + "Completed text 61939\n", + "Completed text 61940\n", + "Completed text 61941\n", + "Completed text 61942\n", + "Completed text 61943\n", + "Completed text 61944\n", + "Completed text 61945\n", + "Completed text 61946\n", + "Completed text 61947\n", + "Completed text 61948\n", + "Completed text 61949\n", + "Completed text 61950\n", + "Completed text 61951\n", + "Completed text 61952\n", + "Completed text 61953\n", + "Completed text 61954\n", + "Completed text 61955\n", + "Completed text 61956\n", + "Completed text 61957\n", + "Completed text 61958\n", + "Completed text 61959\n", + "Completed text 61960\n", + "Completed text 61961\n", + "Completed text 61962\n", + "Completed text 61963\n", + "Completed text 61964\n", + "Completed text 61965\n", + "Completed text 61966\n", + "Completed text 61967\n", + "Completed text 61968\n", + "Completed text 61969\n", + "Completed text 61970\n", + "Completed text 61971\n", + "Completed text 61972\n", + "Completed text 61973\n", + "Completed text 61974\n", + "Completed text 61975\n", + "Completed text 61976\n", + "Completed text 61977\n", + "Completed text 61978\n", + "Completed text 61979\n", + "Completed text 61980\n", + "Completed text 61981\n", + "Completed text 61982\n", + "Completed text 61983\n", + "Completed text 61984\n", + "Completed text 61985\n", + "Completed text 61986\n", + "Completed text 61987\n", + "Completed text 61988\n", + "Completed text 61989\n", + "Completed text 61990\n", + "Completed text 61991\n", + "Completed text 61992\n", + "Completed text 61993\n", + "Completed text 61994\n", + "Completed text 61995\n", + "Completed text 61996\n", + "Completed text 61997\n", + "Completed text 61998\n", + "Completed text 61999\n", + "Completed text 62000\n", + "Completed text 62001\n", + "Completed text 62002\n", + "Completed text 62003\n", + "Completed text 62004\n", + "Completed text 62005\n", + "Completed text 62006\n", + "Completed text 62007\n", + "Completed text 62008\n", + "Completed text 62009\n", + "Completed text 62010\n", + "Completed text 62011\n", + "Completed text 62012\n", + "Completed text 62013\n", + "Completed text 62014\n", + "Completed text 62015\n", + "Completed text 62016\n", + "Completed text 62017\n", + "Completed text 62018\n", + "Completed text 62019\n", + "Completed text 62020\n", + "Completed text 62021\n", + "Completed text 62022\n", + "Completed text 62023\n", + "Completed text 62024\n", + "Completed text 62025\n", + "Completed text 62026\n", + "Completed text 62027\n", + "Completed text 62028\n", + "Completed text 62029\n", + "Completed text 62030\n", + "Completed text 62031\n", + "Completed text 62032\n", + "Completed text 62033\n", + "Completed text 62034\n", + "Completed text 62035\n", + "Completed text 62036\n", + "Completed text 62037\n", + "Completed text 62038\n", + "Completed text 62039\n", + "Completed text 62040\n", + "Completed text 62041\n", + "Completed text 62042\n", + "Completed text 62043\n", + "Completed text 62044\n", + "Completed text 62045\n", + "Completed text 62046\n", + "Completed text 62047\n", + "Completed text 62048\n", + "Completed text 62049\n", + "Completed text 62050\n", + "Completed text 62051\n", + "Completed text 62052\n", + "Completed text 62053\n", + "Completed text 62054\n", + "Completed text 62055\n", + "Completed text 62056\n", + "Completed text 62057\n", + "Completed text 62058\n", + "Completed text 62059\n", + "Completed text 62060\n", + "Completed text 62061\n", + "Completed text 62062\n", + "Completed text 62063\n", + "Completed text 62064\n", + "Completed text 62065\n", + "Completed text 62066\n", + "Completed text 62067\n", + "Completed text 62068\n", + "Completed text 62069\n", + "Completed text 62070\n", + "Completed text 62071\n", + "Completed text 62072\n", + "Completed text 62073\n", + "Completed text 62074\n", + "Completed text 62075\n", + "Completed text 62076\n", + "Completed text 62077\n", + "Completed text 62078\n", + "Completed text 62079\n", + "Completed text 62080\n", + "Completed text 62081\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 62082\n", + "Completed text 62083\n", + "Completed text 62084\n", + "Completed text 62085\n", + "Completed text 62086\n", + "Completed text 62087\n", + "Completed text 62088\n", + "Completed text 62089\n", + "Completed text 62090\n", + "Completed text 62091\n", + "Completed text 62092\n", + "Completed text 62093\n", + "Completed text 62094\n", + "Completed text 62095\n", + "Completed text 62096\n", + "Completed text 62097\n", + "Completed text 62098\n", + "Completed text 62099\n", + "Completed text 62100\n", + "Completed text 62101\n", + "Completed text 62102\n", + "Completed text 62103\n", + "Completed text 62104\n", + "Completed text 62105\n", + "Completed text 62106\n", + "Completed text 62107\n", + "Completed text 62108\n", + "Completed text 62109\n", + "Completed text 62110\n", + "Completed text 62111\n", + "Completed text 62112\n", + "Completed text 62113\n", + "Completed text 62114\n", + "Completed text 62115\n", + "Completed text 62116\n", + "Completed text 62117\n", + "Completed text 62118\n", + "Completed text 62119\n", + "Completed text 62120\n", + "Completed text 62121\n", + "Completed text 62122\n", + "Completed text 62123\n", + "Completed text 62124\n", + "Completed text 62125\n", + "Completed text 62126\n", + "Completed text 62127\n", + "Completed text 62128\n", + "Completed text 62129\n", + "Completed text 62130\n", + "Completed text 62131\n", + "Completed text 62132\n", + "Completed text 62133\n", + "Completed text 62134\n", + "Completed text 62135\n", + "Completed text 62136\n", + "Completed text 62137\n", + "Completed text 62138\n", + "Completed text 62139\n", + "Completed text 62140\n", + "Completed text 62141\n", + "Completed text 62142\n", + "Completed text 62143\n", + "Completed text 62144\n", + "Completed text 62145\n", + "Completed text 62146\n", + "Completed text 62147\n", + "Completed text 62148\n", + "Completed text 62149\n", + "Completed text 62150\n", + "Completed text 62151\n", + "Completed text 62152\n", + "Completed text 62153\n", + "Completed text 62154\n", + "Completed text 62155\n", + "Completed text 62156\n", + "Completed text 62157\n", + "Completed text 62158\n", + "Completed text 62159\n", + "Completed text 62160\n", + "Completed text 62161\n", + "Completed text 62162\n", + "Completed text 62163\n", + "Completed text 62164\n", + "Completed text 62165\n", + "Completed text 62166\n", + "Completed text 62167\n", + "Completed text 62168\n", + "Completed text 62169\n", + "Completed text 62170\n", + "Completed text 62171\n", + "Completed text 62172\n", + "Completed text 62173\n", + "Completed text 62174\n", + "Completed text 62175\n", + "Completed text 62176\n", + "Completed text 62177\n", + "Completed text 62178\n", + "Completed text 62179\n", + "Completed text 62180\n", + "Completed text 62181\n", + "Completed text 62182\n", + "Completed text 62183\n", + "Completed text 62184\n", + "Completed text 62185\n", + "Completed text 62186\n", + "Completed text 62187\n", + "Completed text 62188\n", + "Completed text 62189\n", + "Completed text 62190\n", + "Completed text 62191\n", + "Completed text 62192\n", + "Completed text 62193\n", + "Completed text 62194\n", + "Completed text 62195\n", + "Completed text 62196\n", + "Completed text 62197\n", + "Completed text 62198\n", + "Completed text 62199\n", + "Completed text 62200\n", + "Completed text 62201\n", + "Completed text 62202\n", + "Completed text 62203\n", + "Completed text 62204\n", + "Completed text 62205\n", + "Completed text 62206\n", + "Completed text 62207\n", + "Completed text 62208\n", + "Completed text 62209\n", + "Completed text 62210\n", + "Completed text 62211\n", + "Completed text 62212\n", + "Completed text 62213\n", + "Completed text 62214\n", + "Completed text 62215\n", + "Completed text 62216\n", + "Completed text 62217\n", + "Completed text 62218\n", + "Completed text 62219\n", + "Completed text 62220\n", + "Completed text 62221\n", + "Completed text 62222\n", + "Completed text 62223\n", + "Completed text 62224\n", + "Completed text 62225\n", + "Completed text 62226\n", + "Completed text 62227\n", + "Completed text 62228\n", + "Completed text 62229\n", + "Completed text 62230\n", + "Completed text 62231\n", + "Completed text 62232\n", + "Completed text 62233\n", + "Completed text 62234\n", + "Completed text 62235\n", + "Completed text 62236\n", + "Completed text 62237\n", + "Completed text 62238\n", + "Completed text 62239\n", + "Completed text 62240\n", + "Completed text 62241\n", + "Completed text 62242\n", + "Completed text 62243\n", + "Completed text 62244\n", + "Completed text 62245\n", + "Completed text 62246\n", + "Completed text 62247\n", + "Completed text 62248\n", + "Completed text 62249\n", + "Completed text 62250\n", + "Completed text 62251\n", + "Completed text 62252\n", + "Completed text 62253\n", + "Completed text 62254\n", + "Completed text 62255\n", + "Completed text 62256\n", + "Completed text 62257\n", + "Completed text 62258\n", + "Completed text 62259\n", + "Completed text 62260\n", + "Completed text 62261\n", + "Completed text 62262\n", + "Completed text 62263\n", + "Completed text 62264\n", + "Completed text 62265\n", + "Completed text 62266\n", + "Completed text 62267\n", + "Completed text 62268\n", + "Completed text 62269\n", + "Completed text 62270\n", + "Completed text 62271\n", + "Completed text 62272\n", + "Completed text 62273\n", + "Completed text 62274\n", + "Completed text 62275\n", + "Completed text 62276\n", + "Completed text 62277\n", + "Completed text 62278\n", + "Completed text 62279\n", + "Completed text 62280\n", + "Completed text 62281\n", + "Completed text 62282\n", + "Completed text 62283\n", + "Completed text 62284\n", + "Completed text 62285\n", + "Completed text 62286\n", + "Completed text 62287\n", + "Completed text 62288\n", + "Completed text 62289\n", + "Completed text 62290\n", + "Completed text 62291\n", + "Completed text 62292\n", + "Completed text 62293\n", + "Completed text 62294\n", + "Completed text 62295\n", + "Completed text 62296\n", + "Completed text 62297\n", + "Completed text 62298\n", + "Completed text 62299\n", + "Completed text 62300\n", + "Completed text 62301\n", + "Completed text 62302\n", + "Completed text 62303\n", + "Completed text 62304\n", + "Completed text 62305\n", + "Completed text 62306\n", + "Completed text 62307\n", + "Completed text 62308\n", + "Completed text 62309\n", + "Completed text 62310\n", + "Completed text 62311\n", + "Completed text 62312\n", + "Completed text 62313\n", + "Completed text 62314\n", + "Completed text 62315\n", + "Completed text 62316\n", + "Completed text 62317\n", + "Completed text 62318\n", + "Completed text 62319\n", + "Completed text 62320\n", + "Completed text 62321\n", + "Completed text 62322\n", + "Completed text 62323\n", + "Completed text 62324\n", + "Completed text 62325\n", + "Completed text 62326\n", + "Completed text 62327\n", + "Completed text 62328\n", + "Completed text 62329\n", + "Completed text 62330\n", + "Completed text 62331\n", + "Completed text 62332\n", + "Completed text 62333\n", + "Completed text 62334\n", + "Completed text 62335\n", + "Completed text 62336\n", + "Completed text 62337\n", + "Completed text 62338\n", + "Completed text 62339\n", + "Completed text 62340\n", + "Completed text 62341\n", + "Completed text 62342\n", + "Completed text 62343\n", + "Completed text 62344\n", + "Completed text 62345\n", + "Completed text 62346\n", + "Completed text 62347\n", + "Completed text 62348\n", + "Completed text 62349\n", + "Completed text 62350\n", + "Completed text 62351\n", + "Completed text 62352\n", + "Completed text 62353\n", + "Completed text 62354\n", + "Completed text 62355\n", + "Completed text 62356\n", + "Completed text 62357\n", + "Completed text 62358\n", + "Completed text 62359\n", + "Completed text 62360\n", + "Completed text 62361\n", + "Completed text 62362\n", + "Completed text 62363\n", + "Completed text 62364\n", + "Completed text 62365\n", + "Completed text 62366\n", + "Completed text 62367\n", + "Completed text 62368\n", + "Completed text 62369\n", + "Completed text 62370\n", + "Completed text 62371\n", + "Completed text 62372\n", + "Completed text 62373\n", + "Completed text 62374\n", + "Completed text 62375\n", + "Completed text 62376\n", + "Completed text 62377\n", + "Completed text 62378\n", + "Completed text 62379\n", + "Completed text 62380\n", + "Completed text 62381\n", + "Completed text 62382\n", + "Completed text 62383\n", + "Completed text 62384\n", + "Completed text 62385\n", + "Completed text 62386\n", + "Completed text 62387\n", + "Completed text 62388\n", + "Completed text 62389\n", + "Completed text 62390\n", + "Completed text 62391\n", + "Completed text 62392\n", + "Completed text 62393\n", + "Completed text 62394\n", + "Completed text 62395\n", + "Completed text 62396\n", + "Completed text 62397\n", + "Completed text 62398\n", + "Completed text 62399\n", + "Completed text 62400\n", + "Completed text 62401\n", + "Completed text 62402\n", + "Completed text 62403\n", + "Completed text 62404\n", + "Completed text 62405\n", + "Completed text 62406\n", + "Completed text 62407\n", + "Completed text 62408\n", + "Completed text 62409\n", + "Completed text 62410\n", + "Completed text 62411\n", + "Completed text 62412\n", + "Completed text 62413\n", + "Completed text 62414\n", + "Completed text 62415\n", + "Completed text 62416\n", + "Completed text 62417\n", + "Completed text 62418\n", + "Completed text 62419\n", + "Completed text 62420\n", + "Completed text 62421\n", + "Completed text 62422\n", + "Completed text 62423\n", + "Completed text 62424\n", + "Completed text 62425\n", + "Completed text 62426\n", + "Completed text 62427\n", + "Completed text 62428\n", + "Completed text 62429\n", + "Completed text 62430\n", + "Completed text 62431\n", + "Completed text 62432\n", + "Completed text 62433\n", + "Completed text 62434\n", + "Completed text 62435\n", + "Completed text 62436\n", + "Completed text 62437\n", + "Completed text 62438\n", + "Completed text 62439\n", + "Completed text 62440\n", + "Completed text 62441\n", + "Completed text 62442\n", + "Completed text 62443\n", + "Completed text 62444\n", + "Completed text 62445\n", + "Completed text 62446\n", + "Completed text 62447\n", + "Completed text 62448\n", + "Completed text 62449\n", + "Completed text 62450\n", + "Completed text 62451\n", + "Completed text 62452\n", + "Completed text 62453\n", + "Completed text 62454\n", + "Completed text 62455\n", + "Completed text 62456\n", + "Completed text 62457\n", + "Completed text 62458\n", + "Completed text 62459\n", + "Completed text 62460\n", + "Completed text 62461\n", + "Completed text 62462\n", + "Completed text 62463\n", + "Completed text 62464\n", + "Completed text 62465\n", + "Completed text 62466\n", + "Completed text 62467\n", + "Completed text 62468\n", + "Completed text 62469\n", + "Completed text 62470\n", + "Completed text 62471\n", + "Completed text 62472\n", + "Completed text 62473\n", + "Completed text 62474\n", + "Completed text 62475\n", + "Completed text 62476\n", + "Completed text 62477\n", + "Completed text 62478\n", + "Completed text 62479\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 62480\n", + "Completed text 62481\n", + "Completed text 62482\n", + "Completed text 62483\n", + "Completed text 62484\n", + "Completed text 62485\n", + "Completed text 62486\n", + "Completed text 62487\n", + "Completed text 62488\n", + "Completed text 62489\n", + "Completed text 62490\n", + "Completed text 62491\n", + "Completed text 62492\n", + "Completed text 62493\n", + "Completed text 62494\n", + "Completed text 62495\n", + "Completed text 62496\n", + "Completed text 62497\n", + "Completed text 62498\n", + "Completed text 62499\n", + "Completed text 62500\n", + "Completed text 62501\n", + "Completed text 62502\n", + "Completed text 62503\n", + "Completed text 62504\n", + "Completed text 62505\n", + "Completed text 62506\n", + "Completed text 62507\n", + "Completed text 62508\n", + "Completed text 62509\n", + "Completed text 62510\n", + "Completed text 62511\n", + "Completed text 62512\n", + "Completed text 62513\n", + "Completed text 62514\n", + "Completed text 62515\n", + "Completed text 62516\n", + "Completed text 62517\n", + "Completed text 62518\n", + "Completed text 62519\n", + "Completed text 62520\n", + "Completed text 62521\n", + "Completed text 62522\n", + "Completed text 62523\n", + "Completed text 62524\n", + "Completed text 62525\n", + "Completed text 62526\n", + "Completed text 62527\n", + "Completed text 62528\n", + "Completed text 62529\n", + "Completed text 62530\n", + "Completed text 62531\n", + "Completed text 62532\n", + "Completed text 62533\n", + "Completed text 62534\n", + "Completed text 62535\n", + "Completed text 62536\n", + "Completed text 62537\n", + "Completed text 62538\n", + "Completed text 62539\n", + "Completed text 62540\n", + "Completed text 62541\n", + "Completed text 62542\n", + "Completed text 62543\n", + "Completed text 62544\n", + "Completed text 62545\n", + "Completed text 62546\n", + "Completed text 62547\n", + "Completed text 62548\n", + "Completed text 62549\n", + "Completed text 62550\n", + "Completed text 62551\n", + "Completed text 62552\n", + "Completed text 62553\n", + "Completed text 62554\n", + "Completed text 62555\n", + "Completed text 62556\n", + "Completed text 62557\n", + "Completed text 62558\n", + "Completed text 62559\n", + "Completed text 62560\n", + "Completed text 62561\n", + "Completed text 62562\n", + "Completed text 62563\n", + "Completed text 62564\n", + "Completed text 62565\n", + "Completed text 62566\n", + "Completed text 62567\n", + "Completed text 62568\n", + "Completed text 62569\n", + "Completed text 62570\n", + "Completed text 62571\n", + "Completed text 62572\n", + "Completed text 62573\n", + "Completed text 62574\n", + "Completed text 62575\n", + "Completed text 62576\n", + "Completed text 62577\n", + "Completed text 62578\n", + "Completed text 62579\n", + "Completed text 62580\n", + "Completed text 62581\n", + "Completed text 62582\n", + "Completed text 62583\n", + "Completed text 62584\n", + "Completed text 62585\n", + "Completed text 62586\n", + "Completed text 62587\n", + "Completed text 62588\n", + "Completed text 62589\n", + "Completed text 62590\n", + "Completed text 62591\n", + "Completed text 62592\n", + "Completed text 62593\n", + "Completed text 62594\n", + "Completed text 62595\n", + "Completed text 62596\n", + "Completed text 62597\n", + "Completed text 62598\n", + "Completed text 62599\n", + "Completed text 62600\n", + "Completed text 62601\n", + "Completed text 62602\n", + "Completed text 62603\n", + "Completed text 62604\n", + "Completed text 62605\n", + "Completed text 62606\n", + "Completed text 62607\n", + "Completed text 62608\n", + "Completed text 62609\n", + "Completed text 62610\n", + "Completed text 62611\n", + "Completed text 62612\n", + "Completed text 62613\n", + "Completed text 62614\n", + "Completed text 62615\n", + "Completed text 62616\n", + "Completed text 62617\n", + "Completed text 62618\n", + "Completed text 62619\n", + "Completed text 62620\n", + "Completed text 62621\n", + "Completed text 62622\n", + "Completed text 62623\n", + "Completed text 62624\n", + "Completed text 62625\n", + "Completed text 62626\n", + "Completed text 62627\n", + "Completed text 62628\n", + "Completed text 62629\n", + "Completed text 62630\n", + "Completed text 62631\n", + "Completed text 62632\n", + "Completed text 62633\n", + "Completed text 62634\n", + "Completed text 62635\n", + "Completed text 62636\n", + "Completed text 62637\n", + "Completed text 62638\n", + "Completed text 62639\n", + "Completed text 62640\n", + "Completed text 62641\n", + "Completed text 62642\n", + "Completed text 62643\n", + "Completed text 62644\n", + "Completed text 62645\n", + "Completed text 62646\n", + "Completed text 62647\n", + "Completed text 62648\n", + "Completed text 62649\n", + "Completed text 62650\n", + "Completed text 62651\n", + "Completed text 62652\n", + "Completed text 62653\n", + "Completed text 62654\n", + "Completed text 62655\n", + "Completed text 62656\n", + "Completed text 62657\n", + "Completed text 62658\n", + "Completed text 62659\n", + "Completed text 62660\n", + "Completed text 62661\n", + "Completed text 62662\n", + "Completed text 62663\n", + "Completed text 62664\n", + "Completed text 62665\n", + "Completed text 62666\n", + "Completed text 62667\n", + "Completed text 62668\n", + "Completed text 62669\n", + "Completed text 62670\n", + "Completed text 62671\n", + "Completed text 62672\n", + "Completed text 62673\n", + "Completed text 62674\n", + "Completed text 62675\n", + "Completed text 62676\n", + "Completed text 62677\n", + "Completed text 62678\n", + "Completed text 62679\n", + "Completed text 62680\n", + "Completed text 62681\n", + "Completed text 62682\n", + "Completed text 62683\n", + "Completed text 62684\n", + "Completed text 62685\n", + "Completed text 62686\n", + "Completed text 62687\n", + "Completed text 62688\n", + "Completed text 62689\n", + "Completed text 62690\n", + "Completed text 62691\n", + "Completed text 62692\n", + "Completed text 62693\n", + "Completed text 62694\n", + "Completed text 62695\n", + "Completed text 62696\n", + "Completed text 62697\n", + "Completed text 62698\n", + "Completed text 62699\n", + "Completed text 62700\n", + "Completed text 62701\n", + "Completed text 62702\n", + "Completed text 62703\n", + "Completed text 62704\n", + "Completed text 62705\n", + "Completed text 62706\n", + "Completed text 62707\n", + "Completed text 62708\n", + "Completed text 62709\n", + "Completed text 62710\n", + "Completed text 62711\n", + "Completed text 62712\n", + "Completed text 62713\n", + "Completed text 62714\n", + "Completed text 62715\n", + "Completed text 62716\n", + "Completed text 62717\n", + "Completed text 62718\n", + "Completed text 62719\n", + "Completed text 62720\n", + "Completed text 62721\n", + "Completed text 62722\n", + "Completed text 62723\n", + "Completed text 62724\n", + "Completed text 62725\n", + "Completed text 62726\n", + "Completed text 62727\n", + "Completed text 62728\n", + "Completed text 62729\n", + "Completed text 62730\n", + "Completed text 62731\n", + "Completed text 62732\n", + "Completed text 62733\n", + "Completed text 62734\n", + "Completed text 62735\n", + "Completed text 62736\n", + "Completed text 62737\n", + "Completed text 62738\n", + "Completed text 62739\n", + "Completed text 62740\n", + "Completed text 62741\n", + "Completed text 62742\n", + "Completed text 62743\n", + "Completed text 62744\n", + "Completed text 62745\n", + "Completed text 62746\n", + "Completed text 62747\n", + "Completed text 62748\n", + "Completed text 62749\n", + "Completed text 62750\n", + "Completed text 62751\n", + "Completed text 62752\n", + "Completed text 62753\n", + "Completed text 62754\n", + "Completed text 62755\n", + "Completed text 62756\n", + "Completed text 62757\n", + "Completed text 62758\n", + "Completed text 62759\n", + "Completed text 62760\n", + "Completed text 62761\n", + "Completed text 62762\n", + "Completed text 62763\n", + "Completed text 62764\n", + "Completed text 62765\n", + "Completed text 62766\n", + "Completed text 62767\n", + "Completed text 62768\n", + "Completed text 62769\n", + "Completed text 62770\n", + "Completed text 62771\n", + "Completed text 62772\n", + "Completed text 62773\n", + "Completed text 62774\n", + "Completed text 62775\n", + "Completed text 62776\n", + "Completed text 62777\n", + "Completed text 62778\n", + "Completed text 62779\n", + "Completed text 62780\n", + "Completed text 62781\n", + "Completed text 62782\n", + "Completed text 62783\n", + "Completed text 62784\n", + "Completed text 62785\n", + "Completed text 62786\n", + "Completed text 62787\n", + "Completed text 62788\n", + "Completed text 62789\n", + "Completed text 62790\n", + "Completed text 62791\n", + "Completed text 62792\n", + "Completed text 62793\n", + "Completed text 62794\n", + "Completed text 62795\n", + "Completed text 62796\n", + "Completed text 62797\n", + "Completed text 62798\n", + "Completed text 62799\n", + "Completed text 62800\n", + "Completed text 62801\n", + "Completed text 62802\n", + "Completed text 62803\n", + "Completed text 62804\n", + "Completed text 62805\n", + "Completed text 62806\n", + "Completed text 62807\n", + "Completed text 62808\n", + "Completed text 62809\n", + "Completed text 62810\n", + "Completed text 62811\n", + "Completed text 62812\n", + "Completed text 62813\n", + "Completed text 62814\n", + "Completed text 62815\n", + "Completed text 62816\n", + "Completed text 62817\n", + "Completed text 62818\n", + "Completed text 62819\n", + "Completed text 62820\n", + "Completed text 62821\n", + "Completed text 62822\n", + "Completed text 62823\n", + "Completed text 62824\n", + "Completed text 62825\n", + "Completed text 62826\n", + "Completed text 62827\n", + "Completed text 62828\n", + "Completed text 62829\n", + "Completed text 62830\n", + "Completed text 62831\n", + "Completed text 62832\n", + "Completed text 62833\n", + "Completed text 62834\n", + "Completed text 62835\n", + "Completed text 62836\n", + "Completed text 62837\n", + "Completed text 62838\n", + "Completed text 62839\n", + "Completed text 62840\n", + "Completed text 62841\n", + "Completed text 62842\n", + "Completed text 62843\n", + "Completed text 62844\n", + "Completed text 62845\n", + "Completed text 62846\n", + "Completed text 62847\n", + "Completed text 62848\n", + "Completed text 62849\n", + "Completed text 62850\n", + "Completed text 62851\n", + "Completed text 62852\n", + "Completed text 62853\n", + "Completed text 62854\n", + "Completed text 62855\n", + "Completed text 62856\n", + "Completed text 62857\n", + "Completed text 62858\n", + "Completed text 62859\n", + "Completed text 62860\n", + "Completed text 62861\n", + "Completed text 62862\n", + "Completed text 62863\n", + "Completed text 62864\n", + "Completed text 62865\n", + "Completed text 62866\n", + "Completed text 62867\n", + "Completed text 62868\n", + "Completed text 62869\n", + "Completed text 62870\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 62871\n", + "Completed text 62872\n", + "Completed text 62873\n", + "Completed text 62874\n", + "Completed text 62875\n", + "Completed text 62876\n", + "Completed text 62877\n", + "Completed text 62878\n", + "Completed text 62879\n", + "Completed text 62880\n", + "Completed text 62881\n", + "Completed text 62882\n", + "Completed text 62883\n", + "Completed text 62884\n", + "Completed text 62885\n", + "Completed text 62886\n", + "Completed text 62887\n", + "Completed text 62888\n", + "Completed text 62889\n", + "Completed text 62890\n", + "Completed text 62891\n", + "Completed text 62892\n", + "Completed text 62893\n", + "Completed text 62894\n", + "Completed text 62895\n", + "Completed text 62896\n", + "Completed text 62897\n", + "Completed text 62898\n", + "Completed text 62899\n", + "Completed text 62900\n", + "Completed text 62901\n", + "Completed text 62902\n", + "Completed text 62903\n", + "Completed text 62904\n", + "Completed text 62905\n", + "Completed text 62906\n", + "Completed text 62907\n", + "Completed text 62908\n", + "Completed text 62909\n", + "Completed text 62910\n", + "Completed text 62911\n", + "Completed text 62912\n", + "Completed text 62913\n", + "Completed text 62914\n", + "Completed text 62915\n", + "Completed text 62916\n", + "Completed text 62917\n", + "Completed text 62918\n", + "Completed text 62919\n", + "Completed text 62920\n", + "Completed text 62921\n", + "Completed text 62922\n", + "Completed text 62923\n", + "Completed text 62924\n", + "Completed text 62925\n", + "Completed text 62926\n", + "Completed text 62927\n", + "Completed text 62928\n", + "Completed text 62929\n", + "Completed text 62930\n", + "Completed text 62931\n", + "Completed text 62932\n", + "Completed text 62933\n", + "Completed text 62934\n", + "Completed text 62935\n", + "Completed text 62936\n", + "Completed text 62937\n", + "Completed text 62938\n", + "Completed text 62939\n", + "Completed text 62940\n", + "Completed text 62941\n", + "Completed text 62942\n", + "Completed text 62943\n", + "Completed text 62944\n", + "Completed text 62945\n", + "Completed text 62946\n", + "Completed text 62947\n", + "Completed text 62948\n", + "Completed text 62949\n", + "Completed text 62950\n", + "Completed text 62951\n", + "Completed text 62952\n", + "Completed text 62953\n", + "Completed text 62954\n", + "Completed text 62955\n", + "Completed text 62956\n", + "Completed text 62957\n", + "Completed text 62958\n", + "Completed text 62959\n", + "Completed text 62960\n", + "Completed text 62961\n", + "Completed text 62962\n", + "Completed text 62963\n", + "Completed text 62964\n", + "Completed text 62965\n", + "Completed text 62966\n", + "Completed text 62967\n", + "Completed text 62968\n", + "Completed text 62969\n", + "Completed text 62970\n", + "Completed text 62971\n", + "Completed text 62972\n", + "Completed text 62973\n", + "Completed text 62974\n", + "Completed text 62975\n", + "Completed text 62976\n", + "Completed text 62977\n", + "Completed text 62978\n", + "Completed text 62979\n", + "Completed text 62980\n", + "Completed text 62981\n", + "Completed text 62982\n", + "Completed text 62983\n", + "Completed text 62984\n", + "Completed text 62985\n", + "Completed text 62986\n", + "Completed text 62987\n", + "Completed text 62988\n", + "Completed text 62989\n", + "Completed text 62990\n", + "Completed text 62991\n", + "Completed text 62992\n", + "Completed text 62993\n", + "Completed text 62994\n", + "Completed text 62995\n", + "Completed text 62996\n", + "Completed text 62997\n", + "Completed text 62998\n", + "Completed text 62999\n", + "Completed text 63000\n", + "Completed text 63001\n", + "Completed text 63002\n", + "Completed text 63003\n", + "Completed text 63004\n", + "Completed text 63005\n", + "Completed text 63006\n", + "Completed text 63007\n", + "Completed text 63008\n", + "Completed text 63009\n", + "Completed text 63010\n", + "Completed text 63011\n", + "Completed text 63012\n", + "Completed text 63013\n", + "Completed text 63014\n", + "Completed text 63015\n", + "Completed text 63016\n", + "Completed text 63017\n", + "Completed text 63018\n", + "Completed text 63019\n", + "Completed text 63020\n", + "Completed text 63021\n", + "Completed text 63022\n", + "Completed text 63023\n", + "Completed text 63024\n", + "Completed text 63025\n", + "Completed text 63026\n", + "Completed text 63027\n", + "Completed text 63028\n", + "Completed text 63029\n", + "Completed text 63030\n", + "Completed text 63031\n", + "Completed text 63032\n", + "Completed text 63033\n", + "Completed text 63034\n", + "Completed text 63035\n", + "Completed text 63036\n", + "Completed text 63037\n", + "Completed text 63038\n", + "Completed text 63039\n", + "Completed text 63040\n", + "Completed text 63041\n", + "Completed text 63042\n", + "Completed text 63043\n", + "Completed text 63044\n", + "Completed text 63045\n", + "Completed text 63046\n", + "Completed text 63047\n", + "Completed text 63048\n", + "Completed text 63049\n", + "Completed text 63050\n", + "Completed text 63051\n", + "Completed text 63052\n", + "Completed text 63053\n", + "Completed text 63054\n", + "Completed text 63055\n", + "Completed text 63056\n", + "Completed text 63057\n", + "Completed text 63058\n", + "Completed text 63059\n", + "Completed text 63060\n", + "Completed text 63061\n", + "Completed text 63062\n", + "Completed text 63063\n", + "Completed text 63064\n", + "Completed text 63065\n", + "Completed text 63066\n", + "Completed text 63067\n", + "Completed text 63068\n", + "Completed text 63069\n", + "Completed text 63070\n", + "Completed text 63071\n", + "Completed text 63072\n", + "Completed text 63073\n", + "Completed text 63074\n", + "Completed text 63075\n", + "Completed text 63076\n", + "Completed text 63077\n", + "Completed text 63078\n", + "Completed text 63079\n", + "Completed text 63080\n", + "Completed text 63081\n", + "Completed text 63082\n", + "Completed text 63083\n", + "Completed text 63084\n", + "Completed text 63085\n", + "Completed text 63086\n", + "Completed text 63087\n", + "Completed text 63088\n", + "Completed text 63089\n", + "Completed text 63090\n", + "Completed text 63091\n", + "Completed text 63092\n", + "Completed text 63093\n", + "Completed text 63094\n", + "Completed text 63095\n", + "Completed text 63096\n", + "Completed text 63097\n", + "Completed text 63098\n", + "Completed text 63099\n", + "Completed text 63100\n", + "Completed text 63101\n", + "Completed text 63102\n", + "Completed text 63103\n", + "Completed text 63104\n", + "Completed text 63105\n", + "Completed text 63106\n", + "Completed text 63107\n", + "Completed text 63108\n", + "Completed text 63109\n", + "Completed text 63110\n", + "Completed text 63111\n", + "Completed text 63112\n", + "Completed text 63113\n", + "Completed text 63114\n", + "Completed text 63115\n", + "Completed text 63116\n", + "Completed text 63117\n", + "Completed text 63118\n", + "Completed text 63119\n", + "Completed text 63120\n", + "Completed text 63121\n", + "Completed text 63122\n", + "Completed text 63123\n", + "Completed text 63124\n", + "Completed text 63125\n", + "Completed text 63126\n", + "Completed text 63127\n", + "Completed text 63128\n", + "Completed text 63129\n", + "Completed text 63130\n", + "Completed text 63131\n", + "Completed text 63132\n", + "Completed text 63133\n", + "Completed text 63134\n", + "Completed text 63135\n", + "Completed text 63136\n", + "Completed text 63137\n", + "Completed text 63138\n", + "Completed text 63139\n", + "Completed text 63140\n", + "Completed text 63141\n", + "Completed text 63142\n", + "Completed text 63143\n", + "Completed text 63144\n", + "Completed text 63145\n", + "Completed text 63146\n", + "Completed text 63147\n", + "Completed text 63148\n", + "Completed text 63149\n", + "Completed text 63150\n", + "Completed text 63151\n", + "Completed text 63152\n", + "Completed text 63153\n", + "Completed text 63154\n", + "Completed text 63155\n", + "Completed text 63156\n", + "Completed text 63157\n", + "Completed text 63158\n", + "Completed text 63159\n", + "Completed text 63160\n", + "Completed text 63161\n", + "Completed text 63162\n", + "Completed text 63163\n", + "Completed text 63164\n", + "Completed text 63165\n", + "Completed text 63166\n", + "Completed text 63167\n", + "Completed text 63168\n", + "Completed text 63169\n", + "Completed text 63170\n", + "Completed text 63171\n", + "Completed text 63172\n", + "Completed text 63173\n", + "Completed text 63174\n", + "Completed text 63175\n", + "Completed text 63176\n", + "Completed text 63177\n", + "Completed text 63178\n", + "Completed text 63179\n", + "Completed text 63180\n", + "Completed text 63181\n", + "Completed text 63182\n", + "Completed text 63183\n", + "Completed text 63184\n", + "Completed text 63185\n", + "Completed text 63186\n", + "Completed text 63187\n", + "Completed text 63188\n", + "Completed text 63189\n", + "Completed text 63190\n", + "Completed text 63191\n", + "Completed text 63192\n", + "Completed text 63193\n", + "Completed text 63194\n", + "Completed text 63195\n", + "Completed text 63196\n", + "Completed text 63197\n", + "Completed text 63198\n", + "Completed text 63199\n", + "Completed text 63200\n", + "Completed text 63201\n", + "Completed text 63202\n", + "Completed text 63203\n", + "Completed text 63204\n", + "Completed text 63205\n", + "Completed text 63206\n", + "Completed text 63207\n", + "Completed text 63208\n", + "Completed text 63209\n", + "Completed text 63210\n", + "Completed text 63211\n", + "Completed text 63212\n", + "Completed text 63213\n", + "Completed text 63214\n", + "Completed text 63215\n", + "Completed text 63216\n", + "Completed text 63217\n", + "Completed text 63218\n", + "Completed text 63219\n", + "Completed text 63220\n", + "Completed text 63221\n", + "Completed text 63222\n", + "Completed text 63223\n", + "Completed text 63224\n", + "Completed text 63225\n", + "Completed text 63226\n", + "Completed text 63227\n", + "Completed text 63228\n", + "Completed text 63229\n", + "Completed text 63230\n", + "Completed text 63231\n", + "Completed text 63232\n", + "Completed text 63233\n", + "Completed text 63234\n", + "Completed text 63235\n", + "Completed text 63236\n", + "Completed text 63237\n", + "Completed text 63238\n", + "Completed text 63239\n", + "Completed text 63240\n", + "Completed text 63241\n", + "Completed text 63242\n", + "Completed text 63243\n", + "Completed text 63244\n", + "Completed text 63245\n", + "Completed text 63246\n", + "Completed text 63247\n", + "Completed text 63248\n", + "Completed text 63249\n", + "Completed text 63250\n", + "Completed text 63251\n", + "Completed text 63252\n", + "Completed text 63253\n", + "Completed text 63254\n", + "Completed text 63255\n", + "Completed text 63256\n", + "Completed text 63257\n", + "Completed text 63258\n", + "Completed text 63259\n", + "Completed text 63260\n", + "Completed text 63261\n", + "Completed text 63262\n", + "Completed text 63263\n", + "Completed text 63264\n", + "Completed text 63265\n", + "Completed text 63266\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 63267\n", + "Completed text 63268\n", + "Completed text 63269\n", + "Completed text 63270\n", + "Completed text 63271\n", + "Completed text 63272\n", + "Completed text 63273\n", + "Completed text 63274\n", + "Completed text 63275\n", + "Completed text 63276\n", + "Completed text 63277\n", + "Completed text 63278\n", + "Completed text 63279\n", + "Completed text 63280\n", + "Completed text 63281\n", + "Completed text 63282\n", + "Completed text 63283\n", + "Completed text 63284\n", + "Completed text 63285\n", + "Completed text 63286\n", + "Completed text 63287\n", + "Completed text 63288\n", + "Completed text 63289\n", + "Completed text 63290\n", + "Completed text 63291\n", + "Completed text 63292\n", + "Completed text 63293\n", + "Completed text 63294\n", + "Completed text 63295\n", + "Completed text 63296\n", + "Completed text 63297\n", + "Completed text 63298\n", + "Completed text 63299\n", + "Completed text 63300\n", + "Completed text 63301\n", + "Completed text 63302\n", + "Completed text 63303\n", + "Completed text 63304\n", + "Completed text 63305\n", + "Completed text 63306\n", + "Completed text 63307\n", + "Completed text 63308\n", + "Completed text 63309\n", + "Completed text 63310\n", + "Completed text 63311\n", + "Completed text 63312\n", + "Completed text 63313\n", + "Completed text 63314\n", + "Completed text 63315\n", + "Completed text 63316\n", + "Completed text 63317\n", + "Completed text 63318\n", + "Completed text 63319\n", + "Completed text 63320\n", + "Completed text 63321\n", + "Completed text 63322\n", + "Completed text 63323\n", + "Completed text 63324\n", + "Completed text 63325\n", + "Completed text 63326\n", + "Completed text 63327\n", + "Completed text 63328\n", + "Completed text 63329\n", + "Completed text 63330\n", + "Completed text 63331\n", + "Completed text 63332\n", + "Completed text 63333\n", + "Completed text 63334\n", + "Completed text 63335\n", + "Completed text 63336\n", + "Completed text 63337\n", + "Completed text 63338\n", + "Completed text 63339\n", + "Completed text 63340\n", + "Completed text 63341\n", + "Completed text 63342\n", + "Completed text 63343\n", + "Completed text 63344\n", + "Completed text 63345\n", + "Completed text 63346\n", + "Completed text 63347\n", + "Completed text 63348\n", + "Completed text 63349\n", + "Completed text 63350\n", + "Completed text 63351\n", + "Completed text 63352\n", + "Completed text 63353\n", + "Completed text 63354\n", + "Completed text 63355\n", + "Completed text 63356\n", + "Completed text 63357\n", + "Completed text 63358\n", + "Completed text 63359\n", + "Completed text 63360\n", + "Completed text 63361\n", + "Completed text 63362\n", + "Completed text 63363\n", + "Completed text 63364\n", + "Completed text 63365\n", + "Completed text 63366\n", + "Completed text 63367\n", + "Completed text 63368\n", + "Completed text 63369\n", + "Completed text 63370\n", + "Completed text 63371\n", + "Completed text 63372\n", + "Completed text 63373\n", + "Completed text 63374\n", + "Completed text 63375\n", + "Completed text 63376\n", + "Completed text 63377\n", + "Completed text 63378\n", + "Completed text 63379\n", + "Completed text 63380\n", + "Completed text 63381\n", + "Completed text 63382\n", + "Completed text 63383\n", + "Completed text 63384\n", + "Completed text 63385\n", + "Completed text 63386\n", + "Completed text 63387\n", + "Completed text 63388\n", + "Completed text 63389\n", + "Completed text 63390\n", + "Completed text 63391\n", + "Completed text 63392\n", + "Completed text 63393\n", + "Completed text 63394\n", + "Completed text 63395\n", + "Completed text 63396\n", + "Completed text 63397\n", + "Completed text 63398\n", + "Completed text 63399\n", + "Completed text 63400\n", + "Completed text 63401\n", + "Completed text 63402\n", + "Completed text 63403\n", + "Completed text 63404\n", + "Completed text 63405\n", + "Completed text 63406\n", + "Completed text 63407\n", + "Completed text 63408\n", + "Completed text 63409\n", + "Completed text 63410\n", + "Completed text 63411\n", + "Completed text 63412\n", + "Completed text 63413\n", + "Completed text 63414\n", + "Completed text 63415\n", + "Completed text 63416\n", + "Completed text 63417\n", + "Completed text 63418\n", + "Completed text 63419\n", + "Completed text 63420\n", + "Completed text 63421\n", + "Completed text 63422\n", + "Completed text 63423\n", + "Completed text 63424\n", + "Completed text 63425\n", + "Completed text 63426\n", + "Completed text 63427\n", + "Completed text 63428\n", + "Completed text 63429\n", + "Completed text 63430\n", + "Completed text 63431\n", + "Completed text 63432\n", + "Completed text 63433\n", + "Completed text 63434\n", + "Completed text 63435\n", + "Completed text 63436\n", + "Completed text 63437\n", + "Completed text 63438\n", + "Completed text 63439\n", + "Completed text 63440\n", + "Completed text 63441\n", + "Completed text 63442\n", + "Completed text 63443\n", + "Completed text 63444\n", + "Completed text 63445\n", + "Completed text 63446\n", + "Completed text 63447\n", + "Completed text 63448\n", + "Completed text 63449\n", + "Completed text 63450\n", + "Completed text 63451\n", + "Completed text 63452\n", + "Completed text 63453\n", + "Completed text 63454\n", + "Completed text 63455\n", + "Completed text 63456\n", + "Completed text 63457\n", + "Completed text 63458\n", + "Completed text 63459\n", + "Completed text 63460\n", + "Completed text 63461\n", + "Completed text 63462\n", + "Completed text 63463\n", + "Completed text 63464\n", + "Completed text 63465\n", + "Completed text 63466\n", + "Completed text 63467\n", + "Completed text 63468\n", + "Completed text 63469\n", + "Completed text 63470\n", + "Completed text 63471\n", + "Completed text 63472\n", + "Completed text 63473\n", + "Completed text 63474\n", + "Completed text 63475\n", + "Completed text 63476\n", + "Completed text 63477\n", + "Completed text 63478\n", + "Completed text 63479\n", + "Completed text 63480\n", + "Completed text 63481\n", + "Completed text 63482\n", + "Completed text 63483\n", + "Completed text 63484\n", + "Completed text 63485\n", + "Completed text 63486\n", + "Completed text 63487\n", + "Completed text 63488\n", + "Completed text 63489\n", + "Completed text 63490\n", + "Completed text 63491\n", + "Completed text 63492\n", + "Completed text 63493\n", + "Completed text 63494\n", + "Completed text 63495\n", + "Completed text 63496\n", + "Completed text 63497\n", + "Completed text 63498\n", + "Completed text 63499\n", + "Completed text 63500\n", + "Completed text 63501\n", + "Completed text 63502\n", + "Completed text 63503\n", + "Completed text 63504\n", + "Completed text 63505\n", + "Completed text 63506\n", + "Completed text 63507\n", + "Completed text 63508\n", + "Completed text 63509\n", + "Completed text 63510\n", + "Completed text 63511\n", + "Completed text 63512\n", + "Completed text 63513\n", + "Completed text 63514\n", + "Completed text 63515\n", + "Completed text 63516\n", + "Completed text 63517\n", + "Completed text 63518\n", + "Completed text 63519\n", + "Completed text 63520\n", + "Completed text 63521\n", + "Completed text 63522\n", + "Completed text 63523\n", + "Completed text 63524\n", + "Completed text 63525\n", + "Completed text 63526\n", + "Completed text 63527\n", + "Completed text 63528\n", + "Completed text 63529\n", + "Completed text 63530\n", + "Completed text 63531\n", + "Completed text 63532\n", + "Completed text 63533\n", + "Completed text 63534\n", + "Completed text 63535\n", + "Completed text 63536\n", + "Completed text 63537\n", + "Completed text 63538\n", + "Completed text 63539\n", + "Completed text 63540\n", + "Completed text 63541\n", + "Completed text 63542\n", + "Completed text 63543\n", + "Completed text 63544\n", + "Completed text 63545\n", + "Completed text 63546\n", + "Completed text 63547\n", + "Completed text 63548\n", + "Completed text 63549\n", + "Completed text 63550\n", + "Completed text 63551\n", + "Completed text 63552\n", + "Completed text 63553\n", + "Completed text 63554\n", + "Completed text 63555\n", + "Completed text 63556\n", + "Completed text 63557\n", + "Completed text 63558\n", + "Completed text 63559\n", + "Completed text 63560\n", + "Completed text 63561\n", + "Completed text 63562\n", + "Completed text 63563\n", + "Completed text 63564\n", + "Completed text 63565\n", + "Completed text 63566\n", + "Completed text 63567\n", + "Completed text 63568\n", + "Completed text 63569\n", + "Completed text 63570\n", + "Completed text 63571\n", + "Completed text 63572\n", + "Completed text 63573\n", + "Completed text 63574\n", + "Completed text 63575\n", + "Completed text 63576\n", + "Completed text 63577\n", + "Completed text 63578\n", + "Completed text 63579\n", + "Completed text 63580\n", + "Completed text 63581\n", + "Completed text 63582\n", + "Completed text 63583\n", + "Completed text 63584\n", + "Completed text 63585\n", + "Completed text 63586\n", + "Completed text 63587\n", + "Completed text 63588\n", + "Completed text 63589\n", + "Completed text 63590\n", + "Completed text 63591\n", + "Completed text 63592\n", + "Completed text 63593\n", + "Completed text 63594\n", + "Completed text 63595\n", + "Completed text 63596\n", + "Completed text 63597\n", + "Completed text 63598\n", + "Completed text 63599\n", + "Completed text 63600\n", + "Completed text 63601\n", + "Completed text 63602\n", + "Completed text 63603\n", + "Completed text 63604\n", + "Completed text 63605\n", + "Completed text 63606\n", + "Completed text 63607\n", + "Completed text 63608\n", + "Completed text 63609\n", + "Completed text 63610\n", + "Completed text 63611\n", + "Completed text 63612\n", + "Completed text 63613\n", + "Completed text 63614\n", + "Completed text 63615\n", + "Completed text 63616\n", + "Completed text 63617\n", + "Completed text 63618\n", + "Completed text 63619\n", + "Completed text 63620\n", + "Completed text 63621\n", + "Completed text 63622\n", + "Completed text 63623\n", + "Completed text 63624\n", + "Completed text 63625\n", + "Completed text 63626\n", + "Completed text 63627\n", + "Completed text 63628\n", + "Completed text 63629\n", + "Completed text 63630\n", + "Completed text 63631\n", + "Completed text 63632\n", + "Completed text 63633\n", + "Completed text 63634\n", + "Completed text 63635\n", + "Completed text 63636\n", + "Completed text 63637\n", + "Completed text 63638\n", + "Completed text 63639\n", + "Completed text 63640\n", + "Completed text 63641\n", + "Completed text 63642\n", + "Completed text 63643\n", + "Completed text 63644\n", + "Completed text 63645\n", + "Completed text 63646\n", + "Completed text 63647\n", + "Completed text 63648\n", + "Completed text 63649\n", + "Completed text 63650\n", + "Completed text 63651\n", + "Completed text 63652\n", + "Completed text 63653\n", + "Completed text 63654\n", + "Completed text 63655\n", + "Completed text 63656\n", + "Completed text 63657\n", + "Completed text 63658\n", + "Completed text 63659\n", + "Completed text 63660\n", + "Completed text 63661\n", + "Completed text 63662\n", + "Completed text 63663\n", + "Completed text 63664\n", + "Completed text 63665\n", + "Completed text 63666\n", + "Completed text 63667\n", + "Completed text 63668\n", + "Completed text 63669\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 63670\n", + "Completed text 63671\n", + "Completed text 63672\n", + "Completed text 63673\n", + "Completed text 63674\n", + "Completed text 63675\n", + "Completed text 63676\n", + "Completed text 63677\n", + "Completed text 63678\n", + "Completed text 63679\n", + "Completed text 63680\n", + "Completed text 63681\n", + "Completed text 63682\n", + "Completed text 63683\n", + "Completed text 63684\n", + "Completed text 63685\n", + "Completed text 63686\n", + "Completed text 63687\n", + "Completed text 63688\n", + "Completed text 63689\n", + "Completed text 63690\n", + "Completed text 63691\n", + "Completed text 63692\n", + "Completed text 63693\n", + "Completed text 63694\n", + "Completed text 63695\n", + "Completed text 63696\n", + "Completed text 63697\n", + "Completed text 63698\n", + "Completed text 63699\n", + "Completed text 63700\n", + "Completed text 63701\n", + "Completed text 63702\n", + "Completed text 63703\n", + "Completed text 63704\n", + "Completed text 63705\n", + "Completed text 63706\n", + "Completed text 63707\n", + "Completed text 63708\n", + "Completed text 63709\n", + "Completed text 63710\n", + "Completed text 63711\n", + "Completed text 63712\n", + "Completed text 63713\n", + "Completed text 63714\n", + "Completed text 63715\n", + "Completed text 63716\n", + "Completed text 63717\n", + "Completed text 63718\n", + "Completed text 63719\n", + "Completed text 63720\n", + "Completed text 63721\n", + "Completed text 63722\n", + "Completed text 63723\n", + "Completed text 63724\n", + "Completed text 63725\n", + "Completed text 63726\n", + "Completed text 63727\n", + "Completed text 63728\n", + "Completed text 63729\n", + "Completed text 63730\n", + "Completed text 63731\n", + "Completed text 63732\n", + "Completed text 63733\n", + "Completed text 63734\n", + "Completed text 63735\n", + "Completed text 63736\n", + "Completed text 63737\n", + "Completed text 63738\n", + "Completed text 63739\n", + "Completed text 63740\n", + "Completed text 63741\n", + "Completed text 63742\n", + "Completed text 63743\n", + "Completed text 63744\n", + "Completed text 63745\n", + "Completed text 63746\n", + "Completed text 63747\n", + "Completed text 63748\n", + "Completed text 63749\n", + "Completed text 63750\n", + "Completed text 63751\n", + "Completed text 63752\n", + "Completed text 63753\n", + "Completed text 63754\n", + "Completed text 63755\n", + "Completed text 63756\n", + "Completed text 63757\n", + "Completed text 63758\n", + "Completed text 63759\n", + "Completed text 63760\n", + "Completed text 63761\n", + "Completed text 63762\n", + "Completed text 63763\n", + "Completed text 63764\n", + "Completed text 63765\n", + "Completed text 63766\n", + "Completed text 63767\n", + "Completed text 63768\n", + "Completed text 63769\n", + "Completed text 63770\n", + "Completed text 63771\n", + "Completed text 63772\n", + "Completed text 63773\n", + "Completed text 63774\n", + "Completed text 63775\n", + "Completed text 63776\n", + "Completed text 63777\n", + "Completed text 63778\n", + "Completed text 63779\n", + "Completed text 63780\n", + "Completed text 63781\n", + "Completed text 63782\n", + "Completed text 63783\n", + "Completed text 63784\n", + "Completed text 63785\n", + "Completed text 63786\n", + "Completed text 63787\n", + "Completed text 63788\n", + "Completed text 63789\n", + "Completed text 63790\n", + "Completed text 63791\n", + "Completed text 63792\n", + "Completed text 63793\n", + "Completed text 63794\n", + "Completed text 63795\n", + "Completed text 63796\n", + "Completed text 63797\n", + "Completed text 63798\n", + "Completed text 63799\n", + "Completed text 63800\n", + "Completed text 63801\n", + "Completed text 63802\n", + "Completed text 63803\n", + "Completed text 63804\n", + "Completed text 63805\n", + "Completed text 63806\n", + "Completed text 63807\n", + "Completed text 63808\n", + "Completed text 63809\n", + "Completed text 63810\n", + "Completed text 63811\n", + "Completed text 63812\n", + "Completed text 63813\n", + "Completed text 63814\n", + "Completed text 63815\n", + "Completed text 63816\n", + "Completed text 63817\n", + "Completed text 63818\n", + "Completed text 63819\n", + "Completed text 63820\n", + "Completed text 63821\n", + "Completed text 63822\n", + "Completed text 63823\n", + "Completed text 63824\n", + "Completed text 63825\n", + "Completed text 63826\n", + "Completed text 63827\n", + "Completed text 63828\n", + "Completed text 63829\n", + "Completed text 63830\n", + "Completed text 63831\n", + "Completed text 63832\n", + "Completed text 63833\n", + "Completed text 63834\n", + "Completed text 63835\n", + "Completed text 63836\n", + "Completed text 63837\n", + "Completed text 63838\n", + "Completed text 63839\n", + "Completed text 63840\n", + "Completed text 63841\n", + "Completed text 63842\n", + "Completed text 63843\n", + "Completed text 63844\n", + "Completed text 63845\n", + "Completed text 63846\n", + "Completed text 63847\n", + "Completed text 63848\n", + "Completed text 63849\n", + "Completed text 63850\n", + "Completed text 63851\n", + "Completed text 63852\n", + "Completed text 63853\n", + "Completed text 63854\n", + "Completed text 63855\n", + "Completed text 63856\n", + "Completed text 63857\n", + "Completed text 63858\n", + "Completed text 63859\n", + "Completed text 63860\n", + "Completed text 63861\n", + "Completed text 63862\n", + "Completed text 63863\n", + "Completed text 63864\n", + "Completed text 63865\n", + "Completed text 63866\n", + "Completed text 63867\n", + "Completed text 63868\n", + "Completed text 63869\n", + "Completed text 63870\n", + "Completed text 63871\n", + "Completed text 63872\n", + "Completed text 63873\n", + "Completed text 63874\n", + "Completed text 63875\n", + "Completed text 63876\n", + "Completed text 63877\n", + "Completed text 63878\n", + "Completed text 63879\n", + "Completed text 63880\n", + "Completed text 63881\n", + "Completed text 63882\n", + "Completed text 63883\n", + "Completed text 63884\n", + "Completed text 63885\n", + "Completed text 63886\n", + "Completed text 63887\n", + "Completed text 63888\n", + "Completed text 63889\n", + "Completed text 63890\n", + "Completed text 63891\n", + "Completed text 63892\n", + "Completed text 63893\n", + "Completed text 63894\n", + "Completed text 63895\n", + "Completed text 63896\n", + "Completed text 63897\n", + "Completed text 63898\n", + "Completed text 63899\n", + "Completed text 63900\n", + "Completed text 63901\n", + "Completed text 63902\n", + "Completed text 63903\n", + "Completed text 63904\n", + "Completed text 63905\n", + "Completed text 63906\n", + "Completed text 63907\n", + "Completed text 63908\n", + "Completed text 63909\n", + "Completed text 63910\n", + "Completed text 63911\n", + "Completed text 63912\n", + "Completed text 63913\n", + "Completed text 63914\n", + "Completed text 63915\n", + "Completed text 63916\n", + "Completed text 63917\n", + "Completed text 63918\n", + "Completed text 63919\n", + "Completed text 63920\n", + "Completed text 63921\n", + "Completed text 63922\n", + "Completed text 63923\n", + "Completed text 63924\n", + "Completed text 63925\n", + "Completed text 63926\n", + "Completed text 63927\n", + "Completed text 63928\n", + "Completed text 63929\n", + "Completed text 63930\n", + "Completed text 63931\n", + "Completed text 63932\n", + "Completed text 63933\n", + "Completed text 63934\n", + "Completed text 63935\n", + "Completed text 63936\n", + "Completed text 63937\n", + "Completed text 63938\n", + "Completed text 63939\n", + "Completed text 63940\n", + "Completed text 63941\n", + "Completed text 63942\n", + "Completed text 63943\n", + "Completed text 63944\n", + "Completed text 63945\n", + "Completed text 63946\n", + "Completed text 63947\n", + "Completed text 63948\n", + "Completed text 63949\n", + "Completed text 63950\n", + "Completed text 63951\n", + "Completed text 63952\n", + "Completed text 63953\n", + "Completed text 63954\n", + "Completed text 63955\n", + "Completed text 63956\n", + "Completed text 63957\n", + "Completed text 63958\n", + "Completed text 63959\n", + "Completed text 63960\n", + "Completed text 63961\n", + "Completed text 63962\n", + "Completed text 63963\n", + "Completed text 63964\n", + "Completed text 63965\n", + "Completed text 63966\n", + "Completed text 63967\n", + "Completed text 63968\n", + "Completed text 63969\n", + "Completed text 63970\n", + "Completed text 63971\n", + "Completed text 63972\n", + "Completed text 63973\n", + "Completed text 63974\n", + "Completed text 63975\n", + "Completed text 63976\n", + "Completed text 63977\n", + "Completed text 63978\n", + "Completed text 63979\n", + "Completed text 63980\n", + "Completed text 63981\n", + "Completed text 63982\n", + "Completed text 63983\n", + "Completed text 63984\n", + "Completed text 63985\n", + "Completed text 63986\n", + "Completed text 63987\n", + "Completed text 63988\n", + "Completed text 63989\n", + "Completed text 63990\n", + "Completed text 63991\n", + "Completed text 63992\n", + "Completed text 63993\n", + "Completed text 63994\n", + "Completed text 63995\n", + "Completed text 63996\n", + "Completed text 63997\n", + "Completed text 63998\n", + "Completed text 63999\n", + "Completed text 64000\n", + "Completed text 64001\n", + "Completed text 64002\n", + "Completed text 64003\n", + "Completed text 64004\n", + "Completed text 64005\n", + "Completed text 64006\n", + "Completed text 64007\n", + "Completed text 64008\n", + "Completed text 64009\n", + "Completed text 64010\n", + "Completed text 64011\n", + "Completed text 64012\n", + "Completed text 64013\n", + "Completed text 64014\n", + "Completed text 64015\n", + "Completed text 64016\n", + "Completed text 64017\n", + "Completed text 64018\n", + "Completed text 64019\n", + "Completed text 64020\n", + "Completed text 64021\n", + "Completed text 64022\n", + "Completed text 64023\n", + "Completed text 64024\n", + "Completed text 64025\n", + "Completed text 64026\n", + "Completed text 64027\n", + "Completed text 64028\n", + "Completed text 64029\n", + "Completed text 64030\n", + "Completed text 64031\n", + "Completed text 64032\n", + "Completed text 64033\n", + "Completed text 64034\n", + "Completed text 64035\n", + "Completed text 64036\n", + "Completed text 64037\n", + "Completed text 64038\n", + "Completed text 64039\n", + "Completed text 64040\n", + "Completed text 64041\n", + "Completed text 64042\n", + "Completed text 64043\n", + "Completed text 64044\n", + "Completed text 64045\n", + "Completed text 64046\n", + "Completed text 64047\n", + "Completed text 64048\n", + "Completed text 64049\n", + "Completed text 64050\n", + "Completed text 64051\n", + "Completed text 64052\n", + "Completed text 64053\n", + "Completed text 64054\n", + "Completed text 64055\n", + "Completed text 64056\n", + "Completed text 64057\n", + "Completed text 64058\n", + "Completed text 64059\n", + "Completed text 64060\n", + "Completed text 64061\n", + "Completed text 64062\n", + "Completed text 64063\n", + "Completed text 64064\n", + "Completed text 64065\n", + "Completed text 64066\n", + "Completed text 64067\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 64068\n", + "Completed text 64069\n", + "Completed text 64070\n", + "Completed text 64071\n", + "Completed text 64072\n", + "Completed text 64073\n", + "Completed text 64074\n", + "Completed text 64075\n", + "Completed text 64076\n", + "Completed text 64077\n", + "Completed text 64078\n", + "Completed text 64079\n", + "Completed text 64080\n", + "Completed text 64081\n", + "Completed text 64082\n", + "Completed text 64083\n", + "Completed text 64084\n", + "Completed text 64085\n", + "Completed text 64086\n", + "Completed text 64087\n", + "Completed text 64088\n", + "Completed text 64089\n", + "Completed text 64090\n", + "Completed text 64091\n", + "Completed text 64092\n", + "Completed text 64093\n", + "Completed text 64094\n", + "Completed text 64095\n", + "Completed text 64096\n", + "Completed text 64097\n", + "Completed text 64098\n", + "Completed text 64099\n", + "Completed text 64100\n", + "Completed text 64101\n", + "Completed text 64102\n", + "Completed text 64103\n", + "Completed text 64104\n", + "Completed text 64105\n", + "Completed text 64106\n", + "Completed text 64107\n", + "Completed text 64108\n", + "Completed text 64109\n", + "Completed text 64110\n", + "Completed text 64111\n", + "Completed text 64112\n", + "Completed text 64113\n", + "Completed text 64114\n", + "Completed text 64115\n", + "Completed text 64116\n", + "Completed text 64117\n", + "Completed text 64118\n", + "Completed text 64119\n", + "Completed text 64120\n", + "Completed text 64121\n", + "Completed text 64122\n", + "Completed text 64123\n", + "Completed text 64124\n", + "Completed text 64125\n", + "Completed text 64126\n", + "Completed text 64127\n", + "Completed text 64128\n", + "Completed text 64129\n", + "Completed text 64130\n", + "Completed text 64131\n", + "Completed text 64132\n", + "Completed text 64133\n", + "Completed text 64134\n", + "Completed text 64135\n", + "Completed text 64136\n", + "Completed text 64137\n", + "Completed text 64138\n", + "Completed text 64139\n", + "Completed text 64140\n", + "Completed text 64141\n", + "Completed text 64142\n", + "Completed text 64143\n", + "Completed text 64144\n", + "Completed text 64145\n", + "Completed text 64146\n", + "Completed text 64147\n", + "Completed text 64148\n", + "Completed text 64149\n", + "Completed text 64150\n", + "Completed text 64151\n", + "Completed text 64152\n", + "Completed text 64153\n", + "Completed text 64154\n", + "Completed text 64155\n", + "Completed text 64156\n", + "Completed text 64157\n", + "Completed text 64158\n", + "Completed text 64159\n", + "Completed text 64160\n", + "Completed text 64161\n", + "Completed text 64162\n", + "Completed text 64163\n", + "Completed text 64164\n", + "Completed text 64165\n", + "Completed text 64166\n", + "Completed text 64167\n", + "Completed text 64168\n", + "Completed text 64169\n", + "Completed text 64170\n", + "Completed text 64171\n", + "Completed text 64172\n", + "Completed text 64173\n", + "Completed text 64174\n", + "Completed text 64175\n", + "Completed text 64176\n", + "Completed text 64177\n", + "Completed text 64178\n", + "Completed text 64179\n", + "Completed text 64180\n", + "Completed text 64181\n", + "Completed text 64182\n", + "Completed text 64183\n", + "Completed text 64184\n", + "Completed text 64185\n", + "Completed text 64186\n", + "Completed text 64187\n", + "Completed text 64188\n", + "Completed text 64189\n", + "Completed text 64190\n", + "Completed text 64191\n", + "Completed text 64192\n", + "Completed text 64193\n", + "Completed text 64194\n", + "Completed text 64195\n", + "Completed text 64196\n", + "Completed text 64197\n", + "Completed text 64198\n", + "Completed text 64199\n", + "Completed text 64200\n", + "Completed text 64201\n", + "Completed text 64202\n", + "Completed text 64203\n", + "Completed text 64204\n", + "Completed text 64205\n", + "Completed text 64206\n", + "Completed text 64207\n", + "Completed text 64208\n", + "Completed text 64209\n", + "Completed text 64210\n", + "Completed text 64211\n", + "Completed text 64212\n", + "Completed text 64213\n", + "Completed text 64214\n", + "Completed text 64215\n", + "Completed text 64216\n", + "Completed text 64217\n", + "Completed text 64218\n", + "Completed text 64219\n", + "Completed text 64220\n", + "Completed text 64221\n", + "Completed text 64222\n", + "Completed text 64223\n", + "Completed text 64224\n", + "Completed text 64225\n", + "Completed text 64226\n", + "Completed text 64227\n", + "Completed text 64228\n", + "Completed text 64229\n", + "Completed text 64230\n", + "Completed text 64231\n", + "Completed text 64232\n", + "Completed text 64233\n", + "Completed text 64234\n", + "Completed text 64235\n", + "Completed text 64236\n", + "Completed text 64237\n", + "Completed text 64238\n", + "Completed text 64239\n", + "Completed text 64240\n", + "Completed text 64241\n", + "Completed text 64242\n", + "Completed text 64243\n", + "Completed text 64244\n", + "Completed text 64245\n", + "Completed text 64246\n", + "Completed text 64247\n", + "Completed text 64248\n", + "Completed text 64249\n", + "Completed text 64250\n", + "Completed text 64251\n", + "Completed text 64252\n", + "Completed text 64253\n", + "Completed text 64254\n", + "Completed text 64255\n", + "Completed text 64256\n", + "Completed text 64257\n", + "Completed text 64258\n", + "Completed text 64259\n", + "Completed text 64260\n", + "Completed text 64261\n", + "Completed text 64262\n", + "Completed text 64263\n", + "Completed text 64264\n", + "Completed text 64265\n", + "Completed text 64266\n", + "Completed text 64267\n", + "Completed text 64268\n", + "Completed text 64269\n", + "Completed text 64270\n", + "Completed text 64271\n", + "Completed text 64272\n", + "Completed text 64273\n", + "Completed text 64274\n", + "Completed text 64275\n", + "Completed text 64276\n", + "Completed text 64277\n", + "Completed text 64278\n", + "Completed text 64279\n", + "Completed text 64280\n", + "Completed text 64281\n", + "Completed text 64282\n", + "Completed text 64283\n", + "Completed text 64284\n", + "Completed text 64285\n", + "Completed text 64286\n", + "Completed text 64287\n", + "Completed text 64288\n", + "Completed text 64289\n", + "Completed text 64290\n", + "Completed text 64291\n", + "Completed text 64292\n", + "Completed text 64293\n", + "Completed text 64294\n", + "Completed text 64295\n", + "Completed text 64296\n", + "Completed text 64297\n", + "Completed text 64298\n", + "Completed text 64299\n", + "Completed text 64300\n", + "Completed text 64301\n", + "Completed text 64302\n", + "Completed text 64303\n", + "Completed text 64304\n", + "Completed text 64305\n", + "Completed text 64306\n", + "Completed text 64307\n", + "Completed text 64308\n", + "Completed text 64309\n", + "Completed text 64310\n", + "Completed text 64311\n", + "Completed text 64312\n", + "Completed text 64313\n", + "Completed text 64314\n", + "Completed text 64315\n", + "Completed text 64316\n", + "Completed text 64317\n", + "Completed text 64318\n", + "Completed text 64319\n", + "Completed text 64320\n", + "Completed text 64321\n", + "Completed text 64322\n", + "Completed text 64323\n", + "Completed text 64324\n", + "Completed text 64325\n", + "Completed text 64326\n", + "Completed text 64327\n", + "Completed text 64328\n", + "Completed text 64329\n", + "Completed text 64330\n", + "Completed text 64331\n", + "Completed text 64332\n", + "Completed text 64333\n", + "Completed text 64334\n", + "Completed text 64335\n", + "Completed text 64336\n", + "Completed text 64337\n", + "Completed text 64338\n", + "Completed text 64339\n", + "Completed text 64340\n", + "Completed text 64341\n", + "Completed text 64342\n", + "Completed text 64343\n", + "Completed text 64344\n", + "Completed text 64345\n", + "Completed text 64346\n", + "Completed text 64347\n", + "Completed text 64348\n", + "Completed text 64349\n", + "Completed text 64350\n", + "Completed text 64351\n", + "Completed text 64352\n", + "Completed text 64353\n", + "Completed text 64354\n", + "Completed text 64355\n", + "Completed text 64356\n", + "Completed text 64357\n", + "Completed text 64358\n", + "Completed text 64359\n", + "Completed text 64360\n", + "Completed text 64361\n", + "Completed text 64362\n", + "Completed text 64363\n", + "Completed text 64364\n", + "Completed text 64365\n", + "Completed text 64366\n", + "Completed text 64367\n", + "Completed text 64368\n", + "Completed text 64369\n", + "Completed text 64370\n", + "Completed text 64371\n", + "Completed text 64372\n", + "Completed text 64373\n", + "Completed text 64374\n", + "Completed text 64375\n", + "Completed text 64376\n", + "Completed text 64377\n", + "Completed text 64378\n", + "Completed text 64379\n", + "Completed text 64380\n", + "Completed text 64381\n", + "Completed text 64382\n", + "Completed text 64383\n", + "Completed text 64384\n", + "Completed text 64385\n", + "Completed text 64386\n", + "Completed text 64387\n", + "Completed text 64388\n", + "Completed text 64389\n", + "Completed text 64390\n", + "Completed text 64391\n", + "Completed text 64392\n", + "Completed text 64393\n", + "Completed text 64394\n", + "Completed text 64395\n", + "Completed text 64396\n", + "Completed text 64397\n", + "Completed text 64398\n", + "Completed text 64399\n", + "Completed text 64400\n", + "Completed text 64401\n", + "Completed text 64402\n", + "Completed text 64403\n", + "Completed text 64404\n", + "Completed text 64405\n", + "Completed text 64406\n", + "Completed text 64407\n", + "Completed text 64408\n", + "Completed text 64409\n", + "Completed text 64410\n", + "Completed text 64411\n", + "Completed text 64412\n", + "Completed text 64413\n", + "Completed text 64414\n", + "Completed text 64415\n", + "Completed text 64416\n", + "Completed text 64417\n", + "Completed text 64418\n", + "Completed text 64419\n", + "Completed text 64420\n", + "Completed text 64421\n", + "Completed text 64422\n", + "Completed text 64423\n", + "Completed text 64424\n", + "Completed text 64425\n", + "Completed text 64426\n", + "Completed text 64427\n", + "Completed text 64428\n", + "Completed text 64429\n", + "Completed text 64430\n", + "Completed text 64431\n", + "Completed text 64432\n", + "Completed text 64433\n", + "Completed text 64434\n", + "Completed text 64435\n", + "Completed text 64436\n", + "Completed text 64437\n", + "Completed text 64438\n", + "Completed text 64439\n", + "Completed text 64440\n", + "Completed text 64441\n", + "Completed text 64442\n", + "Completed text 64443\n", + "Completed text 64444\n", + "Completed text 64445\n", + "Completed text 64446\n", + "Completed text 64447\n", + "Completed text 64448\n", + "Completed text 64449\n", + "Completed text 64450\n", + "Completed text 64451\n", + "Completed text 64452\n", + "Completed text 64453\n", + "Completed text 64454\n", + "Completed text 64455\n", + "Completed text 64456\n", + "Completed text 64457\n", + "Completed text 64458\n", + "Completed text 64459\n", + "Completed text 64460\n", + "Completed text 64461\n", + "Completed text 64462\n", + "Completed text 64463\n", + "Completed text 64464\n", + "Completed text 64465\n", + "Completed text 64466\n", + "Completed text 64467\n", + "Completed text 64468\n", + "Completed text 64469\n", + "Completed text 64470\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 64471\n", + "Completed text 64472\n", + "Completed text 64473\n", + "Completed text 64474\n", + "Completed text 64475\n", + "Completed text 64476\n", + "Completed text 64477\n", + "Completed text 64478\n", + "Completed text 64479\n", + "Completed text 64480\n", + "Completed text 64481\n", + "Completed text 64482\n", + "Completed text 64483\n", + "Completed text 64484\n", + "Completed text 64485\n", + "Completed text 64486\n", + "Completed text 64487\n", + "Completed text 64488\n", + "Completed text 64489\n", + "Completed text 64490\n", + "Completed text 64491\n", + "Completed text 64492\n", + "Completed text 64493\n", + "Completed text 64494\n", + "Completed text 64495\n", + "Completed text 64496\n", + "Completed text 64497\n", + "Completed text 64498\n", + "Completed text 64499\n", + "Completed text 64500\n", + "Completed text 64501\n", + "Completed text 64502\n", + "Completed text 64503\n", + "Completed text 64504\n", + "Completed text 64505\n", + "Completed text 64506\n", + "Completed text 64507\n", + "Completed text 64508\n", + "Completed text 64509\n", + "Completed text 64510\n", + "Completed text 64511\n", + "Completed text 64512\n", + "Completed text 64513\n", + "Completed text 64514\n", + "Completed text 64515\n", + "Completed text 64516\n", + "Completed text 64517\n", + "Completed text 64518\n", + "Completed text 64519\n", + "Completed text 64520\n", + "Completed text 64521\n", + "Completed text 64522\n", + "Completed text 64523\n", + "Completed text 64524\n", + "Completed text 64525\n", + "Completed text 64526\n", + "Completed text 64527\n", + "Completed text 64528\n", + "Completed text 64529\n", + "Completed text 64530\n", + "Completed text 64531\n", + "Completed text 64532\n", + "Completed text 64533\n", + "Completed text 64534\n", + "Completed text 64535\n", + "Completed text 64536\n", + "Completed text 64537\n", + "Completed text 64538\n", + "Completed text 64539\n", + "Completed text 64540\n", + "Completed text 64541\n", + "Completed text 64542\n", + "Completed text 64543\n", + "Completed text 64544\n", + "Completed text 64545\n", + "Completed text 64546\n", + "Completed text 64547\n", + "Completed text 64548\n", + "Completed text 64549\n", + "Completed text 64550\n", + "Completed text 64551\n", + "Completed text 64552\n", + "Completed text 64553\n", + "Completed text 64554\n", + "Completed text 64555\n", + "Completed text 64556\n", + "Completed text 64557\n", + "Completed text 64558\n", + "Completed text 64559\n", + "Completed text 64560\n", + "Completed text 64561\n", + "Completed text 64562\n", + "Completed text 64563\n", + "Completed text 64564\n", + "Completed text 64565\n", + "Completed text 64566\n", + "Completed text 64567\n", + "Completed text 64568\n", + "Completed text 64569\n", + "Completed text 64570\n", + "Completed text 64571\n", + "Completed text 64572\n", + "Completed text 64573\n", + "Completed text 64574\n", + "Completed text 64575\n", + "Completed text 64576\n", + "Completed text 64577\n", + "Completed text 64578\n", + "Completed text 64579\n", + "Completed text 64580\n", + "Completed text 64581\n", + "Completed text 64582\n", + "Completed text 64583\n", + "Completed text 64584\n", + "Completed text 64585\n", + "Completed text 64586\n", + "Completed text 64587\n", + "Completed text 64588\n", + "Completed text 64589\n", + "Completed text 64590\n", + "Completed text 64591\n", + "Completed text 64592\n", + "Completed text 64593\n", + "Completed text 64594\n", + "Completed text 64595\n", + "Completed text 64596\n", + "Completed text 64597\n", + "Completed text 64598\n", + "Completed text 64599\n", + "Completed text 64600\n", + "Completed text 64601\n", + "Completed text 64602\n", + "Completed text 64603\n", + "Completed text 64604\n", + "Completed text 64605\n", + "Completed text 64606\n", + "Completed text 64607\n", + "Completed text 64608\n", + "Completed text 64609\n", + "Completed text 64610\n", + "Completed text 64611\n", + "Completed text 64612\n", + "Completed text 64613\n", + "Completed text 64614\n", + "Completed text 64615\n", + "Completed text 64616\n", + "Completed text 64617\n", + "Completed text 64618\n", + "Completed text 64619\n", + "Completed text 64620\n", + "Completed text 64621\n", + "Completed text 64622\n", + "Completed text 64623\n", + "Completed text 64624\n", + "Completed text 64625\n", + "Completed text 64626\n", + "Completed text 64627\n", + "Completed text 64628\n", + "Completed text 64629\n", + "Completed text 64630\n", + "Completed text 64631\n", + "Completed text 64632\n", + "Completed text 64633\n", + "Completed text 64634\n", + "Completed text 64635\n", + "Completed text 64636\n", + "Completed text 64637\n", + "Completed text 64638\n", + "Completed text 64639\n", + "Completed text 64640\n", + "Completed text 64641\n", + "Completed text 64642\n", + "Completed text 64643\n", + "Completed text 64644\n", + "Completed text 64645\n", + "Completed text 64646\n", + "Completed text 64647\n", + "Completed text 64648\n", + "Completed text 64649\n", + "Completed text 64650\n", + "Completed text 64651\n", + "Completed text 64652\n", + "Completed text 64653\n", + "Completed text 64654\n", + "Completed text 64655\n", + "Completed text 64656\n", + "Completed text 64657\n", + "Completed text 64658\n", + "Completed text 64659\n", + "Completed text 64660\n", + "Completed text 64661\n", + "Completed text 64662\n", + "Completed text 64663\n", + "Completed text 64664\n", + "Completed text 64665\n", + "Completed text 64666\n", + "Completed text 64667\n", + "Completed text 64668\n", + "Completed text 64669\n", + "Completed text 64670\n", + "Completed text 64671\n", + "Completed text 64672\n", + "Completed text 64673\n", + "Completed text 64674\n", + "Completed text 64675\n", + "Completed text 64676\n", + "Completed text 64677\n", + "Completed text 64678\n", + "Completed text 64679\n", + "Completed text 64680\n", + "Completed text 64681\n", + "Completed text 64682\n", + "Completed text 64683\n", + "Completed text 64684\n", + "Completed text 64685\n", + "Completed text 64686\n", + "Completed text 64687\n", + "Completed text 64688\n", + "Completed text 64689\n", + "Completed text 64690\n", + "Completed text 64691\n", + "Completed text 64692\n", + "Completed text 64693\n", + "Completed text 64694\n", + "Completed text 64695\n", + "Completed text 64696\n", + "Completed text 64697\n", + "Completed text 64698\n", + "Completed text 64699\n", + "Completed text 64700\n", + "Completed text 64701\n", + "Completed text 64702\n", + "Completed text 64703\n", + "Completed text 64704\n", + "Completed text 64705\n", + "Completed text 64706\n", + "Completed text 64707\n", + "Completed text 64708\n", + "Completed text 64709\n", + "Completed text 64710\n", + "Completed text 64711\n", + "Completed text 64712\n", + "Completed text 64713\n", + "Completed text 64714\n", + "Completed text 64715\n", + "Completed text 64716\n", + "Completed text 64717\n", + "Completed text 64718\n", + "Completed text 64719\n", + "Completed text 64720\n", + "Completed text 64721\n", + "Completed text 64722\n", + "Completed text 64723\n", + "Completed text 64724\n", + "Completed text 64725\n", + "Completed text 64726\n", + "Completed text 64727\n", + "Completed text 64728\n", + "Completed text 64729\n", + "Completed text 64730\n", + "Completed text 64731\n", + "Completed text 64732\n", + "Completed text 64733\n", + "Completed text 64734\n", + "Completed text 64735\n", + "Completed text 64736\n", + "Completed text 64737\n", + "Completed text 64738\n", + "Completed text 64739\n", + "Completed text 64740\n", + "Completed text 64741\n", + "Completed text 64742\n", + "Completed text 64743\n", + "Completed text 64744\n", + "Completed text 64745\n", + "Completed text 64746\n", + "Completed text 64747\n", + "Completed text 64748\n", + "Completed text 64749\n", + "Completed text 64750\n", + "Completed text 64751\n", + "Completed text 64752\n", + "Completed text 64753\n", + "Completed text 64754\n", + "Completed text 64755\n", + "Completed text 64756\n", + "Completed text 64757\n", + "Completed text 64758\n", + "Completed text 64759\n", + "Completed text 64760\n", + "Completed text 64761\n", + "Completed text 64762\n", + "Completed text 64763\n", + "Completed text 64764\n", + "Completed text 64765\n", + "Completed text 64766\n", + "Completed text 64767\n", + "Completed text 64768\n", + "Completed text 64769\n", + "Completed text 64770\n", + "Completed text 64771\n", + "Completed text 64772\n", + "Completed text 64773\n", + "Completed text 64774\n", + "Completed text 64775\n", + "Completed text 64776\n", + "Completed text 64777\n", + "Completed text 64778\n", + "Completed text 64779\n", + "Completed text 64780\n", + "Completed text 64781\n", + "Completed text 64782\n", + "Completed text 64783\n", + "Completed text 64784\n", + "Completed text 64785\n", + "Completed text 64786\n", + "Completed text 64787\n", + "Completed text 64788\n", + "Completed text 64789\n", + "Completed text 64790\n", + "Completed text 64791\n", + "Completed text 64792\n", + "Completed text 64793\n", + "Completed text 64794\n", + "Completed text 64795\n", + "Completed text 64796\n", + "Completed text 64797\n", + "Completed text 64798\n", + "Completed text 64799\n", + "Completed text 64800\n", + "Completed text 64801\n", + "Completed text 64802\n", + "Completed text 64803\n", + "Completed text 64804\n", + "Completed text 64805\n", + "Completed text 64806\n", + "Completed text 64807\n", + "Completed text 64808\n", + "Completed text 64809\n", + "Completed text 64810\n", + "Completed text 64811\n", + "Completed text 64812\n", + "Completed text 64813\n", + "Completed text 64814\n", + "Completed text 64815\n", + "Completed text 64816\n", + "Completed text 64817\n", + "Completed text 64818\n", + "Completed text 64819\n", + "Completed text 64820\n", + "Completed text 64821\n", + "Completed text 64822\n", + "Completed text 64823\n", + "Completed text 64824\n", + "Completed text 64825\n", + "Completed text 64826\n", + "Completed text 64827\n", + "Completed text 64828\n", + "Completed text 64829\n", + "Completed text 64830\n", + "Completed text 64831\n", + "Completed text 64832\n", + "Completed text 64833\n", + "Completed text 64834\n", + "Completed text 64835\n", + "Completed text 64836\n", + "Completed text 64837\n", + "Completed text 64838\n", + "Completed text 64839\n", + "Completed text 64840\n", + "Completed text 64841\n", + "Completed text 64842\n", + "Completed text 64843\n", + "Completed text 64844\n", + "Completed text 64845\n", + "Completed text 64846\n", + "Completed text 64847\n", + "Completed text 64848\n", + "Completed text 64849\n", + "Completed text 64850\n", + "Completed text 64851\n", + "Completed text 64852\n", + "Completed text 64853\n", + "Completed text 64854\n", + "Completed text 64855\n", + "Completed text 64856\n", + "Completed text 64857\n", + "Completed text 64858\n", + "Completed text 64859\n", + "Completed text 64860\n", + "Completed text 64861\n", + "Completed text 64862\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 64863\n", + "Completed text 64864\n", + "Completed text 64865\n", + "Completed text 64866\n", + "Completed text 64867\n", + "Completed text 64868\n", + "Completed text 64869\n", + "Completed text 64870\n", + "Completed text 64871\n", + "Completed text 64872\n", + "Completed text 64873\n", + "Completed text 64874\n", + "Completed text 64875\n", + "Completed text 64876\n", + "Completed text 64877\n", + "Completed text 64878\n", + "Completed text 64879\n", + "Completed text 64880\n", + "Completed text 64881\n", + "Completed text 64882\n", + "Completed text 64883\n", + "Completed text 64884\n", + "Completed text 64885\n", + "Completed text 64886\n", + "Completed text 64887\n", + "Completed text 64888\n", + "Completed text 64889\n", + "Completed text 64890\n", + "Completed text 64891\n", + "Completed text 64892\n", + "Completed text 64893\n", + "Completed text 64894\n", + "Completed text 64895\n", + "Completed text 64896\n", + "Completed text 64897\n", + "Completed text 64898\n", + "Completed text 64899\n", + "Completed text 64900\n", + "Completed text 64901\n", + "Completed text 64902\n", + "Completed text 64903\n", + "Completed text 64904\n", + "Completed text 64905\n", + "Completed text 64906\n", + "Completed text 64907\n", + "Completed text 64908\n", + "Completed text 64909\n", + "Completed text 64910\n", + "Completed text 64911\n", + "Completed text 64912\n", + "Completed text 64913\n", + "Completed text 64914\n", + "Completed text 64915\n", + "Completed text 64916\n", + "Completed text 64917\n", + "Completed text 64918\n", + "Completed text 64919\n", + "Completed text 64920\n", + "Completed text 64921\n", + "Completed text 64922\n", + "Completed text 64923\n", + "Completed text 64924\n", + "Completed text 64925\n", + "Completed text 64926\n", + "Completed text 64927\n", + "Completed text 64928\n", + "Completed text 64929\n", + "Completed text 64930\n", + "Completed text 64931\n", + "Completed text 64932\n", + "Completed text 64933\n", + "Completed text 64934\n", + "Completed text 64935\n", + "Completed text 64936\n", + "Completed text 64937\n", + "Completed text 64938\n", + "Completed text 64939\n", + "Completed text 64940\n", + "Completed text 64941\n", + "Completed text 64942\n", + "Completed text 64943\n", + "Completed text 64944\n", + "Completed text 64945\n", + "Completed text 64946\n", + "Completed text 64947\n", + "Completed text 64948\n", + "Completed text 64949\n", + "Completed text 64950\n", + "Completed text 64951\n", + "Completed text 64952\n", + "Completed text 64953\n", + "Completed text 64954\n", + "Completed text 64955\n", + "Completed text 64956\n", + "Completed text 64957\n", + "Completed text 64958\n", + "Completed text 64959\n", + "Completed text 64960\n", + "Completed text 64961\n", + "Completed text 64962\n", + "Completed text 64963\n", + "Completed text 64964\n", + "Completed text 64965\n", + "Completed text 64966\n", + "Completed text 64967\n", + "Completed text 64968\n", + "Completed text 64969\n", + "Completed text 64970\n", + "Completed text 64971\n", + "Completed text 64972\n", + "Completed text 64973\n", + "Completed text 64974\n", + "Completed text 64975\n", + "Completed text 64976\n", + "Completed text 64977\n", + "Completed text 64978\n", + "Completed text 64979\n", + "Completed text 64980\n", + "Completed text 64981\n", + "Completed text 64982\n", + "Completed text 64983\n", + "Completed text 64984\n", + "Completed text 64985\n", + "Completed text 64986\n", + "Completed text 64987\n", + "Completed text 64988\n", + "Completed text 64989\n", + "Completed text 64990\n", + "Completed text 64991\n", + "Completed text 64992\n", + "Completed text 64993\n", + "Completed text 64994\n", + "Completed text 64995\n", + "Completed text 64996\n", + "Completed text 64997\n", + "Completed text 64998\n", + "Completed text 64999\n", + "Completed text 65000\n", + "Completed text 65001\n", + "Completed text 65002\n", + "Completed text 65003\n", + "Completed text 65004\n", + "Completed text 65005\n", + "Completed text 65006\n", + "Completed text 65007\n", + "Completed text 65008\n", + "Completed text 65009\n", + "Completed text 65010\n", + "Completed text 65011\n", + "Completed text 65012\n", + "Completed text 65013\n", + "Completed text 65014\n", + "Completed text 65015\n", + "Completed text 65016\n", + "Completed text 65017\n", + "Completed text 65018\n", + "Completed text 65019\n", + "Completed text 65020\n", + "Completed text 65021\n", + "Completed text 65022\n", + "Completed text 65023\n", + "Completed text 65024\n", + "Completed text 65025\n", + "Completed text 65026\n", + "Completed text 65027\n", + "Completed text 65028\n", + "Completed text 65029\n", + "Completed text 65030\n", + "Completed text 65031\n", + "Completed text 65032\n", + "Completed text 65033\n", + "Completed text 65034\n", + "Completed text 65035\n", + "Completed text 65036\n", + "Completed text 65037\n", + "Completed text 65038\n", + "Completed text 65039\n", + "Completed text 65040\n", + "Completed text 65041\n", + "Completed text 65042\n", + "Completed text 65043\n", + "Completed text 65044\n", + "Completed text 65045\n", + "Completed text 65046\n", + "Completed text 65047\n", + "Completed text 65048\n", + "Completed text 65049\n", + "Completed text 65050\n", + "Completed text 65051\n", + "Completed text 65052\n", + "Completed text 65053\n", + "Completed text 65054\n", + "Completed text 65055\n", + "Completed text 65056\n", + "Completed text 65057\n", + "Completed text 65058\n", + "Completed text 65059\n", + "Completed text 65060\n", + "Completed text 65061\n", + "Completed text 65062\n", + "Completed text 65063\n", + "Completed text 65064\n", + "Completed text 65065\n", + "Completed text 65066\n", + "Completed text 65067\n", + "Completed text 65068\n", + "Completed text 65069\n", + "Completed text 65070\n", + "Completed text 65071\n", + "Completed text 65072\n", + "Completed text 65073\n", + "Completed text 65074\n", + "Completed text 65075\n", + "Completed text 65076\n", + "Completed text 65077\n", + "Completed text 65078\n", + "Completed text 65079\n", + "Completed text 65080\n", + "Completed text 65081\n", + "Completed text 65082\n", + "Completed text 65083\n", + "Completed text 65084\n", + "Completed text 65085\n", + "Completed text 65086\n", + "Completed text 65087\n", + "Completed text 65088\n", + "Completed text 65089\n", + "Completed text 65090\n", + "Completed text 65091\n", + "Completed text 65092\n", + "Completed text 65093\n", + "Completed text 65094\n", + "Completed text 65095\n", + "Completed text 65096\n", + "Completed text 65097\n", + "Completed text 65098\n", + "Completed text 65099\n", + "Completed text 65100\n", + "Completed text 65101\n", + "Completed text 65102\n", + "Completed text 65103\n", + "Completed text 65104\n", + "Completed text 65105\n", + "Completed text 65106\n", + "Completed text 65107\n", + "Completed text 65108\n", + "Completed text 65109\n", + "Completed text 65110\n", + "Completed text 65111\n", + "Completed text 65112\n", + "Completed text 65113\n", + "Completed text 65114\n", + "Completed text 65115\n", + "Completed text 65116\n", + "Completed text 65117\n", + "Completed text 65118\n", + "Completed text 65119\n", + "Completed text 65120\n", + "Completed text 65121\n", + "Completed text 65122\n", + "Completed text 65123\n", + "Completed text 65124\n", + "Completed text 65125\n", + "Completed text 65126\n", + "Completed text 65127\n", + "Completed text 65128\n", + "Completed text 65129\n", + "Completed text 65130\n", + "Completed text 65131\n", + "Completed text 65132\n", + "Completed text 65133\n", + "Completed text 65134\n", + "Completed text 65135\n", + "Completed text 65136\n", + "Completed text 65137\n", + "Completed text 65138\n", + "Completed text 65139\n", + "Completed text 65140\n", + "Completed text 65141\n", + "Completed text 65142\n", + "Completed text 65143\n", + "Completed text 65144\n", + "Completed text 65145\n", + "Completed text 65146\n", + "Completed text 65147\n", + "Completed text 65148\n", + "Completed text 65149\n", + "Completed text 65150\n", + "Completed text 65151\n", + "Completed text 65152\n", + "Completed text 65153\n", + "Completed text 65154\n", + "Completed text 65155\n", + "Completed text 65156\n", + "Completed text 65157\n", + "Completed text 65158\n", + "Completed text 65159\n", + "Completed text 65160\n", + "Completed text 65161\n", + "Completed text 65162\n", + "Completed text 65163\n", + "Completed text 65164\n", + "Completed text 65165\n", + "Completed text 65166\n", + "Completed text 65167\n", + "Completed text 65168\n", + "Completed text 65169\n", + "Completed text 65170\n", + "Completed text 65171\n", + "Completed text 65172\n", + "Completed text 65173\n", + "Completed text 65174\n", + "Completed text 65175\n", + "Completed text 65176\n", + "Completed text 65177\n", + "Completed text 65178\n", + "Completed text 65179\n", + "Completed text 65180\n", + "Completed text 65181\n", + "Completed text 65182\n", + "Completed text 65183\n", + "Completed text 65184\n", + "Completed text 65185\n", + "Completed text 65186\n", + "Completed text 65187\n", + "Completed text 65188\n", + "Completed text 65189\n", + "Completed text 65190\n", + "Completed text 65191\n", + "Completed text 65192\n", + "Completed text 65193\n", + "Completed text 65194\n", + "Completed text 65195\n", + "Completed text 65196\n", + "Completed text 65197\n", + "Completed text 65198\n", + "Completed text 65199\n", + "Completed text 65200\n", + "Completed text 65201\n", + "Completed text 65202\n", + "Completed text 65203\n", + "Completed text 65204\n", + "Completed text 65205\n", + "Completed text 65206\n", + "Completed text 65207\n", + "Completed text 65208\n", + "Completed text 65209\n", + "Completed text 65210\n", + "Completed text 65211\n", + "Completed text 65212\n", + "Completed text 65213\n", + "Completed text 65214\n", + "Completed text 65215\n", + "Completed text 65216\n", + "Completed text 65217\n", + "Completed text 65218\n", + "Completed text 65219\n", + "Completed text 65220\n", + "Completed text 65221\n", + "Completed text 65222\n", + "Completed text 65223\n", + "Completed text 65224\n", + "Completed text 65225\n", + "Completed text 65226\n", + "Completed text 65227\n", + "Completed text 65228\n", + "Completed text 65229\n", + "Completed text 65230\n", + "Completed text 65231\n", + "Completed text 65232\n", + "Completed text 65233\n", + "Completed text 65234\n", + "Completed text 65235\n", + "Completed text 65236\n", + "Completed text 65237\n", + "Completed text 65238\n", + "Completed text 65239\n", + "Completed text 65240\n", + "Completed text 65241\n", + "Completed text 65242\n", + "Completed text 65243\n", + "Completed text 65244\n", + "Completed text 65245\n", + "Completed text 65246\n", + "Completed text 65247\n", + "Completed text 65248\n", + "Completed text 65249\n", + "Completed text 65250\n", + "Completed text 65251\n", + "Completed text 65252\n", + "Completed text 65253\n", + "Completed text 65254\n", + "Completed text 65255\n", + "Completed text 65256\n", + "Completed text 65257\n", + "Completed text 65258\n", + "Completed text 65259\n", + "Completed text 65260\n", + "Completed text 65261\n", + "Completed text 65262\n", + "Completed text 65263\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 65264\n", + "Completed text 65265\n", + "Completed text 65266\n", + "Completed text 65267\n", + "Completed text 65268\n", + "Completed text 65269\n", + "Completed text 65270\n", + "Completed text 65271\n", + "Completed text 65272\n", + "Completed text 65273\n", + "Completed text 65274\n", + "Completed text 65275\n", + "Completed text 65276\n", + "Completed text 65277\n", + "Completed text 65278\n", + "Completed text 65279\n", + "Completed text 65280\n", + "Completed text 65281\n", + "Completed text 65282\n", + "Completed text 65283\n", + "Completed text 65284\n", + "Completed text 65285\n", + "Completed text 65286\n", + "Completed text 65287\n", + "Completed text 65288\n", + "Completed text 65289\n", + "Completed text 65290\n", + "Completed text 65291\n", + "Completed text 65292\n", + "Completed text 65293\n", + "Completed text 65294\n", + "Completed text 65295\n", + "Completed text 65296\n", + "Completed text 65297\n", + "Completed text 65298\n", + "Completed text 65299\n", + "Completed text 65300\n", + "Completed text 65301\n", + "Completed text 65302\n", + "Completed text 65303\n", + "Completed text 65304\n", + "Completed text 65305\n", + "Completed text 65306\n", + "Completed text 65307\n", + "Completed text 65308\n", + "Completed text 65309\n", + "Completed text 65310\n", + "Completed text 65311\n", + "Completed text 65312\n", + "Completed text 65313\n", + "Completed text 65314\n", + "Completed text 65315\n", + "Completed text 65316\n", + "Completed text 65317\n", + "Completed text 65318\n", + "Completed text 65319\n", + "Completed text 65320\n", + "Completed text 65321\n", + "Completed text 65322\n", + "Completed text 65323\n", + "Completed text 65324\n", + "Completed text 65325\n", + "Completed text 65326\n", + "Completed text 65327\n", + "Completed text 65328\n", + "Completed text 65329\n", + "Completed text 65330\n", + "Completed text 65331\n", + "Completed text 65332\n", + "Completed text 65333\n", + "Completed text 65334\n", + "Completed text 65335\n", + "Completed text 65336\n", + "Completed text 65337\n", + "Completed text 65338\n", + "Completed text 65339\n", + "Completed text 65340\n", + "Completed text 65341\n", + "Completed text 65342\n", + "Completed text 65343\n", + "Completed text 65344\n", + "Completed text 65345\n", + "Completed text 65346\n", + "Completed text 65347\n", + "Completed text 65348\n", + "Completed text 65349\n", + "Completed text 65350\n", + "Completed text 65351\n", + "Completed text 65352\n", + "Completed text 65353\n", + "Completed text 65354\n", + "Completed text 65355\n", + "Completed text 65356\n", + "Completed text 65357\n", + "Completed text 65358\n", + "Completed text 65359\n", + "Completed text 65360\n", + "Completed text 65361\n", + "Completed text 65362\n", + "Completed text 65363\n", + "Completed text 65364\n", + "Completed text 65365\n", + "Completed text 65366\n", + "Completed text 65367\n", + "Completed text 65368\n", + "Completed text 65369\n", + "Completed text 65370\n", + "Completed text 65371\n", + "Completed text 65372\n", + "Completed text 65373\n", + "Completed text 65374\n", + "Completed text 65375\n", + "Completed text 65376\n", + "Completed text 65377\n", + "Completed text 65378\n", + "Completed text 65379\n", + "Completed text 65380\n", + "Completed text 65381\n", + "Completed text 65382\n", + "Completed text 65383\n", + "Completed text 65384\n", + "Completed text 65385\n", + "Completed text 65386\n", + "Completed text 65387\n", + "Completed text 65388\n", + "Completed text 65389\n", + "Completed text 65390\n", + "Completed text 65391\n", + "Completed text 65392\n", + "Completed text 65393\n", + "Completed text 65394\n", + "Completed text 65395\n", + "Completed text 65396\n", + "Completed text 65397\n", + "Completed text 65398\n", + "Completed text 65399\n", + "Completed text 65400\n", + "Completed text 65401\n", + "Completed text 65402\n", + "Completed text 65403\n", + "Completed text 65404\n", + "Completed text 65405\n", + "Completed text 65406\n", + "Completed text 65407\n", + "Completed text 65408\n", + "Completed text 65409\n", + "Completed text 65410\n", + "Completed text 65411\n", + "Completed text 65412\n", + "Completed text 65413\n", + "Completed text 65414\n", + "Completed text 65415\n", + "Completed text 65416\n", + "Completed text 65417\n", + "Completed text 65418\n", + "Completed text 65419\n", + "Completed text 65420\n", + "Completed text 65421\n", + "Completed text 65422\n", + "Completed text 65423\n", + "Completed text 65424\n", + "Completed text 65425\n", + "Completed text 65426\n", + "Completed text 65427\n", + "Completed text 65428\n", + "Completed text 65429\n", + "Completed text 65430\n", + "Completed text 65431\n", + "Completed text 65432\n", + "Completed text 65433\n", + "Completed text 65434\n", + "Completed text 65435\n", + "Completed text 65436\n", + "Completed text 65437\n", + "Completed text 65438\n", + "Completed text 65439\n", + "Completed text 65440\n", + "Completed text 65441\n", + "Completed text 65442\n", + "Completed text 65443\n", + "Completed text 65444\n", + "Completed text 65445\n", + "Completed text 65446\n", + "Completed text 65447\n", + "Completed text 65448\n", + "Completed text 65449\n", + "Completed text 65450\n", + "Completed text 65451\n", + "Completed text 65452\n", + "Completed text 65453\n", + "Completed text 65454\n", + "Completed text 65455\n", + "Completed text 65456\n", + "Completed text 65457\n", + "Completed text 65458\n", + "Completed text 65459\n", + "Completed text 65460\n", + "Completed text 65461\n", + "Completed text 65462\n", + "Completed text 65463\n", + "Completed text 65464\n", + "Completed text 65465\n", + "Completed text 65466\n", + "Completed text 65467\n", + "Completed text 65468\n", + "Completed text 65469\n", + "Completed text 65470\n", + "Completed text 65471\n", + "Completed text 65472\n", + "Completed text 65473\n", + "Completed text 65474\n", + "Completed text 65475\n", + "Completed text 65476\n", + "Completed text 65477\n", + "Completed text 65478\n", + "Completed text 65479\n", + "Completed text 65480\n", + "Completed text 65481\n", + "Completed text 65482\n", + "Completed text 65483\n", + "Completed text 65484\n", + "Completed text 65485\n", + "Completed text 65486\n", + "Completed text 65487\n", + "Completed text 65488\n", + "Completed text 65489\n", + "Completed text 65490\n", + "Completed text 65491\n", + "Completed text 65492\n", + "Completed text 65493\n", + "Completed text 65494\n", + "Completed text 65495\n", + "Completed text 65496\n", + "Completed text 65497\n", + "Completed text 65498\n", + "Completed text 65499\n", + "Completed text 65500\n", + "Completed text 65501\n", + "Completed text 65502\n", + "Completed text 65503\n", + "Completed text 65504\n", + "Completed text 65505\n", + "Completed text 65506\n", + "Completed text 65507\n", + "Completed text 65508\n", + "Completed text 65509\n", + "Completed text 65510\n", + "Completed text 65511\n", + "Completed text 65512\n", + "Completed text 65513\n", + "Completed text 65514\n", + "Completed text 65515\n", + "Completed text 65516\n", + "Completed text 65517\n", + "Completed text 65518\n", + "Completed text 65519\n", + "Completed text 65520\n", + "Completed text 65521\n", + "Completed text 65522\n", + "Completed text 65523\n", + "Completed text 65524\n", + "Completed text 65525\n", + "Completed text 65526\n", + "Completed text 65527\n", + "Completed text 65528\n", + "Completed text 65529\n", + "Completed text 65530\n", + "Completed text 65531\n", + "Completed text 65532\n", + "Completed text 65533\n", + "Completed text 65534\n", + "Completed text 65535\n", + "Completed text 65536\n", + "Completed text 65537\n", + "Completed text 65538\n", + "Completed text 65539\n", + "Completed text 65540\n", + "Completed text 65541\n", + "Completed text 65542\n", + "Completed text 65543\n", + "Completed text 65544\n", + "Completed text 65545\n", + "Completed text 65546\n", + "Completed text 65547\n", + "Completed text 65548\n", + "Completed text 65549\n", + "Completed text 65550\n", + "Completed text 65551\n", + "Completed text 65552\n", + "Completed text 65553\n", + "Completed text 65554\n", + "Completed text 65555\n", + "Completed text 65556\n", + "Completed text 65557\n", + "Completed text 65558\n", + "Completed text 65559\n", + "Completed text 65560\n", + "Completed text 65561\n", + "Completed text 65562\n", + "Completed text 65563\n", + "Completed text 65564\n", + "Completed text 65565\n", + "Completed text 65566\n", + "Completed text 65567\n", + "Completed text 65568\n", + "Completed text 65569\n", + "Completed text 65570\n", + "Completed text 65571\n", + "Completed text 65572\n", + "Completed text 65573\n", + "Completed text 65574\n", + "Completed text 65575\n", + "Completed text 65576\n", + "Completed text 65577\n", + "Completed text 65578\n", + "Completed text 65579\n", + "Completed text 65580\n", + "Completed text 65581\n", + "Completed text 65582\n", + "Completed text 65583\n", + "Completed text 65584\n", + "Completed text 65585\n", + "Completed text 65586\n", + "Completed text 65587\n", + "Completed text 65588\n", + "Completed text 65589\n", + "Completed text 65590\n", + "Completed text 65591\n", + "Completed text 65592\n", + "Completed text 65593\n", + "Completed text 65594\n", + "Completed text 65595\n", + "Completed text 65596\n", + "Completed text 65597\n", + "Completed text 65598\n", + "Completed text 65599\n", + "Completed text 65600\n", + "Completed text 65601\n", + "Completed text 65602\n", + "Completed text 65603\n", + "Completed text 65604\n", + "Completed text 65605\n", + "Completed text 65606\n", + "Completed text 65607\n", + "Completed text 65608\n", + "Completed text 65609\n", + "Completed text 65610\n", + "Completed text 65611\n", + "Completed text 65612\n", + "Completed text 65613\n", + "Completed text 65614\n", + "Completed text 65615\n", + "Completed text 65616\n", + "Completed text 65617\n", + "Completed text 65618\n", + "Completed text 65619\n", + "Completed text 65620\n", + "Completed text 65621\n", + "Completed text 65622\n", + "Completed text 65623\n", + "Completed text 65624\n", + "Completed text 65625\n", + "Completed text 65626\n", + "Completed text 65627\n", + "Completed text 65628\n", + "Completed text 65629\n", + "Completed text 65630\n", + "Completed text 65631\n", + "Completed text 65632\n", + "Completed text 65633\n", + "Completed text 65634\n", + "Completed text 65635\n", + "Completed text 65636\n", + "Completed text 65637\n", + "Completed text 65638\n", + "Completed text 65639\n", + "Completed text 65640\n", + "Completed text 65641\n", + "Completed text 65642\n", + "Completed text 65643\n", + "Completed text 65644\n", + "Completed text 65645\n", + "Completed text 65646\n", + "Completed text 65647\n", + "Completed text 65648\n", + "Completed text 65649\n", + "Completed text 65650\n", + "Completed text 65651\n", + "Completed text 65652\n", + "Completed text 65653\n", + "Completed text 65654\n", + "Completed text 65655\n", + "Completed text 65656\n", + "Completed text 65657\n", + "Completed text 65658\n", + "Completed text 65659\n", + "Completed text 65660\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 65661\n", + "Completed text 65662\n", + "Completed text 65663\n", + "Completed text 65664\n", + "Completed text 65665\n", + "Completed text 65666\n", + "Completed text 65667\n", + "Completed text 65668\n", + "Completed text 65669\n", + "Completed text 65670\n", + "Completed text 65671\n", + "Completed text 65672\n", + "Completed text 65673\n", + "Completed text 65674\n", + "Completed text 65675\n", + "Completed text 65676\n", + "Completed text 65677\n", + "Completed text 65678\n", + "Completed text 65679\n", + "Completed text 65680\n", + "Completed text 65681\n", + "Completed text 65682\n", + "Completed text 65683\n", + "Completed text 65684\n", + "Completed text 65685\n", + "Completed text 65686\n", + "Completed text 65687\n", + "Completed text 65688\n", + "Completed text 65689\n", + "Completed text 65690\n", + "Completed text 65691\n", + "Completed text 65692\n", + "Completed text 65693\n", + "Completed text 65694\n", + "Completed text 65695\n", + "Completed text 65696\n", + "Completed text 65697\n", + "Completed text 65698\n", + "Completed text 65699\n", + "Completed text 65700\n", + "Completed text 65701\n", + "Completed text 65702\n", + "Completed text 65703\n", + "Completed text 65704\n", + "Completed text 65705\n", + "Completed text 65706\n", + "Completed text 65707\n", + "Completed text 65708\n", + "Completed text 65709\n", + "Completed text 65710\n", + "Completed text 65711\n", + "Completed text 65712\n", + "Completed text 65713\n", + "Completed text 65714\n", + "Completed text 65715\n", + "Completed text 65716\n", + "Completed text 65717\n", + "Completed text 65718\n", + "Completed text 65719\n", + "Completed text 65720\n", + "Completed text 65721\n", + "Completed text 65722\n", + "Completed text 65723\n", + "Completed text 65724\n", + "Completed text 65725\n", + "Completed text 65726\n", + "Completed text 65727\n", + "Completed text 65728\n", + "Completed text 65729\n", + "Completed text 65730\n", + "Completed text 65731\n", + "Completed text 65732\n", + "Completed text 65733\n", + "Completed text 65734\n", + "Completed text 65735\n", + "Completed text 65736\n", + "Completed text 65737\n", + "Completed text 65738\n", + "Completed text 65739\n", + "Completed text 65740\n", + "Completed text 65741\n", + "Completed text 65742\n", + "Completed text 65743\n", + "Completed text 65744\n", + "Completed text 65745\n", + "Completed text 65746\n", + "Completed text 65747\n", + "Completed text 65748\n", + "Completed text 65749\n", + "Completed text 65750\n", + "Completed text 65751\n", + "Completed text 65752\n", + "Completed text 65753\n", + "Completed text 65754\n", + "Completed text 65755\n", + "Completed text 65756\n", + "Completed text 65757\n", + "Completed text 65758\n", + "Completed text 65759\n", + "Completed text 65760\n", + "Completed text 65761\n", + "Completed text 65762\n", + "Completed text 65763\n", + "Completed text 65764\n", + "Completed text 65765\n", + "Completed text 65766\n", + "Completed text 65767\n", + "Completed text 65768\n", + "Completed text 65769\n", + "Completed text 65770\n", + "Completed text 65771\n", + "Completed text 65772\n", + "Completed text 65773\n", + "Completed text 65774\n", + "Completed text 65775\n", + "Completed text 65776\n", + "Completed text 65777\n", + "Completed text 65778\n", + "Completed text 65779\n", + "Completed text 65780\n", + "Completed text 65781\n", + "Completed text 65782\n", + "Completed text 65783\n", + "Completed text 65784\n", + "Completed text 65785\n", + "Completed text 65786\n", + "Completed text 65787\n", + "Completed text 65788\n", + "Completed text 65789\n", + "Completed text 65790\n", + "Completed text 65791\n", + "Completed text 65792\n", + "Completed text 65793\n", + "Completed text 65794\n", + "Completed text 65795\n", + "Completed text 65796\n", + "Completed text 65797\n", + "Completed text 65798\n", + "Completed text 65799\n", + "Completed text 65800\n", + "Completed text 65801\n", + "Completed text 65802\n", + "Completed text 65803\n", + "Completed text 65804\n", + "Completed text 65805\n", + "Completed text 65806\n", + "Completed text 65807\n", + "Completed text 65808\n", + "Completed text 65809\n", + "Completed text 65810\n", + "Completed text 65811\n", + "Completed text 65812\n", + "Completed text 65813\n", + "Completed text 65814\n", + "Completed text 65815\n", + "Completed text 65816\n", + "Completed text 65817\n", + "Completed text 65818\n", + "Completed text 65819\n", + "Completed text 65820\n", + "Completed text 65821\n", + "Completed text 65822\n", + "Completed text 65823\n", + "Completed text 65824\n", + "Completed text 65825\n", + "Completed text 65826\n", + "Completed text 65827\n", + "Completed text 65828\n", + "Completed text 65829\n", + "Completed text 65830\n", + "Completed text 65831\n", + "Completed text 65832\n", + "Completed text 65833\n", + "Completed text 65834\n", + "Completed text 65835\n", + "Completed text 65836\n", + "Completed text 65837\n", + "Completed text 65838\n", + "Completed text 65839\n", + "Completed text 65840\n", + "Completed text 65841\n", + "Completed text 65842\n", + "Completed text 65843\n", + "Completed text 65844\n", + "Completed text 65845\n", + "Completed text 65846\n", + "Completed text 65847\n", + "Completed text 65848\n", + "Completed text 65849\n", + "Completed text 65850\n", + "Completed text 65851\n", + "Completed text 65852\n", + "Completed text 65853\n", + "Completed text 65854\n", + "Completed text 65855\n", + "Completed text 65856\n", + "Completed text 65857\n", + "Completed text 65858\n", + "Completed text 65859\n", + "Completed text 65860\n", + "Completed text 65861\n", + "Completed text 65862\n", + "Completed text 65863\n", + "Completed text 65864\n", + "Completed text 65865\n", + "Completed text 65866\n", + "Completed text 65867\n", + "Completed text 65868\n", + "Completed text 65869\n", + "Completed text 65870\n", + "Completed text 65871\n", + "Completed text 65872\n", + "Completed text 65873\n", + "Completed text 65874\n", + "Completed text 65875\n", + "Completed text 65876\n", + "Completed text 65877\n", + "Completed text 65878\n", + "Completed text 65879\n", + "Completed text 65880\n", + "Completed text 65881\n", + "Completed text 65882\n", + "Completed text 65883\n", + "Completed text 65884\n", + "Completed text 65885\n", + "Completed text 65886\n", + "Completed text 65887\n", + "Completed text 65888\n", + "Completed text 65889\n", + "Completed text 65890\n", + "Completed text 65891\n", + "Completed text 65892\n", + "Completed text 65893\n", + "Completed text 65894\n", + "Completed text 65895\n", + "Completed text 65896\n", + "Completed text 65897\n", + "Completed text 65898\n", + "Completed text 65899\n", + "Completed text 65900\n", + "Completed text 65901\n", + "Completed text 65902\n", + "Completed text 65903\n", + "Completed text 65904\n", + "Completed text 65905\n", + "Completed text 65906\n", + "Completed text 65907\n", + "Completed text 65908\n", + "Completed text 65909\n", + "Completed text 65910\n", + "Completed text 65911\n", + "Completed text 65912\n", + "Completed text 65913\n", + "Completed text 65914\n", + "Completed text 65915\n", + "Completed text 65916\n", + "Completed text 65917\n", + "Completed text 65918\n", + "Completed text 65919\n", + "Completed text 65920\n", + "Completed text 65921\n", + "Completed text 65922\n", + "Completed text 65923\n", + "Completed text 65924\n", + "Completed text 65925\n", + "Completed text 65926\n", + "Completed text 65927\n", + "Completed text 65928\n", + "Completed text 65929\n", + "Completed text 65930\n", + "Completed text 65931\n", + "Completed text 65932\n", + "Completed text 65933\n", + "Completed text 65934\n", + "Completed text 65935\n", + "Completed text 65936\n", + "Completed text 65937\n", + "Completed text 65938\n", + "Completed text 65939\n", + "Completed text 65940\n", + "Completed text 65941\n", + "Completed text 65942\n", + "Completed text 65943\n", + "Completed text 65944\n", + "Completed text 65945\n", + "Completed text 65946\n", + "Completed text 65947\n", + "Completed text 65948\n", + "Completed text 65949\n", + "Completed text 65950\n", + "Completed text 65951\n", + "Completed text 65952\n", + "Completed text 65953\n", + "Completed text 65954\n", + "Completed text 65955\n", + "Completed text 65956\n", + "Completed text 65957\n", + "Completed text 65958\n", + "Completed text 65959\n", + "Completed text 65960\n", + "Completed text 65961\n", + "Completed text 65962\n", + "Completed text 65963\n", + "Completed text 65964\n", + "Completed text 65965\n", + "Completed text 65966\n", + "Completed text 65967\n", + "Completed text 65968\n", + "Completed text 65969\n", + "Completed text 65970\n", + "Completed text 65971\n", + "Completed text 65972\n", + "Completed text 65973\n", + "Completed text 65974\n", + "Completed text 65975\n", + "Completed text 65976\n", + "Completed text 65977\n", + "Completed text 65978\n", + "Completed text 65979\n", + "Completed text 65980\n", + "Completed text 65981\n", + "Completed text 65982\n", + "Completed text 65983\n", + "Completed text 65984\n", + "Completed text 65985\n", + "Completed text 65986\n", + "Completed text 65987\n", + "Completed text 65988\n", + "Completed text 65989\n", + "Completed text 65990\n", + "Completed text 65991\n", + "Completed text 65992\n", + "Completed text 65993\n", + "Completed text 65994\n", + "Completed text 65995\n", + "Completed text 65996\n", + "Completed text 65997\n", + "Completed text 65998\n", + "Completed text 65999\n", + "Completed text 66000\n", + "Completed text 66001\n", + "Completed text 66002\n", + "Completed text 66003\n", + "Completed text 66004\n", + "Completed text 66005\n", + "Completed text 66006\n", + "Completed text 66007\n", + "Completed text 66008\n", + "Completed text 66009\n", + "Completed text 66010\n", + "Completed text 66011\n", + "Completed text 66012\n", + "Completed text 66013\n", + "Completed text 66014\n", + "Completed text 66015\n", + "Completed text 66016\n", + "Completed text 66017\n", + "Completed text 66018\n", + "Completed text 66019\n", + "Completed text 66020\n", + "Completed text 66021\n", + "Completed text 66022\n", + "Completed text 66023\n", + "Completed text 66024\n", + "Completed text 66025\n", + "Completed text 66026\n", + "Completed text 66027\n", + "Completed text 66028\n", + "Completed text 66029\n", + "Completed text 66030\n", + "Completed text 66031\n", + "Completed text 66032\n", + "Completed text 66033\n", + "Completed text 66034\n", + "Completed text 66035\n", + "Completed text 66036\n", + "Completed text 66037\n", + "Completed text 66038\n", + "Completed text 66039\n", + "Completed text 66040\n", + "Completed text 66041\n", + "Completed text 66042\n", + "Completed text 66043\n", + "Completed text 66044\n", + "Completed text 66045\n", + "Completed text 66046\n", + "Completed text 66047\n", + "Completed text 66048\n", + "Completed text 66049\n", + "Completed text 66050\n", + "Completed text 66051\n", + "Completed text 66052\n", + "Completed text 66053\n", + "Completed text 66054\n", + "Completed text 66055\n", + "Completed text 66056\n", + "Completed text 66057\n", + "Completed text 66058\n", + "Completed text 66059\n", + "Completed text 66060\n", + "Completed text 66061\n", + "Completed text 66062\n", + "Completed text 66063\n", + "Completed text 66064\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 66065\n", + "Completed text 66066\n", + "Completed text 66067\n", + "Completed text 66068\n", + "Completed text 66069\n", + "Completed text 66070\n", + "Completed text 66071\n", + "Completed text 66072\n", + "Completed text 66073\n", + "Completed text 66074\n", + "Completed text 66075\n", + "Completed text 66076\n", + "Completed text 66077\n", + "Completed text 66078\n", + "Completed text 66079\n", + "Completed text 66080\n", + "Completed text 66081\n", + "Completed text 66082\n", + "Completed text 66083\n", + "Completed text 66084\n", + "Completed text 66085\n", + "Completed text 66086\n", + "Completed text 66087\n", + "Completed text 66088\n", + "Completed text 66089\n", + "Completed text 66090\n", + "Completed text 66091\n", + "Completed text 66092\n", + "Completed text 66093\n", + "Completed text 66094\n", + "Completed text 66095\n", + "Completed text 66096\n", + "Completed text 66097\n", + "Completed text 66098\n", + "Completed text 66099\n", + "Completed text 66100\n", + "Completed text 66101\n", + "Completed text 66102\n", + "Completed text 66103\n", + "Completed text 66104\n", + "Completed text 66105\n", + "Completed text 66106\n", + "Completed text 66107\n", + "Completed text 66108\n", + "Completed text 66109\n", + "Completed text 66110\n", + "Completed text 66111\n", + "Completed text 66112\n", + "Completed text 66113\n", + "Completed text 66114\n", + "Completed text 66115\n", + "Completed text 66116\n", + "Completed text 66117\n", + "Completed text 66118\n", + "Completed text 66119\n", + "Completed text 66120\n", + "Completed text 66121\n", + "Completed text 66122\n", + "Completed text 66123\n", + "Completed text 66124\n", + "Completed text 66125\n", + "Completed text 66126\n", + "Completed text 66127\n", + "Completed text 66128\n", + "Completed text 66129\n", + "Completed text 66130\n", + "Completed text 66131\n", + "Completed text 66132\n", + "Completed text 66133\n", + "Completed text 66134\n", + "Completed text 66135\n", + "Completed text 66136\n", + "Completed text 66137\n", + "Completed text 66138\n", + "Completed text 66139\n", + "Completed text 66140\n", + "Completed text 66141\n", + "Completed text 66142\n", + "Completed text 66143\n", + "Completed text 66144\n", + "Completed text 66145\n", + "Completed text 66146\n", + "Completed text 66147\n", + "Completed text 66148\n", + "Completed text 66149\n", + "Completed text 66150\n", + "Completed text 66151\n", + "Completed text 66152\n", + "Completed text 66153\n", + "Completed text 66154\n", + "Completed text 66155\n", + "Completed text 66156\n", + "Completed text 66157\n", + "Completed text 66158\n", + "Completed text 66159\n", + "Completed text 66160\n", + "Completed text 66161\n", + "Completed text 66162\n", + "Completed text 66163\n", + "Completed text 66164\n", + "Completed text 66165\n", + "Completed text 66166\n", + "Completed text 66167\n", + "Completed text 66168\n", + "Completed text 66169\n", + "Completed text 66170\n", + "Completed text 66171\n", + "Completed text 66172\n", + "Completed text 66173\n", + "Completed text 66174\n", + "Completed text 66175\n", + "Completed text 66176\n", + "Completed text 66177\n", + "Completed text 66178\n", + "Completed text 66179\n", + "Completed text 66180\n", + "Completed text 66181\n", + "Completed text 66182\n", + "Completed text 66183\n", + "Completed text 66184\n", + "Completed text 66185\n", + "Completed text 66186\n", + "Completed text 66187\n", + "Completed text 66188\n", + "Completed text 66189\n", + "Completed text 66190\n", + "Completed text 66191\n", + "Completed text 66192\n", + "Completed text 66193\n", + "Completed text 66194\n", + "Completed text 66195\n", + "Completed text 66196\n", + "Completed text 66197\n", + "Completed text 66198\n", + "Completed text 66199\n", + "Completed text 66200\n", + "Completed text 66201\n", + "Completed text 66202\n", + "Completed text 66203\n", + "Completed text 66204\n", + "Completed text 66205\n", + "Completed text 66206\n", + "Completed text 66207\n", + "Completed text 66208\n", + "Completed text 66209\n", + "Completed text 66210\n", + "Completed text 66211\n", + "Completed text 66212\n", + "Completed text 66213\n", + "Completed text 66214\n", + "Completed text 66215\n", + "Completed text 66216\n", + "Completed text 66217\n", + "Completed text 66218\n", + "Completed text 66219\n", + "Completed text 66220\n", + "Completed text 66221\n", + "Completed text 66222\n", + "Completed text 66223\n", + "Completed text 66224\n", + "Completed text 66225\n", + "Completed text 66226\n", + "Completed text 66227\n", + "Completed text 66228\n", + "Completed text 66229\n", + "Completed text 66230\n", + "Completed text 66231\n", + "Completed text 66232\n", + "Completed text 66233\n", + "Completed text 66234\n", + "Completed text 66235\n", + "Completed text 66236\n", + "Completed text 66237\n", + "Completed text 66238\n", + "Completed text 66239\n", + "Completed text 66240\n", + "Completed text 66241\n", + "Completed text 66242\n", + "Completed text 66243\n", + "Completed text 66244\n", + "Completed text 66245\n", + "Completed text 66246\n", + "Completed text 66247\n", + "Completed text 66248\n", + "Completed text 66249\n", + "Completed text 66250\n", + "Completed text 66251\n", + "Completed text 66252\n", + "Completed text 66253\n", + "Completed text 66254\n", + "Completed text 66255\n", + "Completed text 66256\n", + "Completed text 66257\n", + "Completed text 66258\n", + "Completed text 66259\n", + "Completed text 66260\n", + "Completed text 66261\n", + "Completed text 66262\n", + "Completed text 66263\n", + "Completed text 66264\n", + "Completed text 66265\n", + "Completed text 66266\n", + "Completed text 66267\n", + "Completed text 66268\n", + "Completed text 66269\n", + "Completed text 66270\n", + "Completed text 66271\n", + "Completed text 66272\n", + "Completed text 66273\n", + "Completed text 66274\n", + "Completed text 66275\n", + "Completed text 66276\n", + "Completed text 66277\n", + "Completed text 66278\n", + "Completed text 66279\n", + "Completed text 66280\n", + "Completed text 66281\n", + "Completed text 66282\n", + "Completed text 66283\n", + "Completed text 66284\n", + "Completed text 66285\n", + "Completed text 66286\n", + "Completed text 66287\n", + "Completed text 66288\n", + "Completed text 66289\n", + "Completed text 66290\n", + "Completed text 66291\n", + "Completed text 66292\n", + "Completed text 66293\n", + "Completed text 66294\n", + "Completed text 66295\n", + "Completed text 66296\n", + "Completed text 66297\n", + "Completed text 66298\n", + "Completed text 66299\n", + "Completed text 66300\n", + "Completed text 66301\n", + "Completed text 66302\n", + "Completed text 66303\n", + "Completed text 66304\n", + "Completed text 66305\n", + "Completed text 66306\n", + "Completed text 66307\n", + "Completed text 66308\n", + "Completed text 66309\n", + "Completed text 66310\n", + "Completed text 66311\n", + "Completed text 66312\n", + "Completed text 66313\n", + "Completed text 66314\n", + "Completed text 66315\n", + "Completed text 66316\n", + "Completed text 66317\n", + "Completed text 66318\n", + "Completed text 66319\n", + "Completed text 66320\n", + "Completed text 66321\n", + "Completed text 66322\n", + "Completed text 66323\n", + "Completed text 66324\n", + "Completed text 66325\n", + "Completed text 66326\n", + "Completed text 66327\n", + "Completed text 66328\n", + "Completed text 66329\n", + "Completed text 66330\n", + "Completed text 66331\n", + "Completed text 66332\n", + "Completed text 66333\n", + "Completed text 66334\n", + "Completed text 66335\n", + "Completed text 66336\n", + "Completed text 66337\n", + "Completed text 66338\n", + "Completed text 66339\n", + "Completed text 66340\n", + "Completed text 66341\n", + "Completed text 66342\n", + "Completed text 66343\n", + "Completed text 66344\n", + "Completed text 66345\n", + "Completed text 66346\n", + "Completed text 66347\n", + "Completed text 66348\n", + "Completed text 66349\n", + "Completed text 66350\n", + "Completed text 66351\n", + "Completed text 66352\n", + "Completed text 66353\n", + "Completed text 66354\n", + "Completed text 66355\n", + "Completed text 66356\n", + "Completed text 66357\n", + "Completed text 66358\n", + "Completed text 66359\n", + "Completed text 66360\n", + "Completed text 66361\n", + "Completed text 66362\n", + "Completed text 66363\n", + "Completed text 66364\n", + "Completed text 66365\n", + "Completed text 66366\n", + "Completed text 66367\n", + "Completed text 66368\n", + "Completed text 66369\n", + "Completed text 66370\n", + "Completed text 66371\n", + "Completed text 66372\n", + "Completed text 66373\n", + "Completed text 66374\n", + "Completed text 66375\n", + "Completed text 66376\n", + "Completed text 66377\n", + "Completed text 66378\n", + "Completed text 66379\n", + "Completed text 66380\n", + "Completed text 66381\n", + "Completed text 66382\n", + "Completed text 66383\n", + "Completed text 66384\n", + "Completed text 66385\n", + "Completed text 66386\n", + "Completed text 66387\n", + "Completed text 66388\n", + "Completed text 66389\n", + "Completed text 66390\n", + "Completed text 66391\n", + "Completed text 66392\n", + "Completed text 66393\n", + "Completed text 66394\n", + "Completed text 66395\n", + "Completed text 66396\n", + "Completed text 66397\n", + "Completed text 66398\n", + "Completed text 66399\n", + "Completed text 66400\n", + "Completed text 66401\n", + "Completed text 66402\n", + "Completed text 66403\n", + "Completed text 66404\n", + "Completed text 66405\n", + "Completed text 66406\n", + "Completed text 66407\n", + "Completed text 66408\n", + "Completed text 66409\n", + "Completed text 66410\n", + "Completed text 66411\n", + "Completed text 66412\n", + "Completed text 66413\n", + "Completed text 66414\n", + "Completed text 66415\n", + "Completed text 66416\n", + "Completed text 66417\n", + "Completed text 66418\n", + "Completed text 66419\n", + "Completed text 66420\n", + "Completed text 66421\n", + "Completed text 66422\n", + "Completed text 66423\n", + "Completed text 66424\n", + "Completed text 66425\n", + "Completed text 66426\n", + "Completed text 66427\n", + "Completed text 66428\n", + "Completed text 66429\n", + "Completed text 66430\n", + "Completed text 66431\n", + "Completed text 66432\n", + "Completed text 66433\n", + "Completed text 66434\n", + "Completed text 66435\n", + "Completed text 66436\n", + "Completed text 66437\n", + "Completed text 66438\n", + "Completed text 66439\n", + "Completed text 66440\n", + "Completed text 66441\n", + "Completed text 66442\n", + "Completed text 66443\n", + "Completed text 66444\n", + "Completed text 66445\n", + "Completed text 66446\n", + "Completed text 66447\n", + "Completed text 66448\n", + "Completed text 66449\n", + "Completed text 66450\n", + "Completed text 66451\n", + "Completed text 66452\n", + "Completed text 66453\n", + "Completed text 66454\n", + "Completed text 66455\n", + "Completed text 66456\n", + "Completed text 66457\n", + "Completed text 66458\n", + "Completed text 66459\n", + "Completed text 66460\n", + "Completed text 66461\n", + "Completed text 66462\n", + "Completed text 66463\n", + "Completed text 66464\n", + "Completed text 66465\n", + "Completed text 66466\n", + "Completed text 66467\n", + "Completed text 66468\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 66469\n", + "Completed text 66470\n", + "Completed text 66471\n", + "Completed text 66472\n", + "Completed text 66473\n", + "Completed text 66474\n", + "Completed text 66475\n", + "Completed text 66476\n", + "Completed text 66477\n", + "Completed text 66478\n", + "Completed text 66479\n", + "Completed text 66480\n", + "Completed text 66481\n", + "Completed text 66482\n", + "Completed text 66483\n", + "Completed text 66484\n", + "Completed text 66485\n", + "Completed text 66486\n", + "Completed text 66487\n", + "Completed text 66488\n", + "Completed text 66489\n", + "Completed text 66490\n", + "Completed text 66491\n", + "Completed text 66492\n", + "Completed text 66493\n", + "Completed text 66494\n", + "Completed text 66495\n", + "Completed text 66496\n", + "Completed text 66497\n", + "Completed text 66498\n", + "Completed text 66499\n", + "Completed text 66500\n", + "Completed text 66501\n", + "Completed text 66502\n", + "Completed text 66503\n", + "Completed text 66504\n", + "Completed text 66505\n", + "Completed text 66506\n", + "Completed text 66507\n", + "Completed text 66508\n", + "Completed text 66509\n", + "Completed text 66510\n", + "Completed text 66511\n", + "Completed text 66512\n", + "Completed text 66513\n", + "Completed text 66514\n", + "Completed text 66515\n", + "Completed text 66516\n", + "Completed text 66517\n", + "Completed text 66518\n", + "Completed text 66519\n", + "Completed text 66520\n", + "Completed text 66521\n", + "Completed text 66522\n", + "Completed text 66523\n", + "Completed text 66524\n", + "Completed text 66525\n", + "Completed text 66526\n", + "Completed text 66527\n", + "Completed text 66528\n", + "Completed text 66529\n", + "Completed text 66530\n", + "Completed text 66531\n", + "Completed text 66532\n", + "Completed text 66533\n", + "Completed text 66534\n", + "Completed text 66535\n", + "Completed text 66536\n", + "Completed text 66537\n", + "Completed text 66538\n", + "Completed text 66539\n", + "Completed text 66540\n", + "Completed text 66541\n", + "Completed text 66542\n", + "Completed text 66543\n", + "Completed text 66544\n", + "Completed text 66545\n", + "Completed text 66546\n", + "Completed text 66547\n", + "Completed text 66548\n", + "Completed text 66549\n", + "Completed text 66550\n", + "Completed text 66551\n", + "Completed text 66552\n", + "Completed text 66553\n", + "Completed text 66554\n", + "Completed text 66555\n", + "Completed text 66556\n", + "Completed text 66557\n", + "Completed text 66558\n", + "Completed text 66559\n", + "Completed text 66560\n", + "Completed text 66561\n", + "Completed text 66562\n", + "Completed text 66563\n", + "Completed text 66564\n", + "Completed text 66565\n", + "Completed text 66566\n", + "Completed text 66567\n", + "Completed text 66568\n", + "Completed text 66569\n", + "Completed text 66570\n", + "Completed text 66571\n", + "Completed text 66572\n", + "Completed text 66573\n", + "Completed text 66574\n", + "Completed text 66575\n", + "Completed text 66576\n", + "Completed text 66577\n", + "Completed text 66578\n", + "Completed text 66579\n", + "Completed text 66580\n", + "Completed text 66581\n", + "Completed text 66582\n", + "Completed text 66583\n", + "Completed text 66584\n", + "Completed text 66585\n", + "Completed text 66586\n", + "Completed text 66587\n", + "Completed text 66588\n", + "Completed text 66589\n", + "Completed text 66590\n", + "Completed text 66591\n", + "Completed text 66592\n", + "Completed text 66593\n", + "Completed text 66594\n", + "Completed text 66595\n", + "Completed text 66596\n", + "Completed text 66597\n", + "Completed text 66598\n", + "Completed text 66599\n", + "Completed text 66600\n", + "Completed text 66601\n", + "Completed text 66602\n", + "Completed text 66603\n", + "Completed text 66604\n", + "Completed text 66605\n", + "Completed text 66606\n", + "Completed text 66607\n", + "Completed text 66608\n", + "Completed text 66609\n", + "Completed text 66610\n", + "Completed text 66611\n", + "Completed text 66612\n", + "Completed text 66613\n", + "Completed text 66614\n", + "Completed text 66615\n", + "Completed text 66616\n", + "Completed text 66617\n", + "Completed text 66618\n", + "Completed text 66619\n", + "Completed text 66620\n", + "Completed text 66621\n", + "Completed text 66622\n", + "Completed text 66623\n", + "Completed text 66624\n", + "Completed text 66625\n", + "Completed text 66626\n", + "Completed text 66627\n", + "Completed text 66628\n", + "Completed text 66629\n", + "Completed text 66630\n", + "Completed text 66631\n", + "Completed text 66632\n", + "Completed text 66633\n", + "Completed text 66634\n", + "Completed text 66635\n", + "Completed text 66636\n", + "Completed text 66637\n", + "Completed text 66638\n", + "Completed text 66639\n", + "Completed text 66640\n", + "Completed text 66641\n", + "Completed text 66642\n", + "Completed text 66643\n", + "Completed text 66644\n", + "Completed text 66645\n", + "Completed text 66646\n", + "Completed text 66647\n", + "Completed text 66648\n", + "Completed text 66649\n", + "Completed text 66650\n", + "Completed text 66651\n", + "Completed text 66652\n", + "Completed text 66653\n", + "Completed text 66654\n", + "Completed text 66655\n", + "Completed text 66656\n", + "Completed text 66657\n", + "Completed text 66658\n", + "Completed text 66659\n", + "Completed text 66660\n", + "Completed text 66661\n", + "Completed text 66662\n", + "Completed text 66663\n", + "Completed text 66664\n", + "Completed text 66665\n", + "Completed text 66666\n", + "Completed text 66667\n", + "Completed text 66668\n", + "Completed text 66669\n", + "Completed text 66670\n", + "Completed text 66671\n", + "Completed text 66672\n", + "Completed text 66673\n", + "Completed text 66674\n", + "Completed text 66675\n", + "Completed text 66676\n", + "Completed text 66677\n", + "Completed text 66678\n", + "Completed text 66679\n", + "Completed text 66680\n", + "Completed text 66681\n", + "Completed text 66682\n", + "Completed text 66683\n", + "Completed text 66684\n", + "Completed text 66685\n", + "Completed text 66686\n", + "Completed text 66687\n", + "Completed text 66688\n", + "Completed text 66689\n", + "Completed text 66690\n", + "Completed text 66691\n", + "Completed text 66692\n", + "Completed text 66693\n", + "Completed text 66694\n", + "Completed text 66695\n", + "Completed text 66696\n", + "Completed text 66697\n", + "Completed text 66698\n", + "Completed text 66699\n", + "Completed text 66700\n", + "Completed text 66701\n", + "Completed text 66702\n", + "Completed text 66703\n", + "Completed text 66704\n", + "Completed text 66705\n", + "Completed text 66706\n", + "Completed text 66707\n", + "Completed text 66708\n", + "Completed text 66709\n", + "Completed text 66710\n", + "Completed text 66711\n", + "Completed text 66712\n", + "Completed text 66713\n", + "Completed text 66714\n", + "Completed text 66715\n", + "Completed text 66716\n", + "Completed text 66717\n", + "Completed text 66718\n", + "Completed text 66719\n", + "Completed text 66720\n", + "Completed text 66721\n", + "Completed text 66722\n", + "Completed text 66723\n", + "Completed text 66724\n", + "Completed text 66725\n", + "Completed text 66726\n", + "Completed text 66727\n", + "Completed text 66728\n", + "Completed text 66729\n", + "Completed text 66730\n", + "Completed text 66731\n", + "Completed text 66732\n", + "Completed text 66733\n", + "Completed text 66734\n", + "Completed text 66735\n", + "Completed text 66736\n", + "Completed text 66737\n", + "Completed text 66738\n", + "Completed text 66739\n", + "Completed text 66740\n", + "Completed text 66741\n", + "Completed text 66742\n", + "Completed text 66743\n", + "Completed text 66744\n", + "Completed text 66745\n", + "Completed text 66746\n", + "Completed text 66747\n", + "Completed text 66748\n", + "Completed text 66749\n", + "Completed text 66750\n", + "Completed text 66751\n", + "Completed text 66752\n", + "Completed text 66753\n", + "Completed text 66754\n", + "Completed text 66755\n", + "Completed text 66756\n", + "Completed text 66757\n", + "Completed text 66758\n", + "Completed text 66759\n", + "Completed text 66760\n", + "Completed text 66761\n", + "Completed text 66762\n", + "Completed text 66763\n", + "Completed text 66764\n", + "Completed text 66765\n", + "Completed text 66766\n", + "Completed text 66767\n", + "Completed text 66768\n", + "Completed text 66769\n", + "Completed text 66770\n", + "Completed text 66771\n", + "Completed text 66772\n", + "Completed text 66773\n", + "Completed text 66774\n", + "Completed text 66775\n", + "Completed text 66776\n", + "Completed text 66777\n", + "Completed text 66778\n", + "Completed text 66779\n", + "Completed text 66780\n", + "Completed text 66781\n", + "Completed text 66782\n", + "Completed text 66783\n", + "Completed text 66784\n", + "Completed text 66785\n", + "Completed text 66786\n", + "Completed text 66787\n", + "Completed text 66788\n", + "Completed text 66789\n", + "Completed text 66790\n", + "Completed text 66791\n", + "Completed text 66792\n", + "Completed text 66793\n", + "Completed text 66794\n", + "Completed text 66795\n", + "Completed text 66796\n", + "Completed text 66797\n", + "Completed text 66798\n", + "Completed text 66799\n", + "Completed text 66800\n", + "Completed text 66801\n", + "Completed text 66802\n", + "Completed text 66803\n", + "Completed text 66804\n", + "Completed text 66805\n", + "Completed text 66806\n", + "Completed text 66807\n", + "Completed text 66808\n", + "Completed text 66809\n", + "Completed text 66810\n", + "Completed text 66811\n", + "Completed text 66812\n", + "Completed text 66813\n", + "Completed text 66814\n", + "Completed text 66815\n", + "Completed text 66816\n", + "Completed text 66817\n", + "Completed text 66818\n", + "Completed text 66819\n", + "Completed text 66820\n", + "Completed text 66821\n", + "Completed text 66822\n", + "Completed text 66823\n", + "Completed text 66824\n", + "Completed text 66825\n", + "Completed text 66826\n", + "Completed text 66827\n", + "Completed text 66828\n", + "Completed text 66829\n", + "Completed text 66830\n", + "Completed text 66831\n", + "Completed text 66832\n", + "Completed text 66833\n", + "Completed text 66834\n", + "Completed text 66835\n", + "Completed text 66836\n", + "Completed text 66837\n", + "Completed text 66838\n", + "Completed text 66839\n", + "Completed text 66840\n", + "Completed text 66841\n", + "Completed text 66842\n", + "Completed text 66843\n", + "Completed text 66844\n", + "Completed text 66845\n", + "Completed text 66846\n", + "Completed text 66847\n", + "Completed text 66848\n", + "Completed text 66849\n", + "Completed text 66850\n", + "Completed text 66851\n", + "Completed text 66852\n", + "Completed text 66853\n", + "Completed text 66854\n", + "Completed text 66855\n", + "Completed text 66856\n", + "Completed text 66857\n", + "Completed text 66858\n", + "Completed text 66859\n", + "Completed text 66860\n", + "Completed text 66861\n", + "Completed text 66862\n", + "Completed text 66863\n", + "Completed text 66864\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 66865\n", + "Completed text 66866\n", + "Completed text 66867\n", + "Completed text 66868\n", + "Completed text 66869\n", + "Completed text 66870\n", + "Completed text 66871\n", + "Completed text 66872\n", + "Completed text 66873\n", + "Completed text 66874\n", + "Completed text 66875\n", + "Completed text 66876\n", + "Completed text 66877\n", + "Completed text 66878\n", + "Completed text 66879\n", + "Completed text 66880\n", + "Completed text 66881\n", + "Completed text 66882\n", + "Completed text 66883\n", + "Completed text 66884\n", + "Completed text 66885\n", + "Completed text 66886\n", + "Completed text 66887\n", + "Completed text 66888\n", + "Completed text 66889\n", + "Completed text 66890\n", + "Completed text 66891\n", + "Completed text 66892\n", + "Completed text 66893\n", + "Completed text 66894\n", + "Completed text 66895\n", + "Completed text 66896\n", + "Completed text 66897\n", + "Completed text 66898\n", + "Completed text 66899\n", + "Completed text 66900\n", + "Completed text 66901\n", + "Completed text 66902\n", + "Completed text 66903\n", + "Completed text 66904\n", + "Completed text 66905\n", + "Completed text 66906\n", + "Completed text 66907\n", + "Completed text 66908\n", + "Completed text 66909\n", + "Completed text 66910\n", + "Completed text 66911\n", + "Completed text 66912\n", + "Completed text 66913\n", + "Completed text 66914\n", + "Completed text 66915\n", + "Completed text 66916\n", + "Completed text 66917\n", + "Completed text 66918\n", + "Completed text 66919\n", + "Completed text 66920\n", + "Completed text 66921\n", + "Completed text 66922\n", + "Completed text 66923\n", + "Completed text 66924\n", + "Completed text 66925\n", + "Completed text 66926\n", + "Completed text 66927\n", + "Completed text 66928\n", + "Completed text 66929\n", + "Completed text 66930\n", + "Completed text 66931\n", + "Completed text 66932\n", + "Completed text 66933\n", + "Completed text 66934\n", + "Completed text 66935\n", + "Completed text 66936\n", + "Completed text 66937\n", + "Completed text 66938\n", + "Completed text 66939\n", + "Completed text 66940\n", + "Completed text 66941\n", + "Completed text 66942\n", + "Completed text 66943\n", + "Completed text 66944\n", + "Completed text 66945\n", + "Completed text 66946\n", + "Completed text 66947\n", + "Completed text 66948\n", + "Completed text 66949\n", + "Completed text 66950\n", + "Completed text 66951\n", + "Completed text 66952\n", + "Completed text 66953\n", + "Completed text 66954\n", + "Completed text 66955\n", + "Completed text 66956\n", + "Completed text 66957\n", + "Completed text 66958\n", + "Completed text 66959\n", + "Completed text 66960\n", + "Completed text 66961\n", + "Completed text 66962\n", + "Completed text 66963\n", + "Completed text 66964\n", + "Completed text 66965\n", + "Completed text 66966\n", + "Completed text 66967\n", + "Completed text 66968\n", + "Completed text 66969\n", + "Completed text 66970\n", + "Completed text 66971\n", + "Completed text 66972\n", + "Completed text 66973\n", + "Completed text 66974\n", + "Completed text 66975\n", + "Completed text 66976\n", + "Completed text 66977\n", + "Completed text 66978\n", + "Completed text 66979\n", + "Completed text 66980\n", + "Completed text 66981\n", + "Completed text 66982\n", + "Completed text 66983\n", + "Completed text 66984\n", + "Completed text 66985\n", + "Completed text 66986\n", + "Completed text 66987\n", + "Completed text 66988\n", + "Completed text 66989\n", + "Completed text 66990\n", + "Completed text 66991\n", + "Completed text 66992\n", + "Completed text 66993\n", + "Completed text 66994\n", + "Completed text 66995\n", + "Completed text 66996\n", + "Completed text 66997\n", + "Completed text 66998\n", + "Completed text 66999\n", + "Completed text 67000\n", + "Completed text 67001\n", + "Completed text 67002\n", + "Completed text 67003\n", + "Completed text 67004\n", + "Completed text 67005\n", + "Completed text 67006\n", + "Completed text 67007\n", + "Completed text 67008\n", + "Completed text 67009\n", + "Completed text 67010\n", + "Completed text 67011\n", + "Completed text 67012\n", + "Completed text 67013\n", + "Completed text 67014\n", + "Completed text 67015\n", + "Completed text 67016\n", + "Completed text 67017\n", + "Completed text 67018\n", + "Completed text 67019\n", + "Completed text 67020\n", + "Completed text 67021\n", + "Completed text 67022\n", + "Completed text 67023\n", + "Completed text 67024\n", + "Completed text 67025\n", + "Completed text 67026\n", + "Completed text 67027\n", + "Completed text 67028\n", + "Completed text 67029\n", + "Completed text 67030\n", + "Completed text 67031\n", + "Completed text 67032\n", + "Completed text 67033\n", + "Completed text 67034\n", + "Completed text 67035\n", + "Completed text 67036\n", + "Completed text 67037\n", + "Completed text 67038\n", + "Completed text 67039\n", + "Completed text 67040\n", + "Completed text 67041\n", + "Completed text 67042\n", + "Completed text 67043\n", + "Completed text 67044\n", + "Completed text 67045\n", + "Completed text 67046\n", + "Completed text 67047\n", + "Completed text 67048\n", + "Completed text 67049\n", + "Completed text 67050\n", + "Completed text 67051\n", + "Completed text 67052\n", + "Completed text 67053\n", + "Completed text 67054\n", + "Completed text 67055\n", + "Completed text 67056\n", + "Completed text 67057\n", + "Completed text 67058\n", + "Completed text 67059\n", + "Completed text 67060\n", + "Completed text 67061\n", + "Completed text 67062\n", + "Completed text 67063\n", + "Completed text 67064\n", + "Completed text 67065\n", + "Completed text 67066\n", + "Completed text 67067\n", + "Completed text 67068\n", + "Completed text 67069\n", + "Completed text 67070\n", + "Completed text 67071\n", + "Completed text 67072\n", + "Completed text 67073\n", + "Completed text 67074\n", + "Completed text 67075\n", + "Completed text 67076\n", + "Completed text 67077\n", + "Completed text 67078\n", + "Completed text 67079\n", + "Completed text 67080\n", + "Completed text 67081\n", + "Completed text 67082\n", + "Completed text 67083\n", + "Completed text 67084\n", + "Completed text 67085\n", + "Completed text 67086\n", + "Completed text 67087\n", + "Completed text 67088\n", + "Completed text 67089\n", + "Completed text 67090\n", + "Completed text 67091\n", + "Completed text 67092\n", + "Completed text 67093\n", + "Completed text 67094\n", + "Completed text 67095\n", + "Completed text 67096\n", + "Completed text 67097\n", + "Completed text 67098\n", + "Completed text 67099\n", + "Completed text 67100\n", + "Completed text 67101\n", + "Completed text 67102\n", + "Completed text 67103\n", + "Completed text 67104\n", + "Completed text 67105\n", + "Completed text 67106\n", + "Completed text 67107\n", + "Completed text 67108\n", + "Completed text 67109\n", + "Completed text 67110\n", + "Completed text 67111\n", + "Completed text 67112\n", + "Completed text 67113\n", + "Completed text 67114\n", + "Completed text 67115\n", + "Completed text 67116\n", + "Completed text 67117\n", + "Completed text 67118\n", + "Completed text 67119\n", + "Completed text 67120\n", + "Completed text 67121\n", + "Completed text 67122\n", + "Completed text 67123\n", + "Completed text 67124\n", + "Completed text 67125\n", + "Completed text 67126\n", + "Completed text 67127\n", + "Completed text 67128\n", + "Completed text 67129\n", + "Completed text 67130\n", + "Completed text 67131\n", + "Completed text 67132\n", + "Completed text 67133\n", + "Completed text 67134\n", + "Completed text 67135\n", + "Completed text 67136\n", + "Completed text 67137\n", + "Completed text 67138\n", + "Completed text 67139\n", + "Completed text 67140\n", + "Completed text 67141\n", + "Completed text 67142\n", + "Completed text 67143\n", + "Completed text 67144\n", + "Completed text 67145\n", + "Completed text 67146\n", + "Completed text 67147\n", + "Completed text 67148\n", + "Completed text 67149\n", + "Completed text 67150\n", + "Completed text 67151\n", + "Completed text 67152\n", + "Completed text 67153\n", + "Completed text 67154\n", + "Completed text 67155\n", + "Completed text 67156\n", + "Completed text 67157\n", + "Completed text 67158\n", + "Completed text 67159\n", + "Completed text 67160\n", + "Completed text 67161\n", + "Completed text 67162\n", + "Completed text 67163\n", + "Completed text 67164\n", + "Completed text 67165\n", + "Completed text 67166\n", + "Completed text 67167\n", + "Completed text 67168\n", + "Completed text 67169\n", + "Completed text 67170\n", + "Completed text 67171\n", + "Completed text 67172\n", + "Completed text 67173\n", + "Completed text 67174\n", + "Completed text 67175\n", + "Completed text 67176\n", + "Completed text 67177\n", + "Completed text 67178\n", + "Completed text 67179\n", + "Completed text 67180\n", + "Completed text 67181\n", + "Completed text 67182\n", + "Completed text 67183\n", + "Completed text 67184\n", + "Completed text 67185\n", + "Completed text 67186\n", + "Completed text 67187\n", + "Completed text 67188\n", + "Completed text 67189\n", + "Completed text 67190\n", + "Completed text 67191\n", + "Completed text 67192\n", + "Completed text 67193\n", + "Completed text 67194\n", + "Completed text 67195\n", + "Completed text 67196\n", + "Completed text 67197\n", + "Completed text 67198\n", + "Completed text 67199\n", + "Completed text 67200\n", + "Completed text 67201\n", + "Completed text 67202\n", + "Completed text 67203\n", + "Completed text 67204\n", + "Completed text 67205\n", + "Completed text 67206\n", + "Completed text 67207\n", + "Completed text 67208\n", + "Completed text 67209\n", + "Completed text 67210\n", + "Completed text 67211\n", + "Completed text 67212\n", + "Completed text 67213\n", + "Completed text 67214\n", + "Completed text 67215\n", + "Completed text 67216\n", + "Completed text 67217\n", + "Completed text 67218\n", + "Completed text 67219\n", + "Completed text 67220\n", + "Completed text 67221\n", + "Completed text 67222\n", + "Completed text 67223\n", + "Completed text 67224\n", + "Completed text 67225\n", + "Completed text 67226\n", + "Completed text 67227\n", + "Completed text 67228\n", + "Completed text 67229\n", + "Completed text 67230\n", + "Completed text 67231\n", + "Completed text 67232\n", + "Completed text 67233\n", + "Completed text 67234\n", + "Completed text 67235\n", + "Completed text 67236\n", + "Completed text 67237\n", + "Completed text 67238\n", + "Completed text 67239\n", + "Completed text 67240\n", + "Completed text 67241\n", + "Completed text 67242\n", + "Completed text 67243\n", + "Completed text 67244\n", + "Completed text 67245\n", + "Completed text 67246\n", + "Completed text 67247\n", + "Completed text 67248\n", + "Completed text 67249\n", + "Completed text 67250\n", + "Completed text 67251\n", + "Completed text 67252\n", + "Completed text 67253\n", + "Completed text 67254\n", + "Completed text 67255\n", + "Completed text 67256\n", + "Completed text 67257\n", + "Completed text 67258\n", + "Completed text 67259\n", + "Completed text 67260\n", + "Completed text 67261\n", + "Completed text 67262\n", + "Completed text 67263\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 67264\n", + "Completed text 67265\n", + "Completed text 67266\n", + "Completed text 67267\n", + "Completed text 67268\n", + "Completed text 67269\n", + "Completed text 67270\n", + "Completed text 67271\n", + "Completed text 67272\n", + "Completed text 67273\n", + "Completed text 67274\n", + "Completed text 67275\n", + "Completed text 67276\n", + "Completed text 67277\n", + "Completed text 67278\n", + "Completed text 67279\n", + "Completed text 67280\n", + "Completed text 67281\n", + "Completed text 67282\n", + "Completed text 67283\n", + "Completed text 67284\n", + "Completed text 67285\n", + "Completed text 67286\n", + "Completed text 67287\n", + "Completed text 67288\n", + "Completed text 67289\n", + "Completed text 67290\n", + "Completed text 67291\n", + "Completed text 67292\n", + "Completed text 67293\n", + "Completed text 67294\n", + "Completed text 67295\n", + "Completed text 67296\n", + "Completed text 67297\n", + "Completed text 67298\n", + "Completed text 67299\n", + "Completed text 67300\n", + "Completed text 67301\n", + "Completed text 67302\n", + "Completed text 67303\n", + "Completed text 67304\n", + "Completed text 67305\n", + "Completed text 67306\n", + "Completed text 67307\n", + "Completed text 67308\n", + "Completed text 67309\n", + "Completed text 67310\n", + "Completed text 67311\n", + "Completed text 67312\n", + "Completed text 67313\n", + "Completed text 67314\n", + "Completed text 67315\n", + "Completed text 67316\n", + "Completed text 67317\n", + "Completed text 67318\n", + "Completed text 67319\n", + "Completed text 67320\n", + "Completed text 67321\n", + "Completed text 67322\n", + "Completed text 67323\n", + "Completed text 67324\n", + "Completed text 67325\n", + "Completed text 67326\n", + "Completed text 67327\n", + "Completed text 67328\n", + "Completed text 67329\n", + "Completed text 67330\n", + "Completed text 67331\n", + "Completed text 67332\n", + "Completed text 67333\n", + "Completed text 67334\n", + "Completed text 67335\n", + "Completed text 67336\n", + "Completed text 67337\n", + "Completed text 67338\n", + "Completed text 67339\n", + "Completed text 67340\n", + "Completed text 67341\n", + "Completed text 67342\n", + "Completed text 67343\n", + "Completed text 67344\n", + "Completed text 67345\n", + "Completed text 67346\n", + "Completed text 67347\n", + "Completed text 67348\n", + "Completed text 67349\n", + "Completed text 67350\n", + "Completed text 67351\n", + "Completed text 67352\n", + "Completed text 67353\n", + "Completed text 67354\n", + "Completed text 67355\n", + "Completed text 67356\n", + "Completed text 67357\n", + "Completed text 67358\n", + "Completed text 67359\n", + "Completed text 67360\n", + "Completed text 67361\n", + "Completed text 67362\n", + "Completed text 67363\n", + "Completed text 67364\n", + "Completed text 67365\n", + "Completed text 67366\n", + "Completed text 67367\n", + "Completed text 67368\n", + "Completed text 67369\n", + "Completed text 67370\n", + "Completed text 67371\n", + "Completed text 67372\n", + "Completed text 67373\n", + "Completed text 67374\n", + "Completed text 67375\n", + "Completed text 67376\n", + "Completed text 67377\n", + "Completed text 67378\n", + "Completed text 67379\n", + "Completed text 67380\n", + "Completed text 67381\n", + "Completed text 67382\n", + "Completed text 67383\n", + "Completed text 67384\n", + "Completed text 67385\n", + "Completed text 67386\n", + "Completed text 67387\n", + "Completed text 67388\n", + "Completed text 67389\n", + "Completed text 67390\n", + "Completed text 67391\n", + "Completed text 67392\n", + "Completed text 67393\n", + "Completed text 67394\n", + "Completed text 67395\n", + "Completed text 67396\n", + "Completed text 67397\n", + "Completed text 67398\n", + "Completed text 67399\n", + "Completed text 67400\n", + "Completed text 67401\n", + "Completed text 67402\n", + "Completed text 67403\n", + "Completed text 67404\n", + "Completed text 67405\n", + "Completed text 67406\n", + "Completed text 67407\n", + "Completed text 67408\n", + "Completed text 67409\n", + "Completed text 67410\n", + "Completed text 67411\n", + "Completed text 67412\n", + "Completed text 67413\n", + "Completed text 67414\n", + "Completed text 67415\n", + "Completed text 67416\n", + "Completed text 67417\n", + "Completed text 67418\n", + "Completed text 67419\n", + "Completed text 67420\n", + "Completed text 67421\n", + "Completed text 67422\n", + "Completed text 67423\n", + "Completed text 67424\n", + "Completed text 67425\n", + "Completed text 67426\n", + "Completed text 67427\n", + "Completed text 67428\n", + "Completed text 67429\n", + "Completed text 67430\n", + "Completed text 67431\n", + "Completed text 67432\n", + "Completed text 67433\n", + "Completed text 67434\n", + "Completed text 67435\n", + "Completed text 67436\n", + "Completed text 67437\n", + "Completed text 67438\n", + "Completed text 67439\n", + "Completed text 67440\n", + "Completed text 67441\n", + "Completed text 67442\n", + "Completed text 67443\n", + "Completed text 67444\n", + "Completed text 67445\n", + "Completed text 67446\n", + "Completed text 67447\n", + "Completed text 67448\n", + "Completed text 67449\n", + "Completed text 67450\n", + "Completed text 67451\n", + "Completed text 67452\n", + "Completed text 67453\n", + "Completed text 67454\n", + "Completed text 67455\n", + "Completed text 67456\n", + "Completed text 67457\n", + "Completed text 67458\n", + "Completed text 67459\n", + "Completed text 67460\n", + "Completed text 67461\n", + "Completed text 67462\n", + "Completed text 67463\n", + "Completed text 67464\n", + "Completed text 67465\n", + "Completed text 67466\n", + "Completed text 67467\n", + "Completed text 67468\n", + "Completed text 67469\n", + "Completed text 67470\n", + "Completed text 67471\n", + "Completed text 67472\n", + "Completed text 67473\n", + "Completed text 67474\n", + "Completed text 67475\n", + "Completed text 67476\n", + "Completed text 67477\n", + "Completed text 67478\n", + "Completed text 67479\n", + "Completed text 67480\n", + "Completed text 67481\n", + "Completed text 67482\n", + "Completed text 67483\n", + "Completed text 67484\n", + "Completed text 67485\n", + "Completed text 67486\n", + "Completed text 67487\n", + "Completed text 67488\n", + "Completed text 67489\n", + "Completed text 67490\n", + "Completed text 67491\n", + "Completed text 67492\n", + "Completed text 67493\n", + "Completed text 67494\n", + "Completed text 67495\n", + "Completed text 67496\n", + "Completed text 67497\n", + "Completed text 67498\n", + "Completed text 67499\n", + "Completed text 67500\n", + "Completed text 67501\n", + "Completed text 67502\n", + "Completed text 67503\n", + "Completed text 67504\n", + "Completed text 67505\n", + "Completed text 67506\n", + "Completed text 67507\n", + "Completed text 67508\n", + "Completed text 67509\n", + "Completed text 67510\n", + "Completed text 67511\n", + "Completed text 67512\n", + "Completed text 67513\n", + "Completed text 67514\n", + "Completed text 67515\n", + "Completed text 67516\n", + "Completed text 67517\n", + "Completed text 67518\n", + "Completed text 67519\n", + "Completed text 67520\n", + "Completed text 67521\n", + "Completed text 67522\n", + "Completed text 67523\n", + "Completed text 67524\n", + "Completed text 67525\n", + "Completed text 67526\n", + "Completed text 67527\n", + "Completed text 67528\n", + "Completed text 67529\n", + "Completed text 67530\n", + "Completed text 67531\n", + "Completed text 67532\n", + "Completed text 67533\n", + "Completed text 67534\n", + "Completed text 67535\n", + "Completed text 67536\n", + "Completed text 67537\n", + "Completed text 67538\n", + "Completed text 67539\n", + "Completed text 67540\n", + "Completed text 67541\n", + "Completed text 67542\n", + "Completed text 67543\n", + "Completed text 67544\n", + "Completed text 67545\n", + "Completed text 67546\n", + "Completed text 67547\n", + "Completed text 67548\n", + "Completed text 67549\n", + "Completed text 67550\n", + "Completed text 67551\n", + "Completed text 67552\n", + "Completed text 67553\n", + "Completed text 67554\n", + "Completed text 67555\n", + "Completed text 67556\n", + "Completed text 67557\n", + "Completed text 67558\n", + "Completed text 67559\n", + "Completed text 67560\n", + "Completed text 67561\n", + "Completed text 67562\n", + "Completed text 67563\n", + "Completed text 67564\n", + "Completed text 67565\n", + "Completed text 67566\n", + "Completed text 67567\n", + "Completed text 67568\n", + "Completed text 67569\n", + "Completed text 67570\n", + "Completed text 67571\n", + "Completed text 67572\n", + "Completed text 67573\n", + "Completed text 67574\n", + "Completed text 67575\n", + "Completed text 67576\n", + "Completed text 67577\n", + "Completed text 67578\n", + "Completed text 67579\n", + "Completed text 67580\n", + "Completed text 67581\n", + "Completed text 67582\n", + "Completed text 67583\n", + "Completed text 67584\n", + "Completed text 67585\n", + "Completed text 67586\n", + "Completed text 67587\n", + "Completed text 67588\n", + "Completed text 67589\n", + "Completed text 67590\n", + "Completed text 67591\n", + "Completed text 67592\n", + "Completed text 67593\n", + "Completed text 67594\n", + "Completed text 67595\n", + "Completed text 67596\n", + "Completed text 67597\n", + "Completed text 67598\n", + "Completed text 67599\n", + "Completed text 67600\n", + "Completed text 67601\n", + "Completed text 67602\n", + "Completed text 67603\n", + "Completed text 67604\n", + "Completed text 67605\n", + "Completed text 67606\n", + "Completed text 67607\n", + "Completed text 67608\n", + "Completed text 67609\n", + "Completed text 67610\n", + "Completed text 67611\n", + "Completed text 67612\n", + "Completed text 67613\n", + "Completed text 67614\n", + "Completed text 67615\n", + "Completed text 67616\n", + "Completed text 67617\n", + "Completed text 67618\n", + "Completed text 67619\n", + "Completed text 67620\n", + "Completed text 67621\n", + "Completed text 67622\n", + "Completed text 67623\n", + "Completed text 67624\n", + "Completed text 67625\n", + "Completed text 67626\n", + "Completed text 67627\n", + "Completed text 67628\n", + "Completed text 67629\n", + "Completed text 67630\n", + "Completed text 67631\n", + "Completed text 67632\n", + "Completed text 67633\n", + "Completed text 67634\n", + "Completed text 67635\n", + "Completed text 67636\n", + "Completed text 67637\n", + "Completed text 67638\n", + "Completed text 67639\n", + "Completed text 67640\n", + "Completed text 67641\n", + "Completed text 67642\n", + "Completed text 67643\n", + "Completed text 67644\n", + "Completed text 67645\n", + "Completed text 67646\n", + "Completed text 67647\n", + "Completed text 67648\n", + "Completed text 67649\n", + "Completed text 67650\n", + "Completed text 67651\n", + "Completed text 67652\n", + "Completed text 67653\n", + "Completed text 67654\n", + "Completed text 67655\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 67656\n", + "Completed text 67657\n", + "Completed text 67658\n", + "Completed text 67659\n", + "Completed text 67660\n", + "Completed text 67661\n", + "Completed text 67662\n", + "Completed text 67663\n", + "Completed text 67664\n", + "Completed text 67665\n", + "Completed text 67666\n", + "Completed text 67667\n", + "Completed text 67668\n", + "Completed text 67669\n", + "Completed text 67670\n", + "Completed text 67671\n", + "Completed text 67672\n", + "Completed text 67673\n", + "Completed text 67674\n", + "Completed text 67675\n", + "Completed text 67676\n", + "Completed text 67677\n", + "Completed text 67678\n", + "Completed text 67679\n", + "Completed text 67680\n", + "Completed text 67681\n", + "Completed text 67682\n", + "Completed text 67683\n", + "Completed text 67684\n", + "Completed text 67685\n", + "Completed text 67686\n", + "Completed text 67687\n", + "Completed text 67688\n", + "Completed text 67689\n", + "Completed text 67690\n", + "Completed text 67691\n", + "Completed text 67692\n", + "Completed text 67693\n", + "Completed text 67694\n", + "Completed text 67695\n", + "Completed text 67696\n", + "Completed text 67697\n", + "Completed text 67698\n", + "Completed text 67699\n", + "Completed text 67700\n", + "Completed text 67701\n", + "Completed text 67702\n", + "Completed text 67703\n", + "Completed text 67704\n", + "Completed text 67705\n", + "Completed text 67706\n", + "Completed text 67707\n", + "Completed text 67708\n", + "Completed text 67709\n", + "Completed text 67710\n", + "Completed text 67711\n", + "Completed text 67712\n", + "Completed text 67713\n", + "Completed text 67714\n", + "Completed text 67715\n", + "Completed text 67716\n", + "Completed text 67717\n", + "Completed text 67718\n", + "Completed text 67719\n", + "Completed text 67720\n", + "Completed text 67721\n", + "Completed text 67722\n", + "Completed text 67723\n", + "Completed text 67724\n", + "Completed text 67725\n", + "Completed text 67726\n", + "Completed text 67727\n", + "Completed text 67728\n", + "Completed text 67729\n", + "Completed text 67730\n", + "Completed text 67731\n", + "Completed text 67732\n", + "Completed text 67733\n", + "Completed text 67734\n", + "Completed text 67735\n", + "Completed text 67736\n", + "Completed text 67737\n", + "Completed text 67738\n", + "Completed text 67739\n", + "Completed text 67740\n", + "Completed text 67741\n", + "Completed text 67742\n", + "Completed text 67743\n", + "Completed text 67744\n", + "Completed text 67745\n", + "Completed text 67746\n", + "Completed text 67747\n", + "Completed text 67748\n", + "Completed text 67749\n", + "Completed text 67750\n", + "Completed text 67751\n", + "Completed text 67752\n", + "Completed text 67753\n", + "Completed text 67754\n", + "Completed text 67755\n", + "Completed text 67756\n", + "Completed text 67757\n", + "Completed text 67758\n", + "Completed text 67759\n", + "Completed text 67760\n", + "Completed text 67761\n", + "Completed text 67762\n", + "Completed text 67763\n", + "Completed text 67764\n", + "Completed text 67765\n", + "Completed text 67766\n", + "Completed text 67767\n", + "Completed text 67768\n", + "Completed text 67769\n", + "Completed text 67770\n", + "Completed text 67771\n", + "Completed text 67772\n", + "Completed text 67773\n", + "Completed text 67774\n", + "Completed text 67775\n", + "Completed text 67776\n", + "Completed text 67777\n", + "Completed text 67778\n", + "Completed text 67779\n", + "Completed text 67780\n", + "Completed text 67781\n", + "Completed text 67782\n", + "Completed text 67783\n", + "Completed text 67784\n", + "Completed text 67785\n", + "Completed text 67786\n", + "Completed text 67787\n", + "Completed text 67788\n", + "Completed text 67789\n", + "Completed text 67790\n", + "Completed text 67791\n", + "Completed text 67792\n", + "Completed text 67793\n", + "Completed text 67794\n", + "Completed text 67795\n", + "Completed text 67796\n", + "Completed text 67797\n", + "Completed text 67798\n", + "Completed text 67799\n", + "Completed text 67800\n", + "Completed text 67801\n", + "Completed text 67802\n", + "Completed text 67803\n", + "Completed text 67804\n", + "Completed text 67805\n", + "Completed text 67806\n", + "Completed text 67807\n", + "Completed text 67808\n", + "Completed text 67809\n", + "Completed text 67810\n", + "Completed text 67811\n", + "Completed text 67812\n", + "Completed text 67813\n", + "Completed text 67814\n", + "Completed text 67815\n", + "Completed text 67816\n", + "Completed text 67817\n", + "Completed text 67818\n", + "Completed text 67819\n", + "Completed text 67820\n", + "Completed text 67821\n", + "Completed text 67822\n", + "Completed text 67823\n", + "Completed text 67824\n", + "Completed text 67825\n", + "Completed text 67826\n", + "Completed text 67827\n", + "Completed text 67828\n", + "Completed text 67829\n", + "Completed text 67830\n", + "Completed text 67831\n", + "Completed text 67832\n", + "Completed text 67833\n", + "Completed text 67834\n", + "Completed text 67835\n", + "Completed text 67836\n", + "Completed text 67837\n", + "Completed text 67838\n", + "Completed text 67839\n", + "Completed text 67840\n", + "Completed text 67841\n", + "Completed text 67842\n", + "Completed text 67843\n", + "Completed text 67844\n", + "Completed text 67845\n", + "Completed text 67846\n", + "Completed text 67847\n", + "Completed text 67848\n", + "Completed text 67849\n", + "Completed text 67850\n", + "Completed text 67851\n", + "Completed text 67852\n", + "Completed text 67853\n", + "Completed text 67854\n", + "Completed text 67855\n", + "Completed text 67856\n", + "Completed text 67857\n", + "Completed text 67858\n", + "Completed text 67859\n", + "Completed text 67860\n", + "Completed text 67861\n", + "Completed text 67862\n", + "Completed text 67863\n", + "Completed text 67864\n", + "Completed text 67865\n", + "Completed text 67866\n", + "Completed text 67867\n", + "Completed text 67868\n", + "Completed text 67869\n", + "Completed text 67870\n", + "Completed text 67871\n", + "Completed text 67872\n", + "Completed text 67873\n", + "Completed text 67874\n", + "Completed text 67875\n", + "Completed text 67876\n", + "Completed text 67877\n", + "Completed text 67878\n", + "Completed text 67879\n", + "Completed text 67880\n", + "Completed text 67881\n", + "Completed text 67882\n", + "Completed text 67883\n", + "Completed text 67884\n", + "Completed text 67885\n", + "Completed text 67886\n", + "Completed text 67887\n", + "Completed text 67888\n", + "Completed text 67889\n", + "Completed text 67890\n", + "Completed text 67891\n", + "Completed text 67892\n", + "Completed text 67893\n", + "Completed text 67894\n", + "Completed text 67895\n", + "Completed text 67896\n", + "Completed text 67897\n", + "Completed text 67898\n", + "Completed text 67899\n", + "Completed text 67900\n", + "Completed text 67901\n", + "Completed text 67902\n", + "Completed text 67903\n", + "Completed text 67904\n", + "Completed text 67905\n", + "Completed text 67906\n", + "Completed text 67907\n", + "Completed text 67908\n", + "Completed text 67909\n", + "Completed text 67910\n", + "Completed text 67911\n", + "Completed text 67912\n", + "Completed text 67913\n", + "Completed text 67914\n", + "Completed text 67915\n", + "Completed text 67916\n", + "Completed text 67917\n", + "Completed text 67918\n", + "Completed text 67919\n", + "Completed text 67920\n", + "Completed text 67921\n", + "Completed text 67922\n", + "Completed text 67923\n", + "Completed text 67924\n", + "Completed text 67925\n", + "Completed text 67926\n", + "Completed text 67927\n", + "Completed text 67928\n", + "Completed text 67929\n", + "Completed text 67930\n", + "Completed text 67931\n", + "Completed text 67932\n", + "Completed text 67933\n", + "Completed text 67934\n", + "Completed text 67935\n", + "Completed text 67936\n", + "Completed text 67937\n", + "Completed text 67938\n", + "Completed text 67939\n", + "Completed text 67940\n", + "Completed text 67941\n", + "Completed text 67942\n", + "Completed text 67943\n", + "Completed text 67944\n", + "Completed text 67945\n", + "Completed text 67946\n", + "Completed text 67947\n", + "Completed text 67948\n", + "Completed text 67949\n", + "Completed text 67950\n", + "Completed text 67951\n", + "Completed text 67952\n", + "Completed text 67953\n", + "Completed text 67954\n", + "Completed text 67955\n", + "Completed text 67956\n", + "Completed text 67957\n", + "Completed text 67958\n", + "Completed text 67959\n", + "Completed text 67960\n", + "Completed text 67961\n", + "Completed text 67962\n", + "Completed text 67963\n", + "Completed text 67964\n", + "Completed text 67965\n", + "Completed text 67966\n", + "Completed text 67967\n", + "Completed text 67968\n", + "Completed text 67969\n", + "Completed text 67970\n", + "Completed text 67971\n", + "Completed text 67972\n", + "Completed text 67973\n", + "Completed text 67974\n", + "Completed text 67975\n", + "Completed text 67976\n", + "Completed text 67977\n", + "Completed text 67978\n", + "Completed text 67979\n", + "Completed text 67980\n", + "Completed text 67981\n", + "Completed text 67982\n", + "Completed text 67983\n", + "Completed text 67984\n", + "Completed text 67985\n", + "Completed text 67986\n", + "Completed text 67987\n", + "Completed text 67988\n", + "Completed text 67989\n", + "Completed text 67990\n", + "Completed text 67991\n", + "Completed text 67992\n", + "Completed text 67993\n", + "Completed text 67994\n", + "Completed text 67995\n", + "Completed text 67996\n", + "Completed text 67997\n", + "Completed text 67998\n", + "Completed text 67999\n", + "Completed text 68000\n", + "Completed text 68001\n", + "Completed text 68002\n", + "Completed text 68003\n", + "Completed text 68004\n", + "Completed text 68005\n", + "Completed text 68006\n", + "Completed text 68007\n", + "Completed text 68008\n", + "Completed text 68009\n", + "Completed text 68010\n", + "Completed text 68011\n", + "Completed text 68012\n", + "Completed text 68013\n", + "Completed text 68014\n", + "Completed text 68015\n", + "Completed text 68016\n", + "Completed text 68017\n", + "Completed text 68018\n", + "Completed text 68019\n", + "Completed text 68020\n", + "Completed text 68021\n", + "Completed text 68022\n", + "Completed text 68023\n", + "Completed text 68024\n", + "Completed text 68025\n", + "Completed text 68026\n", + "Completed text 68027\n", + "Completed text 68028\n", + "Completed text 68029\n", + "Completed text 68030\n", + "Completed text 68031\n", + "Completed text 68032\n", + "Completed text 68033\n", + "Completed text 68034\n", + "Completed text 68035\n", + "Completed text 68036\n", + "Completed text 68037\n", + "Completed text 68038\n", + "Completed text 68039\n", + "Completed text 68040\n", + "Completed text 68041\n", + "Completed text 68042\n", + "Completed text 68043\n", + "Completed text 68044\n", + "Completed text 68045\n", + "Completed text 68046\n", + "Completed text 68047\n", + "Completed text 68048\n", + "Completed text 68049\n", + "Completed text 68050\n", + "Completed text 68051\n", + "Completed text 68052\n", + "Completed text 68053\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 68054\n", + "Completed text 68055\n", + "Completed text 68056\n", + "Completed text 68057\n", + "Completed text 68058\n", + "Completed text 68059\n", + "Completed text 68060\n", + "Completed text 68061\n", + "Completed text 68062\n", + "Completed text 68063\n", + "Completed text 68064\n", + "Completed text 68065\n", + "Completed text 68066\n", + "Completed text 68067\n", + "Completed text 68068\n", + "Completed text 68069\n", + "Completed text 68070\n", + "Completed text 68071\n", + "Completed text 68072\n", + "Completed text 68073\n", + "Completed text 68074\n", + "Completed text 68075\n", + "Completed text 68076\n", + "Completed text 68077\n", + "Completed text 68078\n", + "Completed text 68079\n", + "Completed text 68080\n", + "Completed text 68081\n", + "Completed text 68082\n", + "Completed text 68083\n", + "Completed text 68084\n", + "Completed text 68085\n", + "Completed text 68086\n", + "Completed text 68087\n", + "Completed text 68088\n", + "Completed text 68089\n", + "Completed text 68090\n", + "Completed text 68091\n", + "Completed text 68092\n", + "Completed text 68093\n", + "Completed text 68094\n", + "Completed text 68095\n", + "Completed text 68096\n", + "Completed text 68097\n", + "Completed text 68098\n", + "Completed text 68099\n", + "Completed text 68100\n", + "Completed text 68101\n", + "Completed text 68102\n", + "Completed text 68103\n", + "Completed text 68104\n", + "Completed text 68105\n", + "Completed text 68106\n", + "Completed text 68107\n", + "Completed text 68108\n", + "Completed text 68109\n", + "Completed text 68110\n", + "Completed text 68111\n", + "Completed text 68112\n", + "Completed text 68113\n", + "Completed text 68114\n", + "Completed text 68115\n", + "Completed text 68116\n", + "Completed text 68117\n", + "Completed text 68118\n", + "Completed text 68119\n", + "Completed text 68120\n", + "Completed text 68121\n", + "Completed text 68122\n", + "Completed text 68123\n", + "Completed text 68124\n", + "Completed text 68125\n", + "Completed text 68126\n", + "Completed text 68127\n", + "Completed text 68128\n", + "Completed text 68129\n", + "Completed text 68130\n", + "Completed text 68131\n", + "Completed text 68132\n", + "Completed text 68133\n", + "Completed text 68134\n", + "Completed text 68135\n", + "Completed text 68136\n", + "Completed text 68137\n", + "Completed text 68138\n", + "Completed text 68139\n", + "Completed text 68140\n", + "Completed text 68141\n", + "Completed text 68142\n", + "Completed text 68143\n", + "Completed text 68144\n", + "Completed text 68145\n", + "Completed text 68146\n", + "Completed text 68147\n", + "Completed text 68148\n", + "Completed text 68149\n", + "Completed text 68150\n", + "Completed text 68151\n", + "Completed text 68152\n", + "Completed text 68153\n", + "Completed text 68154\n", + "Completed text 68155\n", + "Completed text 68156\n", + "Completed text 68157\n", + "Completed text 68158\n", + "Completed text 68159\n", + "Completed text 68160\n", + "Completed text 68161\n", + "Completed text 68162\n", + "Completed text 68163\n", + "Completed text 68164\n", + "Completed text 68165\n", + "Completed text 68166\n", + "Completed text 68167\n", + "Completed text 68168\n", + "Completed text 68169\n", + "Completed text 68170\n", + "Completed text 68171\n", + "Completed text 68172\n", + "Completed text 68173\n", + "Completed text 68174\n", + "Completed text 68175\n", + "Completed text 68176\n", + "Completed text 68177\n", + "Completed text 68178\n", + "Completed text 68179\n", + "Completed text 68180\n", + "Completed text 68181\n", + "Completed text 68182\n", + "Completed text 68183\n", + "Completed text 68184\n", + "Completed text 68185\n", + "Completed text 68186\n", + "Completed text 68187\n", + "Completed text 68188\n", + "Completed text 68189\n", + "Completed text 68190\n", + "Completed text 68191\n", + "Completed text 68192\n", + "Completed text 68193\n", + "Completed text 68194\n", + "Completed text 68195\n", + "Completed text 68196\n", + "Completed text 68197\n", + "Completed text 68198\n", + "Completed text 68199\n", + "Completed text 68200\n", + "Completed text 68201\n", + "Completed text 68202\n", + "Completed text 68203\n", + "Completed text 68204\n", + "Completed text 68205\n", + "Completed text 68206\n", + "Completed text 68207\n", + "Completed text 68208\n", + "Completed text 68209\n", + "Completed text 68210\n", + "Completed text 68211\n", + "Completed text 68212\n", + "Completed text 68213\n", + "Completed text 68214\n", + "Completed text 68215\n", + "Completed text 68216\n", + "Completed text 68217\n", + "Completed text 68218\n", + "Completed text 68219\n", + "Completed text 68220\n", + "Completed text 68221\n", + "Completed text 68222\n", + "Completed text 68223\n", + "Completed text 68224\n", + "Completed text 68225\n", + "Completed text 68226\n", + "Completed text 68227\n", + "Completed text 68228\n", + "Completed text 68229\n", + "Completed text 68230\n", + "Completed text 68231\n", + "Completed text 68232\n", + "Completed text 68233\n", + "Completed text 68234\n", + "Completed text 68235\n", + "Completed text 68236\n", + "Completed text 68237\n", + "Completed text 68238\n", + "Completed text 68239\n", + "Completed text 68240\n", + "Completed text 68241\n", + "Completed text 68242\n", + "Completed text 68243\n", + "Completed text 68244\n", + "Completed text 68245\n", + "Completed text 68246\n", + "Completed text 68247\n", + "Completed text 68248\n", + "Completed text 68249\n", + "Completed text 68250\n", + "Completed text 68251\n", + "Completed text 68252\n", + "Completed text 68253\n", + "Completed text 68254\n", + "Completed text 68255\n", + "Completed text 68256\n", + "Completed text 68257\n", + "Completed text 68258\n", + "Completed text 68259\n", + "Completed text 68260\n", + "Completed text 68261\n", + "Completed text 68262\n", + "Completed text 68263\n", + "Completed text 68264\n", + "Completed text 68265\n", + "Completed text 68266\n", + "Completed text 68267\n", + "Completed text 68268\n", + "Completed text 68269\n", + "Completed text 68270\n", + "Completed text 68271\n", + "Completed text 68272\n", + "Completed text 68273\n", + "Completed text 68274\n", + "Completed text 68275\n", + "Completed text 68276\n", + "Completed text 68277\n", + "Completed text 68278\n", + "Completed text 68279\n", + "Completed text 68280\n", + "Completed text 68281\n", + "Completed text 68282\n", + "Completed text 68283\n", + "Completed text 68284\n", + "Completed text 68285\n", + "Completed text 68286\n", + "Completed text 68287\n", + "Completed text 68288\n", + "Completed text 68289\n", + "Completed text 68290\n", + "Completed text 68291\n", + "Completed text 68292\n", + "Completed text 68293\n", + "Completed text 68294\n", + "Completed text 68295\n", + "Completed text 68296\n", + "Completed text 68297\n", + "Completed text 68298\n", + "Completed text 68299\n", + "Completed text 68300\n", + "Completed text 68301\n", + "Completed text 68302\n", + "Completed text 68303\n", + "Completed text 68304\n", + "Completed text 68305\n", + "Completed text 68306\n", + "Completed text 68307\n", + "Completed text 68308\n", + "Completed text 68309\n", + "Completed text 68310\n", + "Completed text 68311\n", + "Completed text 68312\n", + "Completed text 68313\n", + "Completed text 68314\n", + "Completed text 68315\n", + "Completed text 68316\n", + "Completed text 68317\n", + "Completed text 68318\n", + "Completed text 68319\n", + "Completed text 68320\n", + "Completed text 68321\n", + "Completed text 68322\n", + "Completed text 68323\n", + "Completed text 68324\n", + "Completed text 68325\n", + "Completed text 68326\n", + "Completed text 68327\n", + "Completed text 68328\n", + "Completed text 68329\n", + "Completed text 68330\n", + "Completed text 68331\n", + "Completed text 68332\n", + "Completed text 68333\n", + "Completed text 68334\n", + "Completed text 68335\n", + "Completed text 68336\n", + "Completed text 68337\n", + "Completed text 68338\n", + "Completed text 68339\n", + "Completed text 68340\n", + "Completed text 68341\n", + "Completed text 68342\n", + "Completed text 68343\n", + "Completed text 68344\n", + "Completed text 68345\n", + "Completed text 68346\n", + "Completed text 68347\n", + "Completed text 68348\n", + "Completed text 68349\n", + "Completed text 68350\n", + "Completed text 68351\n", + "Completed text 68352\n", + "Completed text 68353\n", + "Completed text 68354\n", + "Completed text 68355\n", + "Completed text 68356\n", + "Completed text 68357\n", + "Completed text 68358\n", + "Completed text 68359\n", + "Completed text 68360\n", + "Completed text 68361\n", + "Completed text 68362\n", + "Completed text 68363\n", + "Completed text 68364\n", + "Completed text 68365\n", + "Completed text 68366\n", + "Completed text 68367\n", + "Completed text 68368\n", + "Completed text 68369\n", + "Completed text 68370\n", + "Completed text 68371\n", + "Completed text 68372\n", + "Completed text 68373\n", + "Completed text 68374\n", + "Completed text 68375\n", + "Completed text 68376\n", + "Completed text 68377\n", + "Completed text 68378\n", + "Completed text 68379\n", + "Completed text 68380\n", + "Completed text 68381\n", + "Completed text 68382\n", + "Completed text 68383\n", + "Completed text 68384\n", + "Completed text 68385\n", + "Completed text 68386\n", + "Completed text 68387\n", + "Completed text 68388\n", + "Completed text 68389\n", + "Completed text 68390\n", + "Completed text 68391\n", + "Completed text 68392\n", + "Completed text 68393\n", + "Completed text 68394\n", + "Completed text 68395\n", + "Completed text 68396\n", + "Completed text 68397\n", + "Completed text 68398\n", + "Completed text 68399\n", + "Completed text 68400\n", + "Completed text 68401\n", + "Completed text 68402\n", + "Completed text 68403\n", + "Completed text 68404\n", + "Completed text 68405\n", + "Completed text 68406\n", + "Completed text 68407\n", + "Completed text 68408\n", + "Completed text 68409\n", + "Completed text 68410\n", + "Completed text 68411\n", + "Completed text 68412\n", + "Completed text 68413\n", + "Completed text 68414\n", + "Completed text 68415\n", + "Completed text 68416\n", + "Completed text 68417\n", + "Completed text 68418\n", + "Completed text 68419\n", + "Completed text 68420\n", + "Completed text 68421\n", + "Completed text 68422\n", + "Completed text 68423\n", + "Completed text 68424\n", + "Completed text 68425\n", + "Completed text 68426\n", + "Completed text 68427\n", + "Completed text 68428\n", + "Completed text 68429\n", + "Completed text 68430\n", + "Completed text 68431\n", + "Completed text 68432\n", + "Completed text 68433\n", + "Completed text 68434\n", + "Completed text 68435\n", + "Completed text 68436\n", + "Completed text 68437\n", + "Completed text 68438\n", + "Completed text 68439\n", + "Completed text 68440\n", + "Completed text 68441\n", + "Completed text 68442\n", + "Completed text 68443\n", + "Completed text 68444\n", + "Completed text 68445\n", + "Completed text 68446\n", + "Completed text 68447\n", + "Completed text 68448\n", + "Completed text 68449\n", + "Completed text 68450\n", + "Completed text 68451\n", + "Completed text 68452\n", + "Completed text 68453\n", + "Completed text 68454\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 68455\n", + "Completed text 68456\n", + "Completed text 68457\n", + "Completed text 68458\n", + "Completed text 68459\n", + "Completed text 68460\n", + "Completed text 68461\n", + "Completed text 68462\n", + "Completed text 68463\n", + "Completed text 68464\n", + "Completed text 68465\n", + "Completed text 68466\n", + "Completed text 68467\n", + "Completed text 68468\n", + "Completed text 68469\n", + "Completed text 68470\n", + "Completed text 68471\n", + "Completed text 68472\n", + "Completed text 68473\n", + "Completed text 68474\n", + "Completed text 68475\n", + "Completed text 68476\n", + "Completed text 68477\n", + "Completed text 68478\n", + "Completed text 68479\n", + "Completed text 68480\n", + "Completed text 68481\n", + "Completed text 68482\n", + "Completed text 68483\n", + "Completed text 68484\n", + "Completed text 68485\n", + "Completed text 68486\n", + "Completed text 68487\n", + "Completed text 68488\n", + "Completed text 68489\n", + "Completed text 68490\n", + "Completed text 68491\n", + "Completed text 68492\n", + "Completed text 68493\n", + "Completed text 68494\n", + "Completed text 68495\n", + "Completed text 68496\n", + "Completed text 68497\n", + "Completed text 68498\n", + "Completed text 68499\n", + "Completed text 68500\n", + "Completed text 68501\n", + "Completed text 68502\n", + "Completed text 68503\n", + "Completed text 68504\n", + "Completed text 68505\n", + "Completed text 68506\n", + "Completed text 68507\n", + "Completed text 68508\n", + "Completed text 68509\n", + "Completed text 68510\n", + "Completed text 68511\n", + "Completed text 68512\n", + "Completed text 68513\n", + "Completed text 68514\n", + "Completed text 68515\n", + "Completed text 68516\n", + "Completed text 68517\n", + "Completed text 68518\n", + "Completed text 68519\n", + "Completed text 68520\n", + "Completed text 68521\n", + "Completed text 68522\n", + "Completed text 68523\n", + "Completed text 68524\n", + "Completed text 68525\n", + "Completed text 68526\n", + "Completed text 68527\n", + "Completed text 68528\n", + "Completed text 68529\n", + "Completed text 68530\n", + "Completed text 68531\n", + "Completed text 68532\n", + "Completed text 68533\n", + "Completed text 68534\n", + "Completed text 68535\n", + "Completed text 68536\n", + "Completed text 68537\n", + "Completed text 68538\n", + "Completed text 68539\n", + "Completed text 68540\n", + "Completed text 68541\n", + "Completed text 68542\n", + "Completed text 68543\n", + "Completed text 68544\n", + "Completed text 68545\n", + "Completed text 68546\n", + "Completed text 68547\n", + "Completed text 68548\n", + "Completed text 68549\n", + "Completed text 68550\n", + "Completed text 68551\n", + "Completed text 68552\n", + "Completed text 68553\n", + "Completed text 68554\n", + "Completed text 68555\n", + "Completed text 68556\n", + "Completed text 68557\n", + "Completed text 68558\n", + "Completed text 68559\n", + "Completed text 68560\n", + "Completed text 68561\n", + "Completed text 68562\n", + "Completed text 68563\n", + "Completed text 68564\n", + "Completed text 68565\n", + "Completed text 68566\n", + "Completed text 68567\n", + "Completed text 68568\n", + "Completed text 68569\n", + "Completed text 68570\n", + "Completed text 68571\n", + "Completed text 68572\n", + "Completed text 68573\n", + "Completed text 68574\n", + "Completed text 68575\n", + "Completed text 68576\n", + "Completed text 68577\n", + "Completed text 68578\n", + "Completed text 68579\n", + "Completed text 68580\n", + "Completed text 68581\n", + "Completed text 68582\n", + "Completed text 68583\n", + "Completed text 68584\n", + "Completed text 68585\n", + "Completed text 68586\n", + "Completed text 68587\n", + "Completed text 68588\n", + "Completed text 68589\n", + "Completed text 68590\n", + "Completed text 68591\n", + "Completed text 68592\n", + "Completed text 68593\n", + "Completed text 68594\n", + "Completed text 68595\n", + "Completed text 68596\n", + "Completed text 68597\n", + "Completed text 68598\n", + "Completed text 68599\n", + "Completed text 68600\n", + "Completed text 68601\n", + "Completed text 68602\n", + "Completed text 68603\n", + "Completed text 68604\n", + "Completed text 68605\n", + "Completed text 68606\n", + "Completed text 68607\n", + "Completed text 68608\n", + "Completed text 68609\n", + "Completed text 68610\n", + "Completed text 68611\n", + "Completed text 68612\n", + "Completed text 68613\n", + "Completed text 68614\n", + "Completed text 68615\n", + "Completed text 68616\n", + "Completed text 68617\n", + "Completed text 68618\n", + "Completed text 68619\n", + "Completed text 68620\n", + "Completed text 68621\n", + "Completed text 68622\n", + "Completed text 68623\n", + "Completed text 68624\n", + "Completed text 68625\n", + "Completed text 68626\n", + "Completed text 68627\n", + "Completed text 68628\n", + "Completed text 68629\n", + "Completed text 68630\n", + "Completed text 68631\n", + "Completed text 68632\n", + "Completed text 68633\n", + "Completed text 68634\n", + "Completed text 68635\n", + "Completed text 68636\n", + "Completed text 68637\n", + "Completed text 68638\n", + "Completed text 68639\n", + "Completed text 68640\n", + "Completed text 68641\n", + "Completed text 68642\n", + "Completed text 68643\n", + "Completed text 68644\n", + "Completed text 68645\n", + "Completed text 68646\n", + "Completed text 68647\n", + "Completed text 68648\n", + "Completed text 68649\n", + "Completed text 68650\n", + "Completed text 68651\n", + "Completed text 68652\n", + "Completed text 68653\n", + "Completed text 68654\n", + "Completed text 68655\n", + "Completed text 68656\n", + "Completed text 68657\n", + "Completed text 68658\n", + "Completed text 68659\n", + "Completed text 68660\n", + "Completed text 68661\n", + "Completed text 68662\n", + "Completed text 68663\n", + "Completed text 68664\n", + "Completed text 68665\n", + "Completed text 68666\n", + "Completed text 68667\n", + "Completed text 68668\n", + "Completed text 68669\n", + "Completed text 68670\n", + "Completed text 68671\n", + "Completed text 68672\n", + "Completed text 68673\n", + "Completed text 68674\n", + "Completed text 68675\n", + "Completed text 68676\n", + "Completed text 68677\n", + "Completed text 68678\n", + "Completed text 68679\n", + "Completed text 68680\n", + "Completed text 68681\n", + "Completed text 68682\n", + "Completed text 68683\n", + "Completed text 68684\n", + "Completed text 68685\n", + "Completed text 68686\n", + "Completed text 68687\n", + "Completed text 68688\n", + "Completed text 68689\n", + "Completed text 68690\n", + "Completed text 68691\n", + "Completed text 68692\n", + "Completed text 68693\n", + "Completed text 68694\n", + "Completed text 68695\n", + "Completed text 68696\n", + "Completed text 68697\n", + "Completed text 68698\n", + "Completed text 68699\n", + "Completed text 68700\n", + "Completed text 68701\n", + "Completed text 68702\n", + "Completed text 68703\n", + "Completed text 68704\n", + "Completed text 68705\n", + "Completed text 68706\n", + "Completed text 68707\n", + "Completed text 68708\n", + "Completed text 68709\n", + "Completed text 68710\n", + "Completed text 68711\n", + "Completed text 68712\n", + "Completed text 68713\n", + "Completed text 68714\n", + "Completed text 68715\n", + "Completed text 68716\n", + "Completed text 68717\n", + "Completed text 68718\n", + "Completed text 68719\n", + "Completed text 68720\n", + "Completed text 68721\n", + "Completed text 68722\n", + "Completed text 68723\n", + "Completed text 68724\n", + "Completed text 68725\n", + "Completed text 68726\n", + "Completed text 68727\n", + "Completed text 68728\n", + "Completed text 68729\n", + "Completed text 68730\n", + "Completed text 68731\n", + "Completed text 68732\n", + "Completed text 68733\n", + "Completed text 68734\n", + "Completed text 68735\n", + "Completed text 68736\n", + "Completed text 68737\n", + "Completed text 68738\n", + "Completed text 68739\n", + "Completed text 68740\n", + "Completed text 68741\n", + "Completed text 68742\n", + "Completed text 68743\n", + "Completed text 68744\n", + "Completed text 68745\n", + "Completed text 68746\n", + "Completed text 68747\n", + "Completed text 68748\n", + "Completed text 68749\n", + "Completed text 68750\n", + "Completed text 68751\n", + "Completed text 68752\n", + "Completed text 68753\n", + "Completed text 68754\n", + "Completed text 68755\n", + "Completed text 68756\n", + "Completed text 68757\n", + "Completed text 68758\n", + "Completed text 68759\n", + "Completed text 68760\n", + "Completed text 68761\n", + "Completed text 68762\n", + "Completed text 68763\n", + "Completed text 68764\n", + "Completed text 68765\n", + "Completed text 68766\n", + "Completed text 68767\n", + "Completed text 68768\n", + "Completed text 68769\n", + "Completed text 68770\n", + "Completed text 68771\n", + "Completed text 68772\n", + "Completed text 68773\n", + "Completed text 68774\n", + "Completed text 68775\n", + "Completed text 68776\n", + "Completed text 68777\n", + "Completed text 68778\n", + "Completed text 68779\n", + "Completed text 68780\n", + "Completed text 68781\n", + "Completed text 68782\n", + "Completed text 68783\n", + "Completed text 68784\n", + "Completed text 68785\n", + "Completed text 68786\n", + "Completed text 68787\n", + "Completed text 68788\n", + "Completed text 68789\n", + "Completed text 68790\n", + "Completed text 68791\n", + "Completed text 68792\n", + "Completed text 68793\n", + "Completed text 68794\n", + "Completed text 68795\n", + "Completed text 68796\n", + "Completed text 68797\n", + "Completed text 68798\n", + "Completed text 68799\n", + "Completed text 68800\n", + "Completed text 68801\n", + "Completed text 68802\n", + "Completed text 68803\n", + "Completed text 68804\n", + "Completed text 68805\n", + "Completed text 68806\n", + "Completed text 68807\n", + "Completed text 68808\n", + "Completed text 68809\n", + "Completed text 68810\n", + "Completed text 68811\n", + "Completed text 68812\n", + "Completed text 68813\n", + "Completed text 68814\n", + "Completed text 68815\n", + "Completed text 68816\n", + "Completed text 68817\n", + "Completed text 68818\n", + "Completed text 68819\n", + "Completed text 68820\n", + "Completed text 68821\n", + "Completed text 68822\n", + "Completed text 68823\n", + "Completed text 68824\n", + "Completed text 68825\n", + "Completed text 68826\n", + "Completed text 68827\n", + "Completed text 68828\n", + "Completed text 68829\n", + "Completed text 68830\n", + "Completed text 68831\n", + "Completed text 68832\n", + "Completed text 68833\n", + "Completed text 68834\n", + "Completed text 68835\n", + "Completed text 68836\n", + "Completed text 68837\n", + "Completed text 68838\n", + "Completed text 68839\n", + "Completed text 68840\n", + "Completed text 68841\n", + "Completed text 68842\n", + "Completed text 68843\n", + "Completed text 68844\n", + "Completed text 68845\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 68846\n", + "Completed text 68847\n", + "Completed text 68848\n", + "Completed text 68849\n", + "Completed text 68850\n", + "Completed text 68851\n", + "Completed text 68852\n", + "Completed text 68853\n", + "Completed text 68854\n", + "Completed text 68855\n", + "Completed text 68856\n", + "Completed text 68857\n", + "Completed text 68858\n", + "Completed text 68859\n", + "Completed text 68860\n", + "Completed text 68861\n", + "Completed text 68862\n", + "Completed text 68863\n", + "Completed text 68864\n", + "Completed text 68865\n", + "Completed text 68866\n", + "Completed text 68867\n", + "Completed text 68868\n", + "Completed text 68869\n", + "Completed text 68870\n", + "Completed text 68871\n", + "Completed text 68872\n", + "Completed text 68873\n", + "Completed text 68874\n", + "Completed text 68875\n", + "Completed text 68876\n", + "Completed text 68877\n", + "Completed text 68878\n", + "Completed text 68879\n", + "Completed text 68880\n", + "Completed text 68881\n", + "Completed text 68882\n", + "Completed text 68883\n", + "Completed text 68884\n", + "Completed text 68885\n", + "Completed text 68886\n", + "Completed text 68887\n", + "Completed text 68888\n", + "Completed text 68889\n", + "Completed text 68890\n", + "Completed text 68891\n", + "Completed text 68892\n", + "Completed text 68893\n", + "Completed text 68894\n", + "Completed text 68895\n", + "Completed text 68896\n", + "Completed text 68897\n", + "Completed text 68898\n", + "Completed text 68899\n", + "Completed text 68900\n", + "Completed text 68901\n", + "Completed text 68902\n", + "Completed text 68903\n", + "Completed text 68904\n", + "Completed text 68905\n", + "Completed text 68906\n", + "Completed text 68907\n", + "Completed text 68908\n", + "Completed text 68909\n", + "Completed text 68910\n", + "Completed text 68911\n", + "Completed text 68912\n", + "Completed text 68913\n", + "Completed text 68914\n", + "Completed text 68915\n", + "Completed text 68916\n", + "Completed text 68917\n", + "Completed text 68918\n", + "Completed text 68919\n", + "Completed text 68920\n", + "Completed text 68921\n", + "Completed text 68922\n", + "Completed text 68923\n", + "Completed text 68924\n", + "Completed text 68925\n", + "Completed text 68926\n", + "Completed text 68927\n", + "Completed text 68928\n", + "Completed text 68929\n", + "Completed text 68930\n", + "Completed text 68931\n", + "Completed text 68932\n", + "Completed text 68933\n", + "Completed text 68934\n", + "Completed text 68935\n", + "Completed text 68936\n", + "Completed text 68937\n", + "Completed text 68938\n", + "Completed text 68939\n", + "Completed text 68940\n", + "Completed text 68941\n", + "Completed text 68942\n", + "Completed text 68943\n", + "Completed text 68944\n", + "Completed text 68945\n", + "Completed text 68946\n", + "Completed text 68947\n", + "Completed text 68948\n", + "Completed text 68949\n", + "Completed text 68950\n", + "Completed text 68951\n", + "Completed text 68952\n", + "Completed text 68953\n", + "Completed text 68954\n", + "Completed text 68955\n", + "Completed text 68956\n", + "Completed text 68957\n", + "Completed text 68958\n", + "Completed text 68959\n", + "Completed text 68960\n", + "Completed text 68961\n", + "Completed text 68962\n", + "Completed text 68963\n", + "Completed text 68964\n", + "Completed text 68965\n", + "Completed text 68966\n", + "Completed text 68967\n", + "Completed text 68968\n", + "Completed text 68969\n", + "Completed text 68970\n", + "Completed text 68971\n", + "Completed text 68972\n", + "Completed text 68973\n", + "Completed text 68974\n", + "Completed text 68975\n", + "Completed text 68976\n", + "Completed text 68977\n", + "Completed text 68978\n", + "Completed text 68979\n", + "Completed text 68980\n", + "Completed text 68981\n", + "Completed text 68982\n", + "Completed text 68983\n", + "Completed text 68984\n", + "Completed text 68985\n", + "Completed text 68986\n", + "Completed text 68987\n", + "Completed text 68988\n", + "Completed text 68989\n", + "Completed text 68990\n", + "Completed text 68991\n", + "Completed text 68992\n", + "Completed text 68993\n", + "Completed text 68994\n", + "Completed text 68995\n", + "Completed text 68996\n", + "Completed text 68997\n", + "Completed text 68998\n", + "Completed text 68999\n", + "Completed text 69000\n", + "Completed text 69001\n", + "Completed text 69002\n", + "Completed text 69003\n", + "Completed text 69004\n", + "Completed text 69005\n", + "Completed text 69006\n", + "Completed text 69007\n", + "Completed text 69008\n", + "Completed text 69009\n", + "Completed text 69010\n", + "Completed text 69011\n", + "Completed text 69012\n", + "Completed text 69013\n", + "Completed text 69014\n", + "Completed text 69015\n", + "Completed text 69016\n", + "Completed text 69017\n", + "Completed text 69018\n", + "Completed text 69019\n", + "Completed text 69020\n", + "Completed text 69021\n", + "Completed text 69022\n", + "Completed text 69023\n", + "Completed text 69024\n", + "Completed text 69025\n", + "Completed text 69026\n", + "Completed text 69027\n", + "Completed text 69028\n", + "Completed text 69029\n", + "Completed text 69030\n", + "Completed text 69031\n", + "Completed text 69032\n", + "Completed text 69033\n", + "Completed text 69034\n", + "Completed text 69035\n", + "Completed text 69036\n", + "Completed text 69037\n", + "Completed text 69038\n", + "Completed text 69039\n", + "Completed text 69040\n", + "Completed text 69041\n", + "Completed text 69042\n", + "Completed text 69043\n", + "Completed text 69044\n", + "Completed text 69045\n", + "Completed text 69046\n", + "Completed text 69047\n", + "Completed text 69048\n", + "Completed text 69049\n", + "Completed text 69050\n", + "Completed text 69051\n", + "Completed text 69052\n", + "Completed text 69053\n", + "Completed text 69054\n", + "Completed text 69055\n", + "Completed text 69056\n", + "Completed text 69057\n", + "Completed text 69058\n", + "Completed text 69059\n", + "Completed text 69060\n", + "Completed text 69061\n", + "Completed text 69062\n", + "Completed text 69063\n", + "Completed text 69064\n", + "Completed text 69065\n", + "Completed text 69066\n", + "Completed text 69067\n", + "Completed text 69068\n", + "Completed text 69069\n", + "Completed text 69070\n", + "Completed text 69071\n", + "Completed text 69072\n", + "Completed text 69073\n", + "Completed text 69074\n", + "Completed text 69075\n", + "Completed text 69076\n", + "Completed text 69077\n", + "Completed text 69078\n", + "Completed text 69079\n", + "Completed text 69080\n", + "Completed text 69081\n", + "Completed text 69082\n", + "Completed text 69083\n", + "Completed text 69084\n", + "Completed text 69085\n", + "Completed text 69086\n", + "Completed text 69087\n", + "Completed text 69088\n", + "Completed text 69089\n", + "Completed text 69090\n", + "Completed text 69091\n", + "Completed text 69092\n", + "Completed text 69093\n", + "Completed text 69094\n", + "Completed text 69095\n", + "Completed text 69096\n", + "Completed text 69097\n", + "Completed text 69098\n", + "Completed text 69099\n", + "Completed text 69100\n", + "Completed text 69101\n", + "Completed text 69102\n", + "Completed text 69103\n", + "Completed text 69104\n", + "Completed text 69105\n", + "Completed text 69106\n", + "Completed text 69107\n", + "Completed text 69108\n", + "Completed text 69109\n", + "Completed text 69110\n", + "Completed text 69111\n", + "Completed text 69112\n", + "Completed text 69113\n", + "Completed text 69114\n", + "Completed text 69115\n", + "Completed text 69116\n", + "Completed text 69117\n", + "Completed text 69118\n", + "Completed text 69119\n", + "Completed text 69120\n", + "Completed text 69121\n", + "Completed text 69122\n", + "Completed text 69123\n", + "Completed text 69124\n", + "Completed text 69125\n", + "Completed text 69126\n", + "Completed text 69127\n", + "Completed text 69128\n", + "Completed text 69129\n", + "Completed text 69130\n", + "Completed text 69131\n", + "Completed text 69132\n", + "Completed text 69133\n", + "Completed text 69134\n", + "Completed text 69135\n", + "Completed text 69136\n", + "Completed text 69137\n", + "Completed text 69138\n", + "Completed text 69139\n", + "Completed text 69140\n", + "Completed text 69141\n", + "Completed text 69142\n", + "Completed text 69143\n", + "Completed text 69144\n", + "Completed text 69145\n", + "Completed text 69146\n", + "Completed text 69147\n", + "Completed text 69148\n", + "Completed text 69149\n", + "Completed text 69150\n", + "Completed text 69151\n", + "Completed text 69152\n", + "Completed text 69153\n", + "Completed text 69154\n", + "Completed text 69155\n", + "Completed text 69156\n", + "Completed text 69157\n", + "Completed text 69158\n", + "Completed text 69159\n", + "Completed text 69160\n", + "Completed text 69161\n", + "Completed text 69162\n", + "Completed text 69163\n", + "Completed text 69164\n", + "Completed text 69165\n", + "Completed text 69166\n", + "Completed text 69167\n", + "Completed text 69168\n", + "Completed text 69169\n", + "Completed text 69170\n", + "Completed text 69171\n", + "Completed text 69172\n", + "Completed text 69173\n", + "Completed text 69174\n", + "Completed text 69175\n", + "Completed text 69176\n", + "Completed text 69177\n", + "Completed text 69178\n", + "Completed text 69179\n", + "Completed text 69180\n", + "Completed text 69181\n", + "Completed text 69182\n", + "Completed text 69183\n", + "Completed text 69184\n", + "Completed text 69185\n", + "Completed text 69186\n", + "Completed text 69187\n", + "Completed text 69188\n", + "Completed text 69189\n", + "Completed text 69190\n", + "Completed text 69191\n", + "Completed text 69192\n", + "Completed text 69193\n", + "Completed text 69194\n", + "Completed text 69195\n", + "Completed text 69196\n", + "Completed text 69197\n", + "Completed text 69198\n", + "Completed text 69199\n", + "Completed text 69200\n", + "Completed text 69201\n", + "Completed text 69202\n", + "Completed text 69203\n", + "Completed text 69204\n", + "Completed text 69205\n", + "Completed text 69206\n", + "Completed text 69207\n", + "Completed text 69208\n", + "Completed text 69209\n", + "Completed text 69210\n", + "Completed text 69211\n", + "Completed text 69212\n", + "Completed text 69213\n", + "Completed text 69214\n", + "Completed text 69215\n", + "Completed text 69216\n", + "Completed text 69217\n", + "Completed text 69218\n", + "Completed text 69219\n", + "Completed text 69220\n", + "Completed text 69221\n", + "Completed text 69222\n", + "Completed text 69223\n", + "Completed text 69224\n", + "Completed text 69225\n", + "Completed text 69226\n", + "Completed text 69227\n", + "Completed text 69228\n", + "Completed text 69229\n", + "Completed text 69230\n", + "Completed text 69231\n", + "Completed text 69232\n", + "Completed text 69233\n", + "Completed text 69234\n", + "Completed text 69235\n", + "Completed text 69236\n", + "Completed text 69237\n", + "Completed text 69238\n", + "Completed text 69239\n", + "Completed text 69240\n", + "Completed text 69241\n", + "Completed text 69242\n", + "Completed text 69243\n", + "Completed text 69244\n", + "Completed text 69245\n", + "Completed text 69246\n", + "Completed text 69247\n", + "Completed text 69248\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 69249\n", + "Completed text 69250\n", + "Completed text 69251\n", + "Completed text 69252\n", + "Completed text 69253\n", + "Completed text 69254\n", + "Completed text 69255\n", + "Completed text 69256\n", + "Completed text 69257\n", + "Completed text 69258\n", + "Completed text 69259\n", + "Completed text 69260\n", + "Completed text 69261\n", + "Completed text 69262\n", + "Completed text 69263\n", + "Completed text 69264\n", + "Completed text 69265\n", + "Completed text 69266\n", + "Completed text 69267\n", + "Completed text 69268\n", + "Completed text 69269\n", + "Completed text 69270\n", + "Completed text 69271\n", + "Completed text 69272\n", + "Completed text 69273\n", + "Completed text 69274\n", + "Completed text 69275\n", + "Completed text 69276\n", + "Completed text 69277\n", + "Completed text 69278\n", + "Completed text 69279\n", + "Completed text 69280\n", + "Completed text 69281\n", + "Completed text 69282\n", + "Completed text 69283\n", + "Completed text 69284\n", + "Completed text 69285\n", + "Completed text 69286\n", + "Completed text 69287\n", + "Completed text 69288\n", + "Completed text 69289\n", + "Completed text 69290\n", + "Completed text 69291\n", + "Completed text 69292\n", + "Completed text 69293\n", + "Completed text 69294\n", + "Completed text 69295\n", + "Completed text 69296\n", + "Completed text 69297\n", + "Completed text 69298\n", + "Completed text 69299\n", + "Completed text 69300\n", + "Completed text 69301\n", + "Completed text 69302\n", + "Completed text 69303\n", + "Completed text 69304\n", + "Completed text 69305\n", + "Completed text 69306\n", + "Completed text 69307\n", + "Completed text 69308\n", + "Completed text 69309\n", + "Completed text 69310\n", + "Completed text 69311\n", + "Completed text 69312\n", + "Completed text 69313\n", + "Completed text 69314\n", + "Completed text 69315\n", + "Completed text 69316\n", + "Completed text 69317\n", + "Completed text 69318\n", + "Completed text 69319\n", + "Completed text 69320\n", + "Completed text 69321\n", + "Completed text 69322\n", + "Completed text 69323\n", + "Completed text 69324\n", + "Completed text 69325\n", + "Completed text 69326\n", + "Completed text 69327\n", + "Completed text 69328\n", + "Completed text 69329\n", + "Completed text 69330\n", + "Completed text 69331\n", + "Completed text 69332\n", + "Completed text 69333\n", + "Completed text 69334\n", + "Completed text 69335\n", + "Completed text 69336\n", + "Completed text 69337\n", + "Completed text 69338\n", + "Completed text 69339\n", + "Completed text 69340\n", + "Completed text 69341\n", + "Completed text 69342\n", + "Completed text 69343\n", + "Completed text 69344\n", + "Completed text 69345\n", + "Completed text 69346\n", + "Completed text 69347\n", + "Completed text 69348\n", + "Completed text 69349\n", + "Completed text 69350\n", + "Completed text 69351\n", + "Completed text 69352\n", + "Completed text 69353\n", + "Completed text 69354\n", + "Completed text 69355\n", + "Completed text 69356\n", + "Completed text 69357\n", + "Completed text 69358\n", + "Completed text 69359\n", + "Completed text 69360\n", + "Completed text 69361\n", + "Completed text 69362\n", + "Completed text 69363\n", + "Completed text 69364\n", + "Completed text 69365\n", + "Completed text 69366\n", + "Completed text 69367\n", + "Completed text 69368\n", + "Completed text 69369\n", + "Completed text 69370\n", + "Completed text 69371\n", + "Completed text 69372\n", + "Completed text 69373\n", + "Completed text 69374\n", + "Completed text 69375\n", + "Completed text 69376\n", + "Completed text 69377\n", + "Completed text 69378\n", + "Completed text 69379\n", + "Completed text 69380\n", + "Completed text 69381\n", + "Completed text 69382\n", + "Completed text 69383\n", + "Completed text 69384\n", + "Completed text 69385\n", + "Completed text 69386\n", + "Completed text 69387\n", + "Completed text 69388\n", + "Completed text 69389\n", + "Completed text 69390\n", + "Completed text 69391\n", + "Completed text 69392\n", + "Completed text 69393\n", + "Completed text 69394\n", + "Completed text 69395\n", + "Completed text 69396\n", + "Completed text 69397\n", + "Completed text 69398\n", + "Completed text 69399\n", + "Completed text 69400\n", + "Completed text 69401\n", + "Completed text 69402\n", + "Completed text 69403\n", + "Completed text 69404\n", + "Completed text 69405\n", + "Completed text 69406\n", + "Completed text 69407\n", + "Completed text 69408\n", + "Completed text 69409\n", + "Completed text 69410\n", + "Completed text 69411\n", + "Completed text 69412\n", + "Completed text 69413\n", + "Completed text 69414\n", + "Completed text 69415\n", + "Completed text 69416\n", + "Completed text 69417\n", + "Completed text 69418\n", + "Completed text 69419\n", + "Completed text 69420\n", + "Completed text 69421\n", + "Completed text 69422\n", + "Completed text 69423\n", + "Completed text 69424\n", + "Completed text 69425\n", + "Completed text 69426\n", + "Completed text 69427\n", + "Completed text 69428\n", + "Completed text 69429\n", + "Completed text 69430\n", + "Completed text 69431\n", + "Completed text 69432\n", + "Completed text 69433\n", + "Completed text 69434\n", + "Completed text 69435\n", + "Completed text 69436\n", + "Completed text 69437\n", + "Completed text 69438\n", + "Completed text 69439\n", + "Completed text 69440\n", + "Completed text 69441\n", + "Completed text 69442\n", + "Completed text 69443\n", + "Completed text 69444\n", + "Completed text 69445\n", + "Completed text 69446\n", + "Completed text 69447\n", + "Completed text 69448\n", + "Completed text 69449\n", + "Completed text 69450\n", + "Completed text 69451\n", + "Completed text 69452\n", + "Completed text 69453\n", + "Completed text 69454\n", + "Completed text 69455\n", + "Completed text 69456\n", + "Completed text 69457\n", + "Completed text 69458\n", + "Completed text 69459\n", + "Completed text 69460\n", + "Completed text 69461\n", + "Completed text 69462\n", + "Completed text 69463\n", + "Completed text 69464\n", + "Completed text 69465\n", + "Completed text 69466\n", + "Completed text 69467\n", + "Completed text 69468\n", + "Completed text 69469\n", + "Completed text 69470\n", + "Completed text 69471\n", + "Completed text 69472\n", + "Completed text 69473\n", + "Completed text 69474\n", + "Completed text 69475\n", + "Completed text 69476\n", + "Completed text 69477\n", + "Completed text 69478\n", + "Completed text 69479\n", + "Completed text 69480\n", + "Completed text 69481\n", + "Completed text 69482\n", + "Completed text 69483\n", + "Completed text 69484\n", + "Completed text 69485\n", + "Completed text 69486\n", + "Completed text 69487\n", + "Completed text 69488\n", + "Completed text 69489\n", + "Completed text 69490\n", + "Completed text 69491\n", + "Completed text 69492\n", + "Completed text 69493\n", + "Completed text 69494\n", + "Completed text 69495\n", + "Completed text 69496\n", + "Completed text 69497\n", + "Completed text 69498\n", + "Completed text 69499\n", + "Completed text 69500\n", + "Completed text 69501\n", + "Completed text 69502\n", + "Completed text 69503\n", + "Completed text 69504\n", + "Completed text 69505\n", + "Completed text 69506\n", + "Completed text 69507\n", + "Completed text 69508\n", + "Completed text 69509\n", + "Completed text 69510\n", + "Completed text 69511\n", + "Completed text 69512\n", + "Completed text 69513\n", + "Completed text 69514\n", + "Completed text 69515\n", + "Completed text 69516\n", + "Completed text 69517\n", + "Completed text 69518\n", + "Completed text 69519\n", + "Completed text 69520\n", + "Completed text 69521\n", + "Completed text 69522\n", + "Completed text 69523\n", + "Completed text 69524\n", + "Completed text 69525\n", + "Completed text 69526\n", + "Completed text 69527\n", + "Completed text 69528\n", + "Completed text 69529\n", + "Completed text 69530\n", + "Completed text 69531\n", + "Completed text 69532\n", + "Completed text 69533\n", + "Completed text 69534\n", + "Completed text 69535\n", + "Completed text 69536\n", + "Completed text 69537\n", + "Completed text 69538\n", + "Completed text 69539\n", + "Completed text 69540\n", + "Completed text 69541\n", + "Completed text 69542\n", + "Completed text 69543\n", + "Completed text 69544\n", + "Completed text 69545\n", + "Completed text 69546\n", + "Completed text 69547\n", + "Completed text 69548\n", + "Completed text 69549\n", + "Completed text 69550\n", + "Completed text 69551\n", + "Completed text 69552\n", + "Completed text 69553\n", + "Completed text 69554\n", + "Completed text 69555\n", + "Completed text 69556\n", + "Completed text 69557\n", + "Completed text 69558\n", + "Completed text 69559\n", + "Completed text 69560\n", + "Completed text 69561\n", + "Completed text 69562\n", + "Completed text 69563\n", + "Completed text 69564\n", + "Completed text 69565\n", + "Completed text 69566\n", + "Completed text 69567\n", + "Completed text 69568\n", + "Completed text 69569\n", + "Completed text 69570\n", + "Completed text 69571\n", + "Completed text 69572\n", + "Completed text 69573\n", + "Completed text 69574\n", + "Completed text 69575\n", + "Completed text 69576\n", + "Completed text 69577\n", + "Completed text 69578\n", + "Completed text 69579\n", + "Completed text 69580\n", + "Completed text 69581\n", + "Completed text 69582\n", + "Completed text 69583\n", + "Completed text 69584\n", + "Completed text 69585\n", + "Completed text 69586\n", + "Completed text 69587\n", + "Completed text 69588\n", + "Completed text 69589\n", + "Completed text 69590\n", + "Completed text 69591\n", + "Completed text 69592\n", + "Completed text 69593\n", + "Completed text 69594\n", + "Completed text 69595\n", + "Completed text 69596\n", + "Completed text 69597\n", + "Completed text 69598\n", + "Completed text 69599\n", + "Completed text 69600\n", + "Completed text 69601\n", + "Completed text 69602\n", + "Completed text 69603\n", + "Completed text 69604\n", + "Completed text 69605\n", + "Completed text 69606\n", + "Completed text 69607\n", + "Completed text 69608\n", + "Completed text 69609\n", + "Completed text 69610\n", + "Completed text 69611\n", + "Completed text 69612\n", + "Completed text 69613\n", + "Completed text 69614\n", + "Completed text 69615\n", + "Completed text 69616\n", + "Completed text 69617\n", + "Completed text 69618\n", + "Completed text 69619\n", + "Completed text 69620\n", + "Completed text 69621\n", + "Completed text 69622\n", + "Completed text 69623\n", + "Completed text 69624\n", + "Completed text 69625\n", + "Completed text 69626\n", + "Completed text 69627\n", + "Completed text 69628\n", + "Completed text 69629\n", + "Completed text 69630\n", + "Completed text 69631\n", + "Completed text 69632\n", + "Completed text 69633\n", + "Completed text 69634\n", + "Completed text 69635\n", + "Completed text 69636\n", + "Completed text 69637\n", + "Completed text 69638\n", + "Completed text 69639\n", + "Completed text 69640\n", + "Completed text 69641\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 69642\n", + "Completed text 69643\n", + "Completed text 69644\n", + "Completed text 69645\n", + "Completed text 69646\n", + "Completed text 69647\n", + "Completed text 69648\n", + "Completed text 69649\n", + "Completed text 69650\n", + "Completed text 69651\n", + "Completed text 69652\n", + "Completed text 69653\n", + "Completed text 69654\n", + "Completed text 69655\n", + "Completed text 69656\n", + "Completed text 69657\n", + "Completed text 69658\n", + "Completed text 69659\n", + "Completed text 69660\n", + "Completed text 69661\n", + "Completed text 69662\n", + "Completed text 69663\n", + "Completed text 69664\n", + "Completed text 69665\n", + "Completed text 69666\n", + "Completed text 69667\n", + "Completed text 69668\n", + "Completed text 69669\n", + "Completed text 69670\n", + "Completed text 69671\n", + "Completed text 69672\n", + "Completed text 69673\n", + "Completed text 69674\n", + "Completed text 69675\n", + "Completed text 69676\n", + "Completed text 69677\n", + "Completed text 69678\n", + "Completed text 69679\n", + "Completed text 69680\n", + "Completed text 69681\n", + "Completed text 69682\n", + "Completed text 69683\n", + "Completed text 69684\n", + "Completed text 69685\n", + "Completed text 69686\n", + "Completed text 69687\n", + "Completed text 69688\n", + "Completed text 69689\n", + "Completed text 69690\n", + "Completed text 69691\n", + "Completed text 69692\n", + "Completed text 69693\n", + "Completed text 69694\n", + "Completed text 69695\n", + "Completed text 69696\n", + "Completed text 69697\n", + "Completed text 69698\n", + "Completed text 69699\n", + "Completed text 69700\n", + "Completed text 69701\n", + "Completed text 69702\n", + "Completed text 69703\n", + "Completed text 69704\n", + "Completed text 69705\n", + "Completed text 69706\n", + "Completed text 69707\n", + "Completed text 69708\n", + "Completed text 69709\n", + "Completed text 69710\n", + "Completed text 69711\n", + "Completed text 69712\n", + "Completed text 69713\n", + "Completed text 69714\n", + "Completed text 69715\n", + "Completed text 69716\n", + "Completed text 69717\n", + "Completed text 69718\n", + "Completed text 69719\n", + "Completed text 69720\n", + "Completed text 69721\n", + "Completed text 69722\n", + "Completed text 69723\n", + "Completed text 69724\n", + "Completed text 69725\n", + "Completed text 69726\n", + "Completed text 69727\n", + "Completed text 69728\n", + "Completed text 69729\n", + "Completed text 69730\n", + "Completed text 69731\n", + "Completed text 69732\n", + "Completed text 69733\n", + "Completed text 69734\n", + "Completed text 69735\n", + "Completed text 69736\n", + "Completed text 69737\n", + "Completed text 69738\n", + "Completed text 69739\n", + "Completed text 69740\n", + "Completed text 69741\n", + "Completed text 69742\n", + "Completed text 69743\n", + "Completed text 69744\n", + "Completed text 69745\n", + "Completed text 69746\n", + "Completed text 69747\n", + "Completed text 69748\n", + "Completed text 69749\n", + "Completed text 69750\n", + "Completed text 69751\n", + "Completed text 69752\n", + "Completed text 69753\n", + "Completed text 69754\n", + "Completed text 69755\n", + "Completed text 69756\n", + "Completed text 69757\n", + "Completed text 69758\n", + "Completed text 69759\n", + "Completed text 69760\n", + "Completed text 69761\n", + "Completed text 69762\n", + "Completed text 69763\n", + "Completed text 69764\n", + "Completed text 69765\n", + "Completed text 69766\n", + "Completed text 69767\n", + "Completed text 69768\n", + "Completed text 69769\n", + "Completed text 69770\n", + "Completed text 69771\n", + "Completed text 69772\n", + "Completed text 69773\n", + "Completed text 69774\n", + "Completed text 69775\n", + "Completed text 69776\n", + "Completed text 69777\n", + "Completed text 69778\n", + "Completed text 69779\n", + "Completed text 69780\n", + "Completed text 69781\n", + "Completed text 69782\n", + "Completed text 69783\n", + "Completed text 69784\n", + "Completed text 69785\n", + "Completed text 69786\n", + "Completed text 69787\n", + "Completed text 69788\n", + "Completed text 69789\n", + "Completed text 69790\n", + "Completed text 69791\n", + "Completed text 69792\n", + "Completed text 69793\n", + "Completed text 69794\n", + "Completed text 69795\n", + "Completed text 69796\n", + "Completed text 69797\n", + "Completed text 69798\n", + "Completed text 69799\n", + "Completed text 69800\n", + "Completed text 69801\n", + "Completed text 69802\n", + "Completed text 69803\n", + "Completed text 69804\n", + "Completed text 69805\n", + "Completed text 69806\n", + "Completed text 69807\n", + "Completed text 69808\n", + "Completed text 69809\n", + "Completed text 69810\n", + "Completed text 69811\n", + "Completed text 69812\n", + "Completed text 69813\n", + "Completed text 69814\n", + "Completed text 69815\n", + "Completed text 69816\n", + "Completed text 69817\n", + "Completed text 69818\n", + "Completed text 69819\n", + "Completed text 69820\n", + "Completed text 69821\n", + "Completed text 69822\n", + "Completed text 69823\n", + "Completed text 69824\n", + "Completed text 69825\n", + "Completed text 69826\n", + "Completed text 69827\n", + "Completed text 69828\n", + "Completed text 69829\n", + "Completed text 69830\n", + "Completed text 69831\n", + "Completed text 69832\n", + "Completed text 69833\n", + "Completed text 69834\n", + "Completed text 69835\n", + "Completed text 69836\n", + "Completed text 69837\n", + "Completed text 69838\n", + "Completed text 69839\n", + "Completed text 69840\n", + "Completed text 69841\n", + "Completed text 69842\n", + "Completed text 69843\n", + "Completed text 69844\n", + "Completed text 69845\n", + "Completed text 69846\n", + "Completed text 69847\n", + "Completed text 69848\n", + "Completed text 69849\n", + "Completed text 69850\n", + "Completed text 69851\n", + "Completed text 69852\n", + "Completed text 69853\n", + "Completed text 69854\n", + "Completed text 69855\n", + "Completed text 69856\n", + "Completed text 69857\n", + "Completed text 69858\n", + "Completed text 69859\n", + "Completed text 69860\n", + "Completed text 69861\n", + "Completed text 69862\n", + "Completed text 69863\n", + "Completed text 69864\n", + "Completed text 69865\n", + "Completed text 69866\n", + "Completed text 69867\n", + "Completed text 69868\n", + "Completed text 69869\n", + "Completed text 69870\n", + "Completed text 69871\n", + "Completed text 69872\n", + "Completed text 69873\n", + "Completed text 69874\n", + "Completed text 69875\n", + "Completed text 69876\n", + "Completed text 69877\n", + "Completed text 69878\n", + "Completed text 69879\n", + "Completed text 69880\n", + "Completed text 69881\n", + "Completed text 69882\n", + "Completed text 69883\n", + "Completed text 69884\n", + "Completed text 69885\n", + "Completed text 69886\n", + "Completed text 69887\n", + "Completed text 69888\n", + "Completed text 69889\n", + "Completed text 69890\n", + "Completed text 69891\n", + "Completed text 69892\n", + "Completed text 69893\n", + "Completed text 69894\n", + "Completed text 69895\n", + "Completed text 69896\n", + "Completed text 69897\n", + "Completed text 69898\n", + "Completed text 69899\n", + "Completed text 69900\n", + "Completed text 69901\n", + "Completed text 69902\n", + "Completed text 69903\n", + "Completed text 69904\n", + "Completed text 69905\n", + "Completed text 69906\n", + "Completed text 69907\n", + "Completed text 69908\n", + "Completed text 69909\n", + "Completed text 69910\n", + "Completed text 69911\n", + "Completed text 69912\n", + "Completed text 69913\n", + "Completed text 69914\n", + "Completed text 69915\n", + "Completed text 69916\n", + "Completed text 69917\n", + "Completed text 69918\n", + "Completed text 69919\n", + "Completed text 69920\n", + "Completed text 69921\n", + "Completed text 69922\n", + "Completed text 69923\n", + "Completed text 69924\n", + "Completed text 69925\n", + "Completed text 69926\n", + "Completed text 69927\n", + "Completed text 69928\n", + "Completed text 69929\n", + "Completed text 69930\n", + "Completed text 69931\n", + "Completed text 69932\n", + "Completed text 69933\n", + "Completed text 69934\n", + "Completed text 69935\n", + "Completed text 69936\n", + "Completed text 69937\n", + "Completed text 69938\n", + "Completed text 69939\n", + "Completed text 69940\n", + "Completed text 69941\n", + "Completed text 69942\n", + "Completed text 69943\n", + "Completed text 69944\n", + "Completed text 69945\n", + "Completed text 69946\n", + "Completed text 69947\n", + "Completed text 69948\n", + "Completed text 69949\n", + "Completed text 69950\n", + "Completed text 69951\n", + "Completed text 69952\n", + "Completed text 69953\n", + "Completed text 69954\n", + "Completed text 69955\n", + "Completed text 69956\n", + "Completed text 69957\n", + "Completed text 69958\n", + "Completed text 69959\n", + "Completed text 69960\n", + "Completed text 69961\n", + "Completed text 69962\n", + "Completed text 69963\n", + "Completed text 69964\n", + "Completed text 69965\n", + "Completed text 69966\n", + "Completed text 69967\n", + "Completed text 69968\n", + "Completed text 69969\n", + "Completed text 69970\n", + "Completed text 69971\n", + "Completed text 69972\n", + "Completed text 69973\n", + "Completed text 69974\n", + "Completed text 69975\n", + "Completed text 69976\n", + "Completed text 69977\n", + "Completed text 69978\n", + "Completed text 69979\n", + "Completed text 69980\n", + "Completed text 69981\n", + "Completed text 69982\n", + "Completed text 69983\n", + "Completed text 69984\n", + "Completed text 69985\n", + "Completed text 69986\n", + "Completed text 69987\n", + "Completed text 69988\n", + "Completed text 69989\n", + "Completed text 69990\n", + "Completed text 69991\n", + "Completed text 69992\n", + "Completed text 69993\n", + "Completed text 69994\n", + "Completed text 69995\n", + "Completed text 69996\n", + "Completed text 69997\n", + "Completed text 69998\n", + "Completed text 69999\n", + "Completed text 70000\n", + "Completed text 70001\n", + "Completed text 70002\n", + "Completed text 70003\n", + "Completed text 70004\n", + "Completed text 70005\n", + "Completed text 70006\n", + "Completed text 70007\n", + "Completed text 70008\n", + "Completed text 70009\n", + "Completed text 70010\n", + "Completed text 70011\n", + "Completed text 70012\n", + "Completed text 70013\n", + "Completed text 70014\n", + "Completed text 70015\n", + "Completed text 70016\n", + "Completed text 70017\n", + "Completed text 70018\n", + "Completed text 70019\n", + "Completed text 70020\n", + "Completed text 70021\n", + "Completed text 70022\n", + "Completed text 70023\n", + "Completed text 70024\n", + "Completed text 70025\n", + "Completed text 70026\n", + "Completed text 70027\n", + "Completed text 70028\n", + "Completed text 70029\n", + "Completed text 70030\n", + "Completed text 70031\n", + "Completed text 70032\n", + "Completed text 70033\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 70034\n", + "Completed text 70035\n", + "Completed text 70036\n", + "Completed text 70037\n", + "Completed text 70038\n", + "Completed text 70039\n", + "Completed text 70040\n", + "Completed text 70041\n", + "Completed text 70042\n", + "Completed text 70043\n", + "Completed text 70044\n", + "Completed text 70045\n", + "Completed text 70046\n", + "Completed text 70047\n", + "Completed text 70048\n", + "Completed text 70049\n", + "Completed text 70050\n", + "Completed text 70051\n", + "Completed text 70052\n", + "Completed text 70053\n", + "Completed text 70054\n", + "Completed text 70055\n", + "Completed text 70056\n", + "Completed text 70057\n", + "Completed text 70058\n", + "Completed text 70059\n", + "Completed text 70060\n", + "Completed text 70061\n", + "Completed text 70062\n", + "Completed text 70063\n", + "Completed text 70064\n", + "Completed text 70065\n", + "Completed text 70066\n", + "Completed text 70067\n", + "Completed text 70068\n", + "Completed text 70069\n", + "Completed text 70070\n", + "Completed text 70071\n", + "Completed text 70072\n", + "Completed text 70073\n", + "Completed text 70074\n", + "Completed text 70075\n", + "Completed text 70076\n", + "Completed text 70077\n", + "Completed text 70078\n", + "Completed text 70079\n", + "Completed text 70080\n", + "Completed text 70081\n", + "Completed text 70082\n", + "Completed text 70083\n", + "Completed text 70084\n", + "Completed text 70085\n", + "Completed text 70086\n", + "Completed text 70087\n", + "Completed text 70088\n", + "Completed text 70089\n", + "Completed text 70090\n", + "Completed text 70091\n", + "Completed text 70092\n", + "Completed text 70093\n", + "Completed text 70094\n", + "Completed text 70095\n", + "Completed text 70096\n", + "Completed text 70097\n", + "Completed text 70098\n", + "Completed text 70099\n", + "Completed text 70100\n", + "Completed text 70101\n", + "Completed text 70102\n", + "Completed text 70103\n", + "Completed text 70104\n", + "Completed text 70105\n", + "Completed text 70106\n", + "Completed text 70107\n", + "Completed text 70108\n", + "Completed text 70109\n", + "Completed text 70110\n", + "Completed text 70111\n", + "Completed text 70112\n", + "Completed text 70113\n", + "Completed text 70114\n", + "Completed text 70115\n", + "Completed text 70116\n", + "Completed text 70117\n", + "Completed text 70118\n", + "Completed text 70119\n", + "Completed text 70120\n", + "Completed text 70121\n", + "Completed text 70122\n", + "Completed text 70123\n", + "Completed text 70124\n", + "Completed text 70125\n", + "Completed text 70126\n", + "Completed text 70127\n", + "Completed text 70128\n", + "Completed text 70129\n", + "Completed text 70130\n", + "Completed text 70131\n", + "Completed text 70132\n", + "Completed text 70133\n", + "Completed text 70134\n", + "Completed text 70135\n", + "Completed text 70136\n", + "Completed text 70137\n", + "Completed text 70138\n", + "Completed text 70139\n", + "Completed text 70140\n", + "Completed text 70141\n", + "Completed text 70142\n", + "Completed text 70143\n", + "Completed text 70144\n", + "Completed text 70145\n", + "Completed text 70146\n", + "Completed text 70147\n", + "Completed text 70148\n", + "Completed text 70149\n", + "Completed text 70150\n", + "Completed text 70151\n", + "Completed text 70152\n", + "Completed text 70153\n", + "Completed text 70154\n", + "Completed text 70155\n", + "Completed text 70156\n", + "Completed text 70157\n", + "Completed text 70158\n", + "Completed text 70159\n", + "Completed text 70160\n", + "Completed text 70161\n", + "Completed text 70162\n", + "Completed text 70163\n", + "Completed text 70164\n", + "Completed text 70165\n", + "Completed text 70166\n", + "Completed text 70167\n", + "Completed text 70168\n", + "Completed text 70169\n", + "Completed text 70170\n", + "Completed text 70171\n", + "Completed text 70172\n", + "Completed text 70173\n", + "Completed text 70174\n", + "Completed text 70175\n", + "Completed text 70176\n", + "Completed text 70177\n", + "Completed text 70178\n", + "Completed text 70179\n", + "Completed text 70180\n", + "Completed text 70181\n", + "Completed text 70182\n", + "Completed text 70183\n", + "Completed text 70184\n", + "Completed text 70185\n", + "Completed text 70186\n", + "Completed text 70187\n", + "Completed text 70188\n", + "Completed text 70189\n", + "Completed text 70190\n", + "Completed text 70191\n", + "Completed text 70192\n", + "Completed text 70193\n", + "Completed text 70194\n", + "Completed text 70195\n", + "Completed text 70196\n", + "Completed text 70197\n", + "Completed text 70198\n", + "Completed text 70199\n", + "Completed text 70200\n", + "Completed text 70201\n", + "Completed text 70202\n", + "Completed text 70203\n", + "Completed text 70204\n", + "Completed text 70205\n", + "Completed text 70206\n", + "Completed text 70207\n", + "Completed text 70208\n", + "Completed text 70209\n", + "Completed text 70210\n", + "Completed text 70211\n", + "Completed text 70212\n", + "Completed text 70213\n", + "Completed text 70214\n", + "Completed text 70215\n", + "Completed text 70216\n", + "Completed text 70217\n", + "Completed text 70218\n", + "Completed text 70219\n", + "Completed text 70220\n", + "Completed text 70221\n", + "Completed text 70222\n", + "Completed text 70223\n", + "Completed text 70224\n", + "Completed text 70225\n", + "Completed text 70226\n", + "Completed text 70227\n", + "Completed text 70228\n", + "Completed text 70229\n", + "Completed text 70230\n", + "Completed text 70231\n", + "Completed text 70232\n", + "Completed text 70233\n", + "Completed text 70234\n", + "Completed text 70235\n", + "Completed text 70236\n", + "Completed text 70237\n", + "Completed text 70238\n", + "Completed text 70239\n", + "Completed text 70240\n", + "Completed text 70241\n", + "Completed text 70242\n", + "Completed text 70243\n", + "Completed text 70244\n", + "Completed text 70245\n", + "Completed text 70246\n", + "Completed text 70247\n", + "Completed text 70248\n", + "Completed text 70249\n", + "Completed text 70250\n", + "Completed text 70251\n", + "Completed text 70252\n", + "Completed text 70253\n", + "Completed text 70254\n", + "Completed text 70255\n", + "Completed text 70256\n", + "Completed text 70257\n", + "Completed text 70258\n", + "Completed text 70259\n", + "Completed text 70260\n", + "Completed text 70261\n", + "Completed text 70262\n", + "Completed text 70263\n", + "Completed text 70264\n", + "Completed text 70265\n", + "Completed text 70266\n", + "Completed text 70267\n", + "Completed text 70268\n", + "Completed text 70269\n", + "Completed text 70270\n", + "Completed text 70271\n", + "Completed text 70272\n", + "Completed text 70273\n", + "Completed text 70274\n", + "Completed text 70275\n", + "Completed text 70276\n", + "Completed text 70277\n", + "Completed text 70278\n", + "Completed text 70279\n", + "Completed text 70280\n", + "Completed text 70281\n", + "Completed text 70282\n", + "Completed text 70283\n", + "Completed text 70284\n", + "Completed text 70285\n", + "Completed text 70286\n", + "Completed text 70287\n", + "Completed text 70288\n", + "Completed text 70289\n", + "Completed text 70290\n", + "Completed text 70291\n", + "Completed text 70292\n", + "Completed text 70293\n", + "Completed text 70294\n", + "Completed text 70295\n", + "Completed text 70296\n", + "Completed text 70297\n", + "Completed text 70298\n", + "Completed text 70299\n", + "Completed text 70300\n", + "Completed text 70301\n", + "Completed text 70302\n", + "Completed text 70303\n", + "Completed text 70304\n", + "Completed text 70305\n", + "Completed text 70306\n", + "Completed text 70307\n", + "Completed text 70308\n", + "Completed text 70309\n", + "Completed text 70310\n", + "Completed text 70311\n", + "Completed text 70312\n", + "Completed text 70313\n", + "Completed text 70314\n", + "Completed text 70315\n", + "Completed text 70316\n", + "Completed text 70317\n", + "Completed text 70318\n", + "Completed text 70319\n", + "Completed text 70320\n", + "Completed text 70321\n", + "Completed text 70322\n", + "Completed text 70323\n", + "Completed text 70324\n", + "Completed text 70325\n", + "Completed text 70326\n", + "Completed text 70327\n", + "Completed text 70328\n", + "Completed text 70329\n", + "Completed text 70330\n", + "Completed text 70331\n", + "Completed text 70332\n", + "Completed text 70333\n", + "Completed text 70334\n", + "Completed text 70335\n", + "Completed text 70336\n", + "Completed text 70337\n", + "Completed text 70338\n", + "Completed text 70339\n", + "Completed text 70340\n", + "Completed text 70341\n", + "Completed text 70342\n", + "Completed text 70343\n", + "Completed text 70344\n", + "Completed text 70345\n", + "Completed text 70346\n", + "Completed text 70347\n", + "Completed text 70348\n", + "Completed text 70349\n", + "Completed text 70350\n", + "Completed text 70351\n", + "Completed text 70352\n", + "Completed text 70353\n", + "Completed text 70354\n", + "Completed text 70355\n", + "Completed text 70356\n", + "Completed text 70357\n", + "Completed text 70358\n", + "Completed text 70359\n", + "Completed text 70360\n", + "Completed text 70361\n", + "Completed text 70362\n", + "Completed text 70363\n", + "Completed text 70364\n", + "Completed text 70365\n", + "Completed text 70366\n", + "Completed text 70367\n", + "Completed text 70368\n", + "Completed text 70369\n", + "Completed text 70370\n", + "Completed text 70371\n", + "Completed text 70372\n", + "Completed text 70373\n", + "Completed text 70374\n", + "Completed text 70375\n", + "Completed text 70376\n", + "Completed text 70377\n", + "Completed text 70378\n", + "Completed text 70379\n", + "Completed text 70380\n", + "Completed text 70381\n", + "Completed text 70382\n", + "Completed text 70383\n", + "Completed text 70384\n", + "Completed text 70385\n", + "Completed text 70386\n", + "Completed text 70387\n", + "Completed text 70388\n", + "Completed text 70389\n", + "Completed text 70390\n", + "Completed text 70391\n", + "Completed text 70392\n", + "Completed text 70393\n", + "Completed text 70394\n", + "Completed text 70395\n", + "Completed text 70396\n", + "Completed text 70397\n", + "Completed text 70398\n", + "Completed text 70399\n", + "Completed text 70400\n", + "Completed text 70401\n", + "Completed text 70402\n", + "Completed text 70403\n", + "Completed text 70404\n", + "Completed text 70405\n", + "Completed text 70406\n", + "Completed text 70407\n", + "Completed text 70408\n", + "Completed text 70409\n", + "Completed text 70410\n", + "Completed text 70411\n", + "Completed text 70412\n", + "Completed text 70413\n", + "Completed text 70414\n", + "Completed text 70415\n", + "Completed text 70416\n", + "Completed text 70417\n", + "Completed text 70418\n", + "Completed text 70419\n", + "Completed text 70420\n", + "Completed text 70421\n", + "Completed text 70422\n", + "Completed text 70423\n", + "Completed text 70424\n", + "Completed text 70425\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 70426\n", + "Completed text 70427\n", + "Completed text 70428\n", + "Completed text 70429\n", + "Completed text 70430\n", + "Completed text 70431\n", + "Completed text 70432\n", + "Completed text 70433\n", + "Completed text 70434\n", + "Completed text 70435\n", + "Completed text 70436\n", + "Completed text 70437\n", + "Completed text 70438\n", + "Completed text 70439\n", + "Completed text 70440\n", + "Completed text 70441\n", + "Completed text 70442\n", + "Completed text 70443\n", + "Completed text 70444\n", + "Completed text 70445\n", + "Completed text 70446\n", + "Completed text 70447\n", + "Completed text 70448\n", + "Completed text 70449\n", + "Completed text 70450\n", + "Completed text 70451\n", + "Completed text 70452\n", + "Completed text 70453\n", + "Completed text 70454\n", + "Completed text 70455\n", + "Completed text 70456\n", + "Completed text 70457\n", + "Completed text 70458\n", + "Completed text 70459\n", + "Completed text 70460\n", + "Completed text 70461\n", + "Completed text 70462\n", + "Completed text 70463\n", + "Completed text 70464\n", + "Completed text 70465\n", + "Completed text 70466\n", + "Completed text 70467\n", + "Completed text 70468\n", + "Completed text 70469\n", + "Completed text 70470\n", + "Completed text 70471\n", + "Completed text 70472\n", + "Completed text 70473\n", + "Completed text 70474\n", + "Completed text 70475\n", + "Completed text 70476\n", + "Completed text 70477\n", + "Completed text 70478\n", + "Completed text 70479\n", + "Completed text 70480\n", + "Completed text 70481\n", + "Completed text 70482\n", + "Completed text 70483\n", + "Completed text 70484\n", + "Completed text 70485\n", + "Completed text 70486\n", + "Completed text 70487\n", + "Completed text 70488\n", + "Completed text 70489\n", + "Completed text 70490\n", + "Completed text 70491\n", + "Completed text 70492\n", + "Completed text 70493\n", + "Completed text 70494\n", + "Completed text 70495\n", + "Completed text 70496\n", + "Completed text 70497\n", + "Completed text 70498\n", + "Completed text 70499\n", + "Completed text 70500\n", + "Completed text 70501\n", + "Completed text 70502\n", + "Completed text 70503\n", + "Completed text 70504\n", + "Completed text 70505\n", + "Completed text 70506\n", + "Completed text 70507\n", + "Completed text 70508\n", + "Completed text 70509\n", + "Completed text 70510\n", + "Completed text 70511\n", + "Completed text 70512\n", + "Completed text 70513\n", + "Completed text 70514\n", + "Completed text 70515\n", + "Completed text 70516\n", + "Completed text 70517\n", + "Completed text 70518\n", + "Completed text 70519\n", + "Completed text 70520\n", + "Completed text 70521\n", + "Completed text 70522\n", + "Completed text 70523\n", + "Completed text 70524\n", + "Completed text 70525\n", + "Completed text 70526\n", + "Completed text 70527\n", + "Completed text 70528\n", + "Completed text 70529\n", + "Completed text 70530\n", + "Completed text 70531\n", + "Completed text 70532\n", + "Completed text 70533\n", + "Completed text 70534\n", + "Completed text 70535\n", + "Completed text 70536\n", + "Completed text 70537\n", + "Completed text 70538\n", + "Completed text 70539\n", + "Completed text 70540\n", + "Completed text 70541\n", + "Completed text 70542\n", + "Completed text 70543\n", + "Completed text 70544\n", + "Completed text 70545\n", + "Completed text 70546\n", + "Completed text 70547\n", + "Completed text 70548\n", + "Completed text 70549\n", + "Completed text 70550\n", + "Completed text 70551\n", + "Completed text 70552\n", + "Completed text 70553\n", + "Completed text 70554\n", + "Completed text 70555\n", + "Completed text 70556\n", + "Completed text 70557\n", + "Completed text 70558\n", + "Completed text 70559\n", + "Completed text 70560\n", + "Completed text 70561\n", + "Completed text 70562\n", + "Completed text 70563\n", + "Completed text 70564\n", + "Completed text 70565\n", + "Completed text 70566\n", + "Completed text 70567\n", + "Completed text 70568\n", + "Completed text 70569\n", + "Completed text 70570\n", + "Completed text 70571\n", + "Completed text 70572\n", + "Completed text 70573\n", + "Completed text 70574\n", + "Completed text 70575\n", + "Completed text 70576\n", + "Completed text 70577\n", + "Completed text 70578\n", + "Completed text 70579\n", + "Completed text 70580\n", + "Completed text 70581\n", + "Completed text 70582\n", + "Completed text 70583\n", + "Completed text 70584\n", + "Completed text 70585\n", + "Completed text 70586\n", + "Completed text 70587\n", + "Completed text 70588\n", + "Completed text 70589\n", + "Completed text 70590\n", + "Completed text 70591\n", + "Completed text 70592\n", + "Completed text 70593\n", + "Completed text 70594\n", + "Completed text 70595\n", + "Completed text 70596\n", + "Completed text 70597\n", + "Completed text 70598\n", + "Completed text 70599\n", + "Completed text 70600\n", + "Completed text 70601\n", + "Completed text 70602\n", + "Completed text 70603\n", + "Completed text 70604\n", + "Completed text 70605\n", + "Completed text 70606\n", + "Completed text 70607\n", + "Completed text 70608\n", + "Completed text 70609\n", + "Completed text 70610\n", + "Completed text 70611\n", + "Completed text 70612\n", + "Completed text 70613\n", + "Completed text 70614\n", + "Completed text 70615\n", + "Completed text 70616\n", + "Completed text 70617\n", + "Completed text 70618\n", + "Completed text 70619\n", + "Completed text 70620\n", + "Completed text 70621\n", + "Completed text 70622\n", + "Completed text 70623\n", + "Completed text 70624\n", + "Completed text 70625\n", + "Completed text 70626\n", + "Completed text 70627\n", + "Completed text 70628\n", + "Completed text 70629\n", + "Completed text 70630\n", + "Completed text 70631\n", + "Completed text 70632\n", + "Completed text 70633\n", + "Completed text 70634\n", + "Completed text 70635\n", + "Completed text 70636\n", + "Completed text 70637\n", + "Completed text 70638\n", + "Completed text 70639\n", + "Completed text 70640\n", + "Completed text 70641\n", + "Completed text 70642\n", + "Completed text 70643\n", + "Completed text 70644\n", + "Completed text 70645\n", + "Completed text 70646\n", + "Completed text 70647\n", + "Completed text 70648\n", + "Completed text 70649\n", + "Completed text 70650\n", + "Completed text 70651\n", + "Completed text 70652\n", + "Completed text 70653\n", + "Completed text 70654\n", + "Completed text 70655\n", + "Completed text 70656\n", + "Completed text 70657\n", + "Completed text 70658\n", + "Completed text 70659\n", + "Completed text 70660\n", + "Completed text 70661\n", + "Completed text 70662\n", + "Completed text 70663\n", + "Completed text 70664\n", + "Completed text 70665\n", + "Completed text 70666\n", + "Completed text 70667\n", + "Completed text 70668\n", + "Completed text 70669\n", + "Completed text 70670\n", + "Completed text 70671\n", + "Completed text 70672\n", + "Completed text 70673\n", + "Completed text 70674\n", + "Completed text 70675\n", + "Completed text 70676\n", + "Completed text 70677\n", + "Completed text 70678\n", + "Completed text 70679\n", + "Completed text 70680\n", + "Completed text 70681\n", + "Completed text 70682\n", + "Completed text 70683\n", + "Completed text 70684\n", + "Completed text 70685\n", + "Completed text 70686\n", + "Completed text 70687\n", + "Completed text 70688\n", + "Completed text 70689\n", + "Completed text 70690\n", + "Completed text 70691\n", + "Completed text 70692\n", + "Completed text 70693\n", + "Completed text 70694\n", + "Completed text 70695\n", + "Completed text 70696\n", + "Completed text 70697\n", + "Completed text 70698\n", + "Completed text 70699\n", + "Completed text 70700\n", + "Completed text 70701\n", + "Completed text 70702\n", + "Completed text 70703\n", + "Completed text 70704\n", + "Completed text 70705\n", + "Completed text 70706\n", + "Completed text 70707\n", + "Completed text 70708\n", + "Completed text 70709\n", + "Completed text 70710\n", + "Completed text 70711\n", + "Completed text 70712\n", + "Completed text 70713\n", + "Completed text 70714\n", + "Completed text 70715\n", + "Completed text 70716\n", + "Completed text 70717\n", + "Completed text 70718\n", + "Completed text 70719\n", + "Completed text 70720\n", + "Completed text 70721\n", + "Completed text 70722\n", + "Completed text 70723\n", + "Completed text 70724\n", + "Completed text 70725\n", + "Completed text 70726\n", + "Completed text 70727\n", + "Completed text 70728\n", + "Completed text 70729\n", + "Completed text 70730\n", + "Completed text 70731\n", + "Completed text 70732\n", + "Completed text 70733\n", + "Completed text 70734\n", + "Completed text 70735\n", + "Completed text 70736\n", + "Completed text 70737\n", + "Completed text 70738\n", + "Completed text 70739\n", + "Completed text 70740\n", + "Completed text 70741\n", + "Completed text 70742\n", + "Completed text 70743\n", + "Completed text 70744\n", + "Completed text 70745\n", + "Completed text 70746\n", + "Completed text 70747\n", + "Completed text 70748\n", + "Completed text 70749\n", + "Completed text 70750\n", + "Completed text 70751\n", + "Completed text 70752\n", + "Completed text 70753\n", + "Completed text 70754\n", + "Completed text 70755\n", + "Completed text 70756\n", + "Completed text 70757\n", + "Completed text 70758\n", + "Completed text 70759\n", + "Completed text 70760\n", + "Completed text 70761\n", + "Completed text 70762\n", + "Completed text 70763\n", + "Completed text 70764\n", + "Completed text 70765\n", + "Completed text 70766\n", + "Completed text 70767\n", + "Completed text 70768\n", + "Completed text 70769\n", + "Completed text 70770\n", + "Completed text 70771\n", + "Completed text 70772\n", + "Completed text 70773\n", + "Completed text 70774\n", + "Completed text 70775\n", + "Completed text 70776\n", + "Completed text 70777\n", + "Completed text 70778\n", + "Completed text 70779\n", + "Completed text 70780\n", + "Completed text 70781\n", + "Completed text 70782\n", + "Completed text 70783\n", + "Completed text 70784\n", + "Completed text 70785\n", + "Completed text 70786\n", + "Completed text 70787\n", + "Completed text 70788\n", + "Completed text 70789\n", + "Completed text 70790\n", + "Completed text 70791\n", + "Completed text 70792\n", + "Completed text 70793\n", + "Completed text 70794\n", + "Completed text 70795\n", + "Completed text 70796\n", + "Completed text 70797\n", + "Completed text 70798\n", + "Completed text 70799\n", + "Completed text 70800\n", + "Completed text 70801\n", + "Completed text 70802\n", + "Completed text 70803\n", + "Completed text 70804\n", + "Completed text 70805\n", + "Completed text 70806\n", + "Completed text 70807\n", + "Completed text 70808\n", + "Completed text 70809\n", + "Completed text 70810\n", + "Completed text 70811\n", + "Completed text 70812\n", + "Completed text 70813\n", + "Completed text 70814\n", + "Completed text 70815\n", + "Completed text 70816\n", + "Completed text 70817\n", + "Completed text 70818\n", + "Completed text 70819\n", + "Completed text 70820\n", + "Completed text 70821\n", + "Completed text 70822\n", + "Completed text 70823\n", + "Completed text 70824\n", + "Completed text 70825\n", + "Completed text 70826\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 70827\n", + "Completed text 70828\n", + "Completed text 70829\n", + "Completed text 70830\n", + "Completed text 70831\n", + "Completed text 70832\n", + "Completed text 70833\n", + "Completed text 70834\n", + "Completed text 70835\n", + "Completed text 70836\n", + "Completed text 70837\n", + "Completed text 70838\n", + "Completed text 70839\n", + "Completed text 70840\n", + "Completed text 70841\n", + "Completed text 70842\n", + "Completed text 70843\n", + "Completed text 70844\n", + "Completed text 70845\n", + "Completed text 70846\n", + "Completed text 70847\n", + "Completed text 70848\n", + "Completed text 70849\n", + "Completed text 70850\n", + "Completed text 70851\n", + "Completed text 70852\n", + "Completed text 70853\n", + "Completed text 70854\n", + "Completed text 70855\n", + "Completed text 70856\n", + "Completed text 70857\n", + "Completed text 70858\n", + "Completed text 70859\n", + "Completed text 70860\n", + "Completed text 70861\n", + "Completed text 70862\n", + "Completed text 70863\n", + "Completed text 70864\n", + "Completed text 70865\n", + "Completed text 70866\n", + "Completed text 70867\n", + "Completed text 70868\n", + "Completed text 70869\n", + "Completed text 70870\n", + "Completed text 70871\n", + "Completed text 70872\n", + "Completed text 70873\n", + "Completed text 70874\n", + "Completed text 70875\n", + "Completed text 70876\n", + "Completed text 70877\n", + "Completed text 70878\n", + "Completed text 70879\n", + "Completed text 70880\n", + "Completed text 70881\n", + "Completed text 70882\n", + "Completed text 70883\n", + "Completed text 70884\n", + "Completed text 70885\n", + "Completed text 70886\n", + "Completed text 70887\n", + "Completed text 70888\n", + "Completed text 70889\n", + "Completed text 70890\n", + "Completed text 70891\n", + "Completed text 70892\n", + "Completed text 70893\n", + "Completed text 70894\n", + "Completed text 70895\n", + "Completed text 70896\n", + "Completed text 70897\n", + "Completed text 70898\n", + "Completed text 70899\n", + "Completed text 70900\n", + "Completed text 70901\n", + "Completed text 70902\n", + "Completed text 70903\n", + "Completed text 70904\n", + "Completed text 70905\n", + "Completed text 70906\n", + "Completed text 70907\n", + "Completed text 70908\n", + "Completed text 70909\n", + "Completed text 70910\n", + "Completed text 70911\n", + "Completed text 70912\n", + "Completed text 70913\n", + "Completed text 70914\n", + "Completed text 70915\n", + "Completed text 70916\n", + "Completed text 70917\n", + "Completed text 70918\n", + "Completed text 70919\n", + "Completed text 70920\n", + "Completed text 70921\n", + "Completed text 70922\n", + "Completed text 70923\n", + "Completed text 70924\n", + "Completed text 70925\n", + "Completed text 70926\n", + "Completed text 70927\n", + "Completed text 70928\n", + "Completed text 70929\n", + "Completed text 70930\n", + "Completed text 70931\n", + "Completed text 70932\n", + "Completed text 70933\n", + "Completed text 70934\n", + "Completed text 70935\n", + "Completed text 70936\n", + "Completed text 70937\n", + "Completed text 70938\n", + "Completed text 70939\n", + "Completed text 70940\n", + "Completed text 70941\n", + "Completed text 70942\n", + "Completed text 70943\n", + "Completed text 70944\n", + "Completed text 70945\n", + "Completed text 70946\n", + "Completed text 70947\n", + "Completed text 70948\n", + "Completed text 70949\n", + "Completed text 70950\n", + "Completed text 70951\n", + "Completed text 70952\n", + "Completed text 70953\n", + "Completed text 70954\n", + "Completed text 70955\n", + "Completed text 70956\n", + "Completed text 70957\n", + "Completed text 70958\n", + "Completed text 70959\n", + "Completed text 70960\n", + "Completed text 70961\n", + "Completed text 70962\n", + "Completed text 70963\n", + "Completed text 70964\n", + "Completed text 70965\n", + "Completed text 70966\n", + "Completed text 70967\n", + "Completed text 70968\n", + "Completed text 70969\n", + "Completed text 70970\n", + "Completed text 70971\n", + "Completed text 70972\n", + "Completed text 70973\n", + "Completed text 70974\n", + "Completed text 70975\n", + "Completed text 70976\n", + "Completed text 70977\n", + "Completed text 70978\n", + "Completed text 70979\n", + "Completed text 70980\n", + "Completed text 70981\n", + "Completed text 70982\n", + "Completed text 70983\n", + "Completed text 70984\n", + "Completed text 70985\n", + "Completed text 70986\n", + "Completed text 70987\n", + "Completed text 70988\n", + "Completed text 70989\n", + "Completed text 70990\n", + "Completed text 70991\n", + "Completed text 70992\n", + "Completed text 70993\n", + "Completed text 70994\n", + "Completed text 70995\n", + "Completed text 70996\n", + "Completed text 70997\n", + "Completed text 70998\n", + "Completed text 70999\n", + "Completed text 71000\n", + "Completed text 71001\n", + "Completed text 71002\n", + "Completed text 71003\n", + "Completed text 71004\n", + "Completed text 71005\n", + "Completed text 71006\n", + "Completed text 71007\n", + "Completed text 71008\n", + "Completed text 71009\n", + "Completed text 71010\n", + "Completed text 71011\n", + "Completed text 71012\n", + "Completed text 71013\n", + "Completed text 71014\n", + "Completed text 71015\n", + "Completed text 71016\n", + "Completed text 71017\n", + "Completed text 71018\n", + "Completed text 71019\n", + "Completed text 71020\n", + "Completed text 71021\n", + "Completed text 71022\n", + "Completed text 71023\n", + "Completed text 71024\n", + "Completed text 71025\n", + "Completed text 71026\n", + "Completed text 71027\n", + "Completed text 71028\n", + "Completed text 71029\n", + "Completed text 71030\n", + "Completed text 71031\n", + "Completed text 71032\n", + "Completed text 71033\n", + "Completed text 71034\n", + "Completed text 71035\n", + "Completed text 71036\n", + "Completed text 71037\n", + "Completed text 71038\n", + "Completed text 71039\n", + "Completed text 71040\n", + "Completed text 71041\n", + "Completed text 71042\n", + "Completed text 71043\n", + "Completed text 71044\n", + "Completed text 71045\n", + "Completed text 71046\n", + "Completed text 71047\n", + "Completed text 71048\n", + "Completed text 71049\n", + "Completed text 71050\n", + "Completed text 71051\n", + "Completed text 71052\n", + "Completed text 71053\n", + "Completed text 71054\n", + "Completed text 71055\n", + "Completed text 71056\n", + "Completed text 71057\n", + "Completed text 71058\n", + "Completed text 71059\n", + "Completed text 71060\n", + "Completed text 71061\n", + "Completed text 71062\n", + "Completed text 71063\n", + "Completed text 71064\n", + "Completed text 71065\n", + "Completed text 71066\n", + "Completed text 71067\n", + "Completed text 71068\n", + "Completed text 71069\n", + "Completed text 71070\n", + "Completed text 71071\n", + "Completed text 71072\n", + "Completed text 71073\n", + "Completed text 71074\n", + "Completed text 71075\n", + "Completed text 71076\n", + "Completed text 71077\n", + "Completed text 71078\n", + "Completed text 71079\n", + "Completed text 71080\n", + "Completed text 71081\n", + "Completed text 71082\n", + "Completed text 71083\n", + "Completed text 71084\n", + "Completed text 71085\n", + "Completed text 71086\n", + "Completed text 71087\n", + "Completed text 71088\n", + "Completed text 71089\n", + "Completed text 71090\n", + "Completed text 71091\n", + "Completed text 71092\n", + "Completed text 71093\n", + "Completed text 71094\n", + "Completed text 71095\n", + "Completed text 71096\n", + "Completed text 71097\n", + "Completed text 71098\n", + "Completed text 71099\n", + "Completed text 71100\n", + "Completed text 71101\n", + "Completed text 71102\n", + "Completed text 71103\n", + "Completed text 71104\n", + "Completed text 71105\n", + "Completed text 71106\n", + "Completed text 71107\n", + "Completed text 71108\n", + "Completed text 71109\n", + "Completed text 71110\n", + "Completed text 71111\n", + "Completed text 71112\n", + "Completed text 71113\n", + "Completed text 71114\n", + "Completed text 71115\n", + "Completed text 71116\n", + "Completed text 71117\n", + "Completed text 71118\n", + "Completed text 71119\n", + "Completed text 71120\n", + "Completed text 71121\n", + "Completed text 71122\n", + "Completed text 71123\n", + "Completed text 71124\n", + "Completed text 71125\n", + "Completed text 71126\n", + "Completed text 71127\n", + "Completed text 71128\n", + "Completed text 71129\n", + "Completed text 71130\n", + "Completed text 71131\n", + "Completed text 71132\n", + "Completed text 71133\n", + "Completed text 71134\n", + "Completed text 71135\n", + "Completed text 71136\n", + "Completed text 71137\n", + "Completed text 71138\n", + "Completed text 71139\n", + "Completed text 71140\n", + "Completed text 71141\n", + "Completed text 71142\n", + "Completed text 71143\n", + "Completed text 71144\n", + "Completed text 71145\n", + "Completed text 71146\n", + "Completed text 71147\n", + "Completed text 71148\n", + "Completed text 71149\n", + "Completed text 71150\n", + "Completed text 71151\n", + "Completed text 71152\n", + "Completed text 71153\n", + "Completed text 71154\n", + "Completed text 71155\n", + "Completed text 71156\n", + "Completed text 71157\n", + "Completed text 71158\n", + "Completed text 71159\n", + "Completed text 71160\n", + "Completed text 71161\n", + "Completed text 71162\n", + "Completed text 71163\n", + "Completed text 71164\n", + "Completed text 71165\n", + "Completed text 71166\n", + "Completed text 71167\n", + "Completed text 71168\n", + "Completed text 71169\n", + "Completed text 71170\n", + "Completed text 71171\n", + "Completed text 71172\n", + "Completed text 71173\n", + "Completed text 71174\n", + "Completed text 71175\n", + "Completed text 71176\n", + "Completed text 71177\n", + "Completed text 71178\n", + "Completed text 71179\n", + "Completed text 71180\n", + "Completed text 71181\n", + "Completed text 71182\n", + "Completed text 71183\n", + "Completed text 71184\n", + "Completed text 71185\n", + "Completed text 71186\n", + "Completed text 71187\n", + "Completed text 71188\n", + "Completed text 71189\n", + "Completed text 71190\n", + "Completed text 71191\n", + "Completed text 71192\n", + "Completed text 71193\n", + "Completed text 71194\n", + "Completed text 71195\n", + "Completed text 71196\n", + "Completed text 71197\n", + "Completed text 71198\n", + "Completed text 71199\n", + "Completed text 71200\n", + "Completed text 71201\n", + "Completed text 71202\n", + "Completed text 71203\n", + "Completed text 71204\n", + "Completed text 71205\n", + "Completed text 71206\n", + "Completed text 71207\n", + "Completed text 71208\n", + "Completed text 71209\n", + "Completed text 71210\n", + "Completed text 71211\n", + "Completed text 71212\n", + "Completed text 71213\n", + "Completed text 71214\n", + "Completed text 71215\n", + "Completed text 71216\n", + "Completed text 71217\n", + "Completed text 71218\n", + "Completed text 71219\n", + "Completed text 71220\n", + "Completed text 71221\n", + "Completed text 71222\n", + "Completed text 71223\n", + "Completed text 71224\n", + "Completed text 71225\n", + "Completed text 71226\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 71227\n", + "Completed text 71228\n", + "Completed text 71229\n", + "Completed text 71230\n", + "Completed text 71231\n", + "Completed text 71232\n", + "Completed text 71233\n", + "Completed text 71234\n", + "Completed text 71235\n", + "Completed text 71236\n", + "Completed text 71237\n", + "Completed text 71238\n", + "Completed text 71239\n", + "Completed text 71240\n", + "Completed text 71241\n", + "Completed text 71242\n", + "Completed text 71243\n", + "Completed text 71244\n", + "Completed text 71245\n", + "Completed text 71246\n", + "Completed text 71247\n", + "Completed text 71248\n", + "Completed text 71249\n", + "Completed text 71250\n", + "Completed text 71251\n", + "Completed text 71252\n", + "Completed text 71253\n", + "Completed text 71254\n", + "Completed text 71255\n", + "Completed text 71256\n", + "Completed text 71257\n", + "Completed text 71258\n", + "Completed text 71259\n", + "Completed text 71260\n", + "Completed text 71261\n", + "Completed text 71262\n", + "Completed text 71263\n", + "Completed text 71264\n", + "Completed text 71265\n", + "Completed text 71266\n", + "Completed text 71267\n", + "Completed text 71268\n", + "Completed text 71269\n", + "Completed text 71270\n", + "Completed text 71271\n", + "Completed text 71272\n", + "Completed text 71273\n", + "Completed text 71274\n", + "Completed text 71275\n", + "Completed text 71276\n", + "Completed text 71277\n", + "Completed text 71278\n", + "Completed text 71279\n", + "Completed text 71280\n", + "Completed text 71281\n", + "Completed text 71282\n", + "Completed text 71283\n", + "Completed text 71284\n", + "Completed text 71285\n", + "Completed text 71286\n", + "Completed text 71287\n", + "Completed text 71288\n", + "Completed text 71289\n", + "Completed text 71290\n", + "Completed text 71291\n", + "Completed text 71292\n", + "Completed text 71293\n", + "Completed text 71294\n", + "Completed text 71295\n", + "Completed text 71296\n", + "Completed text 71297\n", + "Completed text 71298\n", + "Completed text 71299\n", + "Completed text 71300\n", + "Completed text 71301\n", + "Completed text 71302\n", + "Completed text 71303\n", + "Completed text 71304\n", + "Completed text 71305\n", + "Completed text 71306\n", + "Completed text 71307\n", + "Completed text 71308\n", + "Completed text 71309\n", + "Completed text 71310\n", + "Completed text 71311\n", + "Completed text 71312\n", + "Completed text 71313\n", + "Completed text 71314\n", + "Completed text 71315\n", + "Completed text 71316\n", + "Completed text 71317\n", + "Completed text 71318\n", + "Completed text 71319\n", + "Completed text 71320\n", + "Completed text 71321\n", + "Completed text 71322\n", + "Completed text 71323\n", + "Completed text 71324\n", + "Completed text 71325\n", + "Completed text 71326\n", + "Completed text 71327\n", + "Completed text 71328\n", + "Completed text 71329\n", + "Completed text 71330\n", + "Completed text 71331\n", + "Completed text 71332\n", + "Completed text 71333\n", + "Completed text 71334\n", + "Completed text 71335\n", + "Completed text 71336\n", + "Completed text 71337\n", + "Completed text 71338\n", + "Completed text 71339\n", + "Completed text 71340\n", + "Completed text 71341\n", + "Completed text 71342\n", + "Completed text 71343\n", + "Completed text 71344\n", + "Completed text 71345\n", + "Completed text 71346\n", + "Completed text 71347\n", + "Completed text 71348\n", + "Completed text 71349\n", + "Completed text 71350\n", + "Completed text 71351\n", + "Completed text 71352\n", + "Completed text 71353\n", + "Completed text 71354\n", + "Completed text 71355\n", + "Completed text 71356\n", + "Completed text 71357\n", + "Completed text 71358\n", + "Completed text 71359\n", + "Completed text 71360\n", + "Completed text 71361\n", + "Completed text 71362\n", + "Completed text 71363\n", + "Completed text 71364\n", + "Completed text 71365\n", + "Completed text 71366\n", + "Completed text 71367\n", + "Completed text 71368\n", + "Completed text 71369\n", + "Completed text 71370\n", + "Completed text 71371\n", + "Completed text 71372\n", + "Completed text 71373\n", + "Completed text 71374\n", + "Completed text 71375\n", + "Completed text 71376\n", + "Completed text 71377\n", + "Completed text 71378\n", + "Completed text 71379\n", + "Completed text 71380\n", + "Completed text 71381\n", + "Completed text 71382\n", + "Completed text 71383\n", + "Completed text 71384\n", + "Completed text 71385\n", + "Completed text 71386\n", + "Completed text 71387\n", + "Completed text 71388\n", + "Completed text 71389\n", + "Completed text 71390\n", + "Completed text 71391\n", + "Completed text 71392\n", + "Completed text 71393\n", + "Completed text 71394\n", + "Completed text 71395\n", + "Completed text 71396\n", + "Completed text 71397\n", + "Completed text 71398\n", + "Completed text 71399\n", + "Completed text 71400\n", + "Completed text 71401\n", + "Completed text 71402\n", + "Completed text 71403\n", + "Completed text 71404\n", + "Completed text 71405\n", + "Completed text 71406\n", + "Completed text 71407\n", + "Completed text 71408\n", + "Completed text 71409\n", + "Completed text 71410\n", + "Completed text 71411\n", + "Completed text 71412\n", + "Completed text 71413\n", + "Completed text 71414\n", + "Completed text 71415\n", + "Completed text 71416\n", + "Completed text 71417\n", + "Completed text 71418\n", + "Completed text 71419\n", + "Completed text 71420\n", + "Completed text 71421\n", + "Completed text 71422\n", + "Completed text 71423\n", + "Completed text 71424\n", + "Completed text 71425\n", + "Completed text 71426\n", + "Completed text 71427\n", + "Completed text 71428\n", + "Completed text 71429\n", + "Completed text 71430\n", + "Completed text 71431\n", + "Completed text 71432\n", + "Completed text 71433\n", + "Completed text 71434\n", + "Completed text 71435\n", + "Completed text 71436\n", + "Completed text 71437\n", + "Completed text 71438\n", + "Completed text 71439\n", + "Completed text 71440\n", + "Completed text 71441\n", + "Completed text 71442\n", + "Completed text 71443\n", + "Completed text 71444\n", + "Completed text 71445\n", + "Completed text 71446\n", + "Completed text 71447\n", + "Completed text 71448\n", + "Completed text 71449\n", + "Completed text 71450\n", + "Completed text 71451\n", + "Completed text 71452\n", + "Completed text 71453\n", + "Completed text 71454\n", + "Completed text 71455\n", + "Completed text 71456\n", + "Completed text 71457\n", + "Completed text 71458\n", + "Completed text 71459\n", + "Completed text 71460\n", + "Completed text 71461\n", + "Completed text 71462\n", + "Completed text 71463\n", + "Completed text 71464\n", + "Completed text 71465\n", + "Completed text 71466\n", + "Completed text 71467\n", + "Completed text 71468\n", + "Completed text 71469\n", + "Completed text 71470\n", + "Completed text 71471\n", + "Completed text 71472\n", + "Completed text 71473\n", + "Completed text 71474\n", + "Completed text 71475\n", + "Completed text 71476\n", + "Completed text 71477\n", + "Completed text 71478\n", + "Completed text 71479\n", + "Completed text 71480\n", + "Completed text 71481\n", + "Completed text 71482\n", + "Completed text 71483\n", + "Completed text 71484\n", + "Completed text 71485\n", + "Completed text 71486\n", + "Completed text 71487\n", + "Completed text 71488\n", + "Completed text 71489\n", + "Completed text 71490\n", + "Completed text 71491\n", + "Completed text 71492\n", + "Completed text 71493\n", + "Completed text 71494\n", + "Completed text 71495\n", + "Completed text 71496\n", + "Completed text 71497\n", + "Completed text 71498\n", + "Completed text 71499\n", + "Completed text 71500\n", + "Completed text 71501\n", + "Completed text 71502\n", + "Completed text 71503\n", + "Completed text 71504\n", + "Completed text 71505\n", + "Completed text 71506\n", + "Completed text 71507\n", + "Completed text 71508\n", + "Completed text 71509\n", + "Completed text 71510\n", + "Completed text 71511\n", + "Completed text 71512\n", + "Completed text 71513\n", + "Completed text 71514\n", + "Completed text 71515\n", + "Completed text 71516\n", + "Completed text 71517\n", + "Completed text 71518\n", + "Completed text 71519\n", + "Completed text 71520\n", + "Completed text 71521\n", + "Completed text 71522\n", + "Completed text 71523\n", + "Completed text 71524\n", + "Completed text 71525\n", + "Completed text 71526\n", + "Completed text 71527\n", + "Completed text 71528\n", + "Completed text 71529\n", + "Completed text 71530\n", + "Completed text 71531\n", + "Completed text 71532\n", + "Completed text 71533\n", + "Completed text 71534\n", + "Completed text 71535\n", + "Completed text 71536\n", + "Completed text 71537\n", + "Completed text 71538\n", + "Completed text 71539\n", + "Completed text 71540\n", + "Completed text 71541\n", + "Completed text 71542\n", + "Completed text 71543\n", + "Completed text 71544\n", + "Completed text 71545\n", + "Completed text 71546\n", + "Completed text 71547\n", + "Completed text 71548\n", + "Completed text 71549\n", + "Completed text 71550\n", + "Completed text 71551\n", + "Completed text 71552\n", + "Completed text 71553\n", + "Completed text 71554\n", + "Completed text 71555\n", + "Completed text 71556\n", + "Completed text 71557\n", + "Completed text 71558\n", + "Completed text 71559\n", + "Completed text 71560\n", + "Completed text 71561\n", + "Completed text 71562\n", + "Completed text 71563\n", + "Completed text 71564\n", + "Completed text 71565\n", + "Completed text 71566\n", + "Completed text 71567\n", + "Completed text 71568\n", + "Completed text 71569\n", + "Completed text 71570\n", + "Completed text 71571\n", + "Completed text 71572\n", + "Completed text 71573\n", + "Completed text 71574\n", + "Completed text 71575\n", + "Completed text 71576\n", + "Completed text 71577\n", + "Completed text 71578\n", + "Completed text 71579\n", + "Completed text 71580\n", + "Completed text 71581\n", + "Completed text 71582\n", + "Completed text 71583\n", + "Completed text 71584\n", + "Completed text 71585\n", + "Completed text 71586\n", + "Completed text 71587\n", + "Completed text 71588\n", + "Completed text 71589\n", + "Completed text 71590\n", + "Completed text 71591\n", + "Completed text 71592\n", + "Completed text 71593\n", + "Completed text 71594\n", + "Completed text 71595\n", + "Completed text 71596\n", + "Completed text 71597\n", + "Completed text 71598\n", + "Completed text 71599\n", + "Completed text 71600\n", + "Completed text 71601\n", + "Completed text 71602\n", + "Completed text 71603\n", + "Completed text 71604\n", + "Completed text 71605\n", + "Completed text 71606\n", + "Completed text 71607\n", + "Completed text 71608\n", + "Completed text 71609\n", + "Completed text 71610\n", + "Completed text 71611\n", + "Completed text 71612\n", + "Completed text 71613\n", + "Completed text 71614\n", + "Completed text 71615\n", + "Completed text 71616\n", + "Completed text 71617\n", + "Completed text 71618\n", + "Completed text 71619\n", + "Completed text 71620\n", + "Completed text 71621\n", + "Completed text 71622\n", + "Completed text 71623\n", + "Completed text 71624\n", + "Completed text 71625\n", + "Completed text 71626\n", + "Completed text 71627\n", + "Completed text 71628\n", + "Completed text 71629\n", + "Completed text 71630\n", + "Completed text 71631\n", + "Completed text 71632\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 71633\n", + "Completed text 71634\n", + "Completed text 71635\n", + "Completed text 71636\n", + "Completed text 71637\n", + "Completed text 71638\n", + "Completed text 71639\n", + "Completed text 71640\n", + "Completed text 71641\n", + "Completed text 71642\n", + "Completed text 71643\n", + "Completed text 71644\n", + "Completed text 71645\n", + "Completed text 71646\n", + "Completed text 71647\n", + "Completed text 71648\n", + "Completed text 71649\n", + "Completed text 71650\n", + "Completed text 71651\n", + "Completed text 71652\n", + "Completed text 71653\n", + "Completed text 71654\n", + "Completed text 71655\n", + "Completed text 71656\n", + "Completed text 71657\n", + "Completed text 71658\n", + "Completed text 71659\n", + "Completed text 71660\n", + "Completed text 71661\n", + "Completed text 71662\n", + "Completed text 71663\n", + "Completed text 71664\n", + "Completed text 71665\n", + "Completed text 71666\n", + "Completed text 71667\n", + "Completed text 71668\n", + "Completed text 71669\n", + "Completed text 71670\n", + "Completed text 71671\n", + "Completed text 71672\n", + "Completed text 71673\n", + "Completed text 71674\n", + "Completed text 71675\n", + "Completed text 71676\n", + "Completed text 71677\n", + "Completed text 71678\n", + "Completed text 71679\n", + "Completed text 71680\n", + "Completed text 71681\n", + "Completed text 71682\n", + "Completed text 71683\n", + "Completed text 71684\n", + "Completed text 71685\n", + "Completed text 71686\n", + "Completed text 71687\n", + "Completed text 71688\n", + "Completed text 71689\n", + "Completed text 71690\n", + "Completed text 71691\n", + "Completed text 71692\n", + "Completed text 71693\n", + "Completed text 71694\n", + "Completed text 71695\n", + "Completed text 71696\n", + "Completed text 71697\n", + "Completed text 71698\n", + "Completed text 71699\n", + "Completed text 71700\n", + "Completed text 71701\n", + "Completed text 71702\n", + "Completed text 71703\n", + "Completed text 71704\n", + "Completed text 71705\n", + "Completed text 71706\n", + "Completed text 71707\n", + "Completed text 71708\n", + "Completed text 71709\n", + "Completed text 71710\n", + "Completed text 71711\n", + "Completed text 71712\n", + "Completed text 71713\n", + "Completed text 71714\n", + "Completed text 71715\n", + "Completed text 71716\n", + "Completed text 71717\n", + "Completed text 71718\n", + "Completed text 71719\n", + "Completed text 71720\n", + "Completed text 71721\n", + "Completed text 71722\n", + "Completed text 71723\n", + "Completed text 71724\n", + "Completed text 71725\n", + "Completed text 71726\n", + "Completed text 71727\n", + "Completed text 71728\n", + "Completed text 71729\n", + "Completed text 71730\n", + "Completed text 71731\n", + "Completed text 71732\n", + "Completed text 71733\n", + "Completed text 71734\n", + "Completed text 71735\n", + "Completed text 71736\n", + "Completed text 71737\n", + "Completed text 71738\n", + "Completed text 71739\n", + "Completed text 71740\n", + "Completed text 71741\n", + "Completed text 71742\n", + "Completed text 71743\n", + "Completed text 71744\n", + "Completed text 71745\n", + "Completed text 71746\n", + "Completed text 71747\n", + "Completed text 71748\n", + "Completed text 71749\n", + "Completed text 71750\n", + "Completed text 71751\n", + "Completed text 71752\n", + "Completed text 71753\n", + "Completed text 71754\n", + "Completed text 71755\n", + "Completed text 71756\n", + "Completed text 71757\n", + "Completed text 71758\n", + "Completed text 71759\n", + "Completed text 71760\n", + "Completed text 71761\n", + "Completed text 71762\n", + "Completed text 71763\n", + "Completed text 71764\n", + "Completed text 71765\n", + "Completed text 71766\n", + "Completed text 71767\n", + "Completed text 71768\n", + "Completed text 71769\n", + "Completed text 71770\n", + "Completed text 71771\n", + "Completed text 71772\n", + "Completed text 71773\n", + "Completed text 71774\n", + "Completed text 71775\n", + "Completed text 71776\n", + "Completed text 71777\n", + "Completed text 71778\n", + "Completed text 71779\n", + "Completed text 71780\n", + "Completed text 71781\n", + "Completed text 71782\n", + "Completed text 71783\n", + "Completed text 71784\n", + "Completed text 71785\n", + "Completed text 71786\n", + "Completed text 71787\n", + "Completed text 71788\n", + "Completed text 71789\n", + "Completed text 71790\n", + "Completed text 71791\n", + "Completed text 71792\n", + "Completed text 71793\n", + "Completed text 71794\n", + "Completed text 71795\n", + "Completed text 71796\n", + "Completed text 71797\n", + "Completed text 71798\n", + "Completed text 71799\n", + "Completed text 71800\n", + "Completed text 71801\n", + "Completed text 71802\n", + "Completed text 71803\n", + "Completed text 71804\n", + "Completed text 71805\n", + "Completed text 71806\n", + "Completed text 71807\n", + "Completed text 71808\n", + "Completed text 71809\n", + "Completed text 71810\n", + "Completed text 71811\n", + "Completed text 71812\n", + "Completed text 71813\n", + "Completed text 71814\n", + "Completed text 71815\n", + "Completed text 71816\n", + "Completed text 71817\n", + "Completed text 71818\n", + "Completed text 71819\n", + "Completed text 71820\n", + "Completed text 71821\n", + "Completed text 71822\n", + "Completed text 71823\n", + "Completed text 71824\n", + "Completed text 71825\n", + "Completed text 71826\n", + "Completed text 71827\n", + "Completed text 71828\n", + "Completed text 71829\n", + "Completed text 71830\n", + "Completed text 71831\n", + "Completed text 71832\n", + "Completed text 71833\n", + "Completed text 71834\n", + "Completed text 71835\n", + "Completed text 71836\n", + "Completed text 71837\n", + "Completed text 71838\n", + "Completed text 71839\n", + "Completed text 71840\n", + "Completed text 71841\n", + "Completed text 71842\n", + "Completed text 71843\n", + "Completed text 71844\n", + "Completed text 71845\n", + "Completed text 71846\n", + "Completed text 71847\n", + "Completed text 71848\n", + "Completed text 71849\n", + "Completed text 71850\n", + "Completed text 71851\n", + "Completed text 71852\n", + "Completed text 71853\n", + "Completed text 71854\n", + "Completed text 71855\n", + "Completed text 71856\n", + "Completed text 71857\n", + "Completed text 71858\n", + "Completed text 71859\n", + "Completed text 71860\n", + "Completed text 71861\n", + "Completed text 71862\n", + "Completed text 71863\n", + "Completed text 71864\n", + "Completed text 71865\n", + "Completed text 71866\n", + "Completed text 71867\n", + "Completed text 71868\n", + "Completed text 71869\n", + "Completed text 71870\n", + "Completed text 71871\n", + "Completed text 71872\n", + "Completed text 71873\n", + "Completed text 71874\n", + "Completed text 71875\n", + "Completed text 71876\n", + "Completed text 71877\n", + "Completed text 71878\n", + "Completed text 71879\n", + "Completed text 71880\n", + "Completed text 71881\n", + "Completed text 71882\n", + "Completed text 71883\n", + "Completed text 71884\n", + "Completed text 71885\n", + "Completed text 71886\n", + "Completed text 71887\n", + "Completed text 71888\n", + "Completed text 71889\n", + "Completed text 71890\n", + "Completed text 71891\n", + "Completed text 71892\n", + "Completed text 71893\n", + "Completed text 71894\n", + "Completed text 71895\n", + "Completed text 71896\n", + "Completed text 71897\n", + "Completed text 71898\n", + "Completed text 71899\n", + "Completed text 71900\n", + "Completed text 71901\n", + "Completed text 71902\n", + "Completed text 71903\n", + "Completed text 71904\n", + "Completed text 71905\n", + "Completed text 71906\n", + "Completed text 71907\n", + "Completed text 71908\n", + "Completed text 71909\n", + "Completed text 71910\n", + "Completed text 71911\n", + "Completed text 71912\n", + "Completed text 71913\n", + "Completed text 71914\n", + "Completed text 71915\n", + "Completed text 71916\n", + "Completed text 71917\n", + "Completed text 71918\n", + "Completed text 71919\n", + "Completed text 71920\n", + "Completed text 71921\n", + "Completed text 71922\n", + "Completed text 71923\n", + "Completed text 71924\n", + "Completed text 71925\n", + "Completed text 71926\n", + "Completed text 71927\n", + "Completed text 71928\n", + "Completed text 71929\n", + "Completed text 71930\n", + "Completed text 71931\n", + "Completed text 71932\n", + "Completed text 71933\n", + "Completed text 71934\n", + "Completed text 71935\n", + "Completed text 71936\n", + "Completed text 71937\n", + "Completed text 71938\n", + "Completed text 71939\n", + "Completed text 71940\n", + "Completed text 71941\n", + "Completed text 71942\n", + "Completed text 71943\n", + "Completed text 71944\n", + "Completed text 71945\n", + "Completed text 71946\n", + "Completed text 71947\n", + "Completed text 71948\n", + "Completed text 71949\n", + "Completed text 71950\n", + "Completed text 71951\n", + "Completed text 71952\n", + "Completed text 71953\n", + "Completed text 71954\n", + "Completed text 71955\n", + "Completed text 71956\n", + "Completed text 71957\n", + "Completed text 71958\n", + "Completed text 71959\n", + "Completed text 71960\n", + "Completed text 71961\n", + "Completed text 71962\n", + "Completed text 71963\n", + "Completed text 71964\n", + "Completed text 71965\n", + "Completed text 71966\n", + "Completed text 71967\n", + "Completed text 71968\n", + "Completed text 71969\n", + "Completed text 71970\n", + "Completed text 71971\n", + "Completed text 71972\n", + "Completed text 71973\n", + "Completed text 71974\n", + "Completed text 71975\n", + "Completed text 71976\n", + "Completed text 71977\n", + "Completed text 71978\n", + "Completed text 71979\n", + "Completed text 71980\n", + "Completed text 71981\n", + "Completed text 71982\n", + "Completed text 71983\n", + "Completed text 71984\n", + "Completed text 71985\n", + "Completed text 71986\n", + "Completed text 71987\n", + "Completed text 71988\n", + "Completed text 71989\n", + "Completed text 71990\n", + "Completed text 71991\n", + "Completed text 71992\n", + "Completed text 71993\n", + "Completed text 71994\n", + "Completed text 71995\n", + "Completed text 71996\n", + "Completed text 71997\n", + "Completed text 71998\n", + "Completed text 71999\n", + "Completed text 72000\n", + "Completed text 72001\n", + "Completed text 72002\n", + "Completed text 72003\n", + "Completed text 72004\n", + "Completed text 72005\n", + "Completed text 72006\n", + "Completed text 72007\n", + "Completed text 72008\n", + "Completed text 72009\n", + "Completed text 72010\n", + "Completed text 72011\n", + "Completed text 72012\n", + "Completed text 72013\n", + "Completed text 72014\n", + "Completed text 72015\n", + "Completed text 72016\n", + "Completed text 72017\n", + "Completed text 72018\n", + "Completed text 72019\n", + "Completed text 72020\n", + "Completed text 72021\n", + "Completed text 72022\n", + "Completed text 72023\n", + "Completed text 72024\n", + "Completed text 72025\n", + "Completed text 72026\n", + "Completed text 72027\n", + "Completed text 72028\n", + "Completed text 72029\n", + "Completed text 72030\n", + "Completed text 72031\n", + "Completed text 72032\n", + "Completed text 72033\n", + "Completed text 72034\n", + "Completed text 72035\n", + "Completed text 72036\n", + "Completed text 72037\n", + "Completed text 72038\n", + "Completed text 72039\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 72040\n", + "Completed text 72041\n", + "Completed text 72042\n", + "Completed text 72043\n", + "Completed text 72044\n", + "Completed text 72045\n", + "Completed text 72046\n", + "Completed text 72047\n", + "Completed text 72048\n", + "Completed text 72049\n", + "Completed text 72050\n", + "Completed text 72051\n", + "Completed text 72052\n", + "Completed text 72053\n", + "Completed text 72054\n", + "Completed text 72055\n", + "Completed text 72056\n", + "Completed text 72057\n", + "Completed text 72058\n", + "Completed text 72059\n", + "Completed text 72060\n", + "Completed text 72061\n", + "Completed text 72062\n", + "Completed text 72063\n", + "Completed text 72064\n", + "Completed text 72065\n", + "Completed text 72066\n", + "Completed text 72067\n", + "Completed text 72068\n", + "Completed text 72069\n", + "Completed text 72070\n", + "Completed text 72071\n", + "Completed text 72072\n", + "Completed text 72073\n", + "Completed text 72074\n", + "Completed text 72075\n", + "Completed text 72076\n", + "Completed text 72077\n", + "Completed text 72078\n", + "Completed text 72079\n", + "Completed text 72080\n", + "Completed text 72081\n", + "Completed text 72082\n", + "Completed text 72083\n", + "Completed text 72084\n", + "Completed text 72085\n", + "Completed text 72086\n", + "Completed text 72087\n", + "Completed text 72088\n", + "Completed text 72089\n", + "Completed text 72090\n", + "Completed text 72091\n", + "Completed text 72092\n", + "Completed text 72093\n", + "Completed text 72094\n", + "Completed text 72095\n", + "Completed text 72096\n", + "Completed text 72097\n", + "Completed text 72098\n", + "Completed text 72099\n", + "Completed text 72100\n", + "Completed text 72101\n", + "Completed text 72102\n", + "Completed text 72103\n", + "Completed text 72104\n", + "Completed text 72105\n", + "Completed text 72106\n", + "Completed text 72107\n", + "Completed text 72108\n", + "Completed text 72109\n", + "Completed text 72110\n", + "Completed text 72111\n", + "Completed text 72112\n", + "Completed text 72113\n", + "Completed text 72114\n", + "Completed text 72115\n", + "Completed text 72116\n", + "Completed text 72117\n", + "Completed text 72118\n", + "Completed text 72119\n", + "Completed text 72120\n", + "Completed text 72121\n", + "Completed text 72122\n", + "Completed text 72123\n", + "Completed text 72124\n", + "Completed text 72125\n", + "Completed text 72126\n", + "Completed text 72127\n", + "Completed text 72128\n", + "Completed text 72129\n", + "Completed text 72130\n", + "Completed text 72131\n", + "Completed text 72132\n", + "Completed text 72133\n", + "Completed text 72134\n", + "Completed text 72135\n", + "Completed text 72136\n", + "Completed text 72137\n", + "Completed text 72138\n", + "Completed text 72139\n", + "Completed text 72140\n", + "Completed text 72141\n", + "Completed text 72142\n", + "Completed text 72143\n", + "Completed text 72144\n", + "Completed text 72145\n", + "Completed text 72146\n", + "Completed text 72147\n", + "Completed text 72148\n", + "Completed text 72149\n", + "Completed text 72150\n", + "Completed text 72151\n", + "Completed text 72152\n", + "Completed text 72153\n", + "Completed text 72154\n", + "Completed text 72155\n", + "Completed text 72156\n", + "Completed text 72157\n", + "Completed text 72158\n", + "Completed text 72159\n", + "Completed text 72160\n", + "Completed text 72161\n", + "Completed text 72162\n", + "Completed text 72163\n", + "Completed text 72164\n", + "Completed text 72165\n", + "Completed text 72166\n", + "Completed text 72167\n", + "Completed text 72168\n", + "Completed text 72169\n", + "Completed text 72170\n", + "Completed text 72171\n", + "Completed text 72172\n", + "Completed text 72173\n", + "Completed text 72174\n", + "Completed text 72175\n", + "Completed text 72176\n", + "Completed text 72177\n", + "Completed text 72178\n", + "Completed text 72179\n", + "Completed text 72180\n", + "Completed text 72181\n", + "Completed text 72182\n", + "Completed text 72183\n", + "Completed text 72184\n", + "Completed text 72185\n", + "Completed text 72186\n", + "Completed text 72187\n", + "Completed text 72188\n", + "Completed text 72189\n", + "Completed text 72190\n", + "Completed text 72191\n", + "Completed text 72192\n", + "Completed text 72193\n", + "Completed text 72194\n", + "Completed text 72195\n", + "Completed text 72196\n", + "Completed text 72197\n", + "Completed text 72198\n", + "Completed text 72199\n", + "Completed text 72200\n", + "Completed text 72201\n", + "Completed text 72202\n", + "Completed text 72203\n", + "Completed text 72204\n", + "Completed text 72205\n", + "Completed text 72206\n", + "Completed text 72207\n", + "Completed text 72208\n", + "Completed text 72209\n", + "Completed text 72210\n", + "Completed text 72211\n", + "Completed text 72212\n", + "Completed text 72213\n", + "Completed text 72214\n", + "Completed text 72215\n", + "Completed text 72216\n", + "Completed text 72217\n", + "Completed text 72218\n", + "Completed text 72219\n", + "Completed text 72220\n", + "Completed text 72221\n", + "Completed text 72222\n", + "Completed text 72223\n", + "Completed text 72224\n", + "Completed text 72225\n", + "Completed text 72226\n", + "Completed text 72227\n", + "Completed text 72228\n", + "Completed text 72229\n", + "Completed text 72230\n", + "Completed text 72231\n", + "Completed text 72232\n", + "Completed text 72233\n", + "Completed text 72234\n", + "Completed text 72235\n", + "Completed text 72236\n", + "Completed text 72237\n", + "Completed text 72238\n", + "Completed text 72239\n", + "Completed text 72240\n", + "Completed text 72241\n", + "Completed text 72242\n", + "Completed text 72243\n", + "Completed text 72244\n", + "Completed text 72245\n", + "Completed text 72246\n", + "Completed text 72247\n", + "Completed text 72248\n", + "Completed text 72249\n", + "Completed text 72250\n", + "Completed text 72251\n", + "Completed text 72252\n", + "Completed text 72253\n", + "Completed text 72254\n", + "Completed text 72255\n", + "Completed text 72256\n", + "Completed text 72257\n", + "Completed text 72258\n", + "Completed text 72259\n", + "Completed text 72260\n", + "Completed text 72261\n", + "Completed text 72262\n", + "Completed text 72263\n", + "Completed text 72264\n", + "Completed text 72265\n", + "Completed text 72266\n", + "Completed text 72267\n", + "Completed text 72268\n", + "Completed text 72269\n", + "Completed text 72270\n", + "Completed text 72271\n", + "Completed text 72272\n", + "Completed text 72273\n", + "Completed text 72274\n", + "Completed text 72275\n", + "Completed text 72276\n", + "Completed text 72277\n", + "Completed text 72278\n", + "Completed text 72279\n", + "Completed text 72280\n", + "Completed text 72281\n", + "Completed text 72282\n", + "Completed text 72283\n", + "Completed text 72284\n", + "Completed text 72285\n", + "Completed text 72286\n", + "Completed text 72287\n", + "Completed text 72288\n", + "Completed text 72289\n", + "Completed text 72290\n", + "Completed text 72291\n", + "Completed text 72292\n", + "Completed text 72293\n", + "Completed text 72294\n", + "Completed text 72295\n", + "Completed text 72296\n", + "Completed text 72297\n", + "Completed text 72298\n", + "Completed text 72299\n", + "Completed text 72300\n", + "Completed text 72301\n", + "Completed text 72302\n", + "Completed text 72303\n", + "Completed text 72304\n", + "Completed text 72305\n", + "Completed text 72306\n", + "Completed text 72307\n", + "Completed text 72308\n", + "Completed text 72309\n", + "Completed text 72310\n", + "Completed text 72311\n", + "Completed text 72312\n", + "Completed text 72313\n", + "Completed text 72314\n", + "Completed text 72315\n", + "Completed text 72316\n", + "Completed text 72317\n", + "Completed text 72318\n", + "Completed text 72319\n", + "Completed text 72320\n", + "Completed text 72321\n", + "Completed text 72322\n", + "Completed text 72323\n", + "Completed text 72324\n", + "Completed text 72325\n", + "Completed text 72326\n", + "Completed text 72327\n", + "Completed text 72328\n", + "Completed text 72329\n", + "Completed text 72330\n", + "Completed text 72331\n", + "Completed text 72332\n", + "Completed text 72333\n", + "Completed text 72334\n", + "Completed text 72335\n", + "Completed text 72336\n", + "Completed text 72337\n", + "Completed text 72338\n", + "Completed text 72339\n", + "Completed text 72340\n", + "Completed text 72341\n", + "Completed text 72342\n", + "Completed text 72343\n", + "Completed text 72344\n", + "Completed text 72345\n", + "Completed text 72346\n", + "Completed text 72347\n", + "Completed text 72348\n", + "Completed text 72349\n", + "Completed text 72350\n", + "Completed text 72351\n", + "Completed text 72352\n", + "Completed text 72353\n", + "Completed text 72354\n", + "Completed text 72355\n", + "Completed text 72356\n", + "Completed text 72357\n", + "Completed text 72358\n", + "Completed text 72359\n", + "Completed text 72360\n", + "Completed text 72361\n", + "Completed text 72362\n", + "Completed text 72363\n", + "Completed text 72364\n", + "Completed text 72365\n", + "Completed text 72366\n", + "Completed text 72367\n", + "Completed text 72368\n", + "Completed text 72369\n", + "Completed text 72370\n", + "Completed text 72371\n", + "Completed text 72372\n", + "Completed text 72373\n", + "Completed text 72374\n", + "Completed text 72375\n", + "Completed text 72376\n", + "Completed text 72377\n", + "Completed text 72378\n", + "Completed text 72379\n", + "Completed text 72380\n", + "Completed text 72381\n", + "Completed text 72382\n", + "Completed text 72383\n", + "Completed text 72384\n", + "Completed text 72385\n", + "Completed text 72386\n", + "Completed text 72387\n", + "Completed text 72388\n", + "Completed text 72389\n", + "Completed text 72390\n", + "Completed text 72391\n", + "Completed text 72392\n", + "Completed text 72393\n", + "Completed text 72394\n", + "Completed text 72395\n", + "Completed text 72396\n", + "Completed text 72397\n", + "Completed text 72398\n", + "Completed text 72399\n", + "Completed text 72400\n", + "Completed text 72401\n", + "Completed text 72402\n", + "Completed text 72403\n", + "Completed text 72404\n", + "Completed text 72405\n", + "Completed text 72406\n", + "Completed text 72407\n", + "Completed text 72408\n", + "Completed text 72409\n", + "Completed text 72410\n", + "Completed text 72411\n", + "Completed text 72412\n", + "Completed text 72413\n", + "Completed text 72414\n", + "Completed text 72415\n", + "Completed text 72416\n", + "Completed text 72417\n", + "Completed text 72418\n", + "Completed text 72419\n", + "Completed text 72420\n", + "Completed text 72421\n", + "Completed text 72422\n", + "Completed text 72423\n", + "Completed text 72424\n", + "Completed text 72425\n", + "Completed text 72426\n", + "Completed text 72427\n", + "Completed text 72428\n", + "Completed text 72429\n", + "Completed text 72430\n", + "Completed text 72431\n", + "Completed text 72432\n", + "Completed text 72433\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 72434\n", + "Completed text 72435\n", + "Completed text 72436\n", + "Completed text 72437\n", + "Completed text 72438\n", + "Completed text 72439\n", + "Completed text 72440\n", + "Completed text 72441\n", + "Completed text 72442\n", + "Completed text 72443\n", + "Completed text 72444\n", + "Completed text 72445\n", + "Completed text 72446\n", + "Completed text 72447\n", + "Completed text 72448\n", + "Completed text 72449\n", + "Completed text 72450\n", + "Completed text 72451\n", + "Completed text 72452\n", + "Completed text 72453\n", + "Completed text 72454\n", + "Completed text 72455\n", + "Completed text 72456\n", + "Completed text 72457\n", + "Completed text 72458\n", + "Completed text 72459\n", + "Completed text 72460\n", + "Completed text 72461\n", + "Completed text 72462\n", + "Completed text 72463\n", + "Completed text 72464\n", + "Completed text 72465\n", + "Completed text 72466\n", + "Completed text 72467\n", + "Completed text 72468\n", + "Completed text 72469\n", + "Completed text 72470\n", + "Completed text 72471\n", + "Completed text 72472\n", + "Completed text 72473\n", + "Completed text 72474\n", + "Completed text 72475\n", + "Completed text 72476\n", + "Completed text 72477\n", + "Completed text 72478\n", + "Completed text 72479\n", + "Completed text 72480\n", + "Completed text 72481\n", + "Completed text 72482\n", + "Completed text 72483\n", + "Completed text 72484\n", + "Completed text 72485\n", + "Completed text 72486\n", + "Completed text 72487\n", + "Completed text 72488\n", + "Completed text 72489\n", + "Completed text 72490\n", + "Completed text 72491\n", + "Completed text 72492\n", + "Completed text 72493\n", + "Completed text 72494\n", + "Completed text 72495\n", + "Completed text 72496\n", + "Completed text 72497\n", + "Completed text 72498\n", + "Completed text 72499\n", + "Completed text 72500\n", + "Completed text 72501\n", + "Completed text 72502\n", + "Completed text 72503\n", + "Completed text 72504\n", + "Completed text 72505\n", + "Completed text 72506\n", + "Completed text 72507\n", + "Completed text 72508\n", + "Completed text 72509\n", + "Completed text 72510\n", + "Completed text 72511\n", + "Completed text 72512\n", + "Completed text 72513\n", + "Completed text 72514\n", + "Completed text 72515\n", + "Completed text 72516\n", + "Completed text 72517\n", + "Completed text 72518\n", + "Completed text 72519\n", + "Completed text 72520\n", + "Completed text 72521\n", + "Completed text 72522\n", + "Completed text 72523\n", + "Completed text 72524\n", + "Completed text 72525\n", + "Completed text 72526\n", + "Completed text 72527\n", + "Completed text 72528\n", + "Completed text 72529\n", + "Completed text 72530\n", + "Completed text 72531\n", + "Completed text 72532\n", + "Completed text 72533\n", + "Completed text 72534\n", + "Completed text 72535\n", + "Completed text 72536\n", + "Completed text 72537\n", + "Completed text 72538\n", + "Completed text 72539\n", + "Completed text 72540\n", + "Completed text 72541\n", + "Completed text 72542\n", + "Completed text 72543\n", + "Completed text 72544\n", + "Completed text 72545\n", + "Completed text 72546\n", + "Completed text 72547\n", + "Completed text 72548\n", + "Completed text 72549\n", + "Completed text 72550\n", + "Completed text 72551\n", + "Completed text 72552\n", + "Completed text 72553\n", + "Completed text 72554\n", + "Completed text 72555\n", + "Completed text 72556\n", + "Completed text 72557\n", + "Completed text 72558\n", + "Completed text 72559\n", + "Completed text 72560\n", + "Completed text 72561\n", + "Completed text 72562\n", + "Completed text 72563\n", + "Completed text 72564\n", + "Completed text 72565\n", + "Completed text 72566\n", + "Completed text 72567\n", + "Completed text 72568\n", + "Completed text 72569\n", + "Completed text 72570\n", + "Completed text 72571\n", + "Completed text 72572\n", + "Completed text 72573\n", + "Completed text 72574\n", + "Completed text 72575\n", + "Completed text 72576\n", + "Completed text 72577\n", + "Completed text 72578\n", + "Completed text 72579\n", + "Completed text 72580\n", + "Completed text 72581\n", + "Completed text 72582\n", + "Completed text 72583\n", + "Completed text 72584\n", + "Completed text 72585\n", + "Completed text 72586\n", + "Completed text 72587\n", + "Completed text 72588\n", + "Completed text 72589\n", + "Completed text 72590\n", + "Completed text 72591\n", + "Completed text 72592\n", + "Completed text 72593\n", + "Completed text 72594\n", + "Completed text 72595\n", + "Completed text 72596\n", + "Completed text 72597\n", + "Completed text 72598\n", + "Completed text 72599\n", + "Completed text 72600\n", + "Completed text 72601\n", + "Completed text 72602\n", + "Completed text 72603\n", + "Completed text 72604\n", + "Completed text 72605\n", + "Completed text 72606\n", + "Completed text 72607\n", + "Completed text 72608\n", + "Completed text 72609\n", + "Completed text 72610\n", + "Completed text 72611\n", + "Completed text 72612\n", + "Completed text 72613\n", + "Completed text 72614\n", + "Completed text 72615\n", + "Completed text 72616\n", + "Completed text 72617\n", + "Completed text 72618\n", + "Completed text 72619\n", + "Completed text 72620\n", + "Completed text 72621\n", + "Completed text 72622\n", + "Completed text 72623\n", + "Completed text 72624\n", + "Completed text 72625\n", + "Completed text 72626\n", + "Completed text 72627\n", + "Completed text 72628\n", + "Completed text 72629\n", + "Completed text 72630\n", + "Completed text 72631\n", + "Completed text 72632\n", + "Completed text 72633\n", + "Completed text 72634\n", + "Completed text 72635\n", + "Completed text 72636\n", + "Completed text 72637\n", + "Completed text 72638\n", + "Completed text 72639\n", + "Completed text 72640\n", + "Completed text 72641\n", + "Completed text 72642\n", + "Completed text 72643\n", + "Completed text 72644\n", + "Completed text 72645\n", + "Completed text 72646\n", + "Completed text 72647\n", + "Completed text 72648\n", + "Completed text 72649\n", + "Completed text 72650\n", + "Completed text 72651\n", + "Completed text 72652\n", + "Completed text 72653\n", + "Completed text 72654\n", + "Completed text 72655\n", + "Completed text 72656\n", + "Completed text 72657\n", + "Completed text 72658\n", + "Completed text 72659\n", + "Completed text 72660\n", + "Completed text 72661\n", + "Completed text 72662\n", + "Completed text 72663\n", + "Completed text 72664\n", + "Completed text 72665\n", + "Completed text 72666\n", + "Completed text 72667\n", + "Completed text 72668\n", + "Completed text 72669\n", + "Completed text 72670\n", + "Completed text 72671\n", + "Completed text 72672\n", + "Completed text 72673\n", + "Completed text 72674\n", + "Completed text 72675\n", + "Completed text 72676\n", + "Completed text 72677\n", + "Completed text 72678\n", + "Completed text 72679\n", + "Completed text 72680\n", + "Completed text 72681\n", + "Completed text 72682\n", + "Completed text 72683\n", + "Completed text 72684\n", + "Completed text 72685\n", + "Completed text 72686\n", + "Completed text 72687\n", + "Completed text 72688\n", + "Completed text 72689\n", + "Completed text 72690\n", + "Completed text 72691\n", + "Completed text 72692\n", + "Completed text 72693\n", + "Completed text 72694\n", + "Completed text 72695\n", + "Completed text 72696\n", + "Completed text 72697\n", + "Completed text 72698\n", + "Completed text 72699\n", + "Completed text 72700\n", + "Completed text 72701\n", + "Completed text 72702\n", + "Completed text 72703\n", + "Completed text 72704\n", + "Completed text 72705\n", + "Completed text 72706\n", + "Completed text 72707\n", + "Completed text 72708\n", + "Completed text 72709\n", + "Completed text 72710\n", + "Completed text 72711\n", + "Completed text 72712\n", + "Completed text 72713\n", + "Completed text 72714\n", + "Completed text 72715\n", + "Completed text 72716\n", + "Completed text 72717\n", + "Completed text 72718\n", + "Completed text 72719\n", + "Completed text 72720\n", + "Completed text 72721\n", + "Completed text 72722\n", + "Completed text 72723\n", + "Completed text 72724\n", + "Completed text 72725\n", + "Completed text 72726\n", + "Completed text 72727\n", + "Completed text 72728\n", + "Completed text 72729\n", + "Completed text 72730\n", + "Completed text 72731\n", + "Completed text 72732\n", + "Completed text 72733\n", + "Completed text 72734\n", + "Completed text 72735\n", + "Completed text 72736\n", + "Completed text 72737\n", + "Completed text 72738\n", + "Completed text 72739\n", + "Completed text 72740\n", + "Completed text 72741\n", + "Completed text 72742\n", + "Completed text 72743\n", + "Completed text 72744\n", + "Completed text 72745\n", + "Completed text 72746\n", + "Completed text 72747\n", + "Completed text 72748\n", + "Completed text 72749\n", + "Completed text 72750\n", + "Completed text 72751\n", + "Completed text 72752\n", + "Completed text 72753\n", + "Completed text 72754\n", + "Completed text 72755\n", + "Completed text 72756\n", + "Completed text 72757\n", + "Completed text 72758\n", + "Completed text 72759\n", + "Completed text 72760\n", + "Completed text 72761\n", + "Completed text 72762\n", + "Completed text 72763\n", + "Completed text 72764\n", + "Completed text 72765\n", + "Completed text 72766\n", + "Completed text 72767\n", + "Completed text 72768\n", + "Completed text 72769\n", + "Completed text 72770\n", + "Completed text 72771\n", + "Completed text 72772\n", + "Completed text 72773\n", + "Completed text 72774\n", + "Completed text 72775\n", + "Completed text 72776\n", + "Completed text 72777\n", + "Completed text 72778\n", + "Completed text 72779\n", + "Completed text 72780\n", + "Completed text 72781\n", + "Completed text 72782\n", + "Completed text 72783\n", + "Completed text 72784\n", + "Completed text 72785\n", + "Completed text 72786\n", + "Completed text 72787\n", + "Completed text 72788\n", + "Completed text 72789\n", + "Completed text 72790\n", + "Completed text 72791\n", + "Completed text 72792\n", + "Completed text 72793\n", + "Completed text 72794\n", + "Completed text 72795\n", + "Completed text 72796\n", + "Completed text 72797\n", + "Completed text 72798\n", + "Completed text 72799\n", + "Completed text 72800\n", + "Completed text 72801\n", + "Completed text 72802\n", + "Completed text 72803\n", + "Completed text 72804\n", + "Completed text 72805\n", + "Completed text 72806\n", + "Completed text 72807\n", + "Completed text 72808\n", + "Completed text 72809\n", + "Completed text 72810\n", + "Completed text 72811\n", + "Completed text 72812\n", + "Completed text 72813\n", + "Completed text 72814\n", + "Completed text 72815\n", + "Completed text 72816\n", + "Completed text 72817\n", + "Completed text 72818\n", + "Completed text 72819\n", + "Completed text 72820\n", + "Completed text 72821\n", + "Completed text 72822\n", + "Completed text 72823\n", + "Completed text 72824\n", + "Completed text 72825\n", + "Completed text 72826\n", + "Completed text 72827\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 72828\n", + "Completed text 72829\n", + "Completed text 72830\n", + "Completed text 72831\n", + "Completed text 72832\n", + "Completed text 72833\n", + "Completed text 72834\n", + "Completed text 72835\n", + "Completed text 72836\n", + "Completed text 72837\n", + "Completed text 72838\n", + "Completed text 72839\n", + "Completed text 72840\n", + "Completed text 72841\n", + "Completed text 72842\n", + "Completed text 72843\n", + "Completed text 72844\n", + "Completed text 72845\n", + "Completed text 72846\n", + "Completed text 72847\n", + "Completed text 72848\n", + "Completed text 72849\n", + "Completed text 72850\n", + "Completed text 72851\n", + "Completed text 72852\n", + "Completed text 72853\n", + "Completed text 72854\n", + "Completed text 72855\n", + "Completed text 72856\n", + "Completed text 72857\n", + "Completed text 72858\n", + "Completed text 72859\n", + "Completed text 72860\n", + "Completed text 72861\n", + "Completed text 72862\n", + "Completed text 72863\n", + "Completed text 72864\n", + "Completed text 72865\n", + "Completed text 72866\n", + "Completed text 72867\n", + "Completed text 72868\n", + "Completed text 72869\n", + "Completed text 72870\n", + "Completed text 72871\n", + "Completed text 72872\n", + "Completed text 72873\n", + "Completed text 72874\n", + "Completed text 72875\n", + "Completed text 72876\n", + "Completed text 72877\n", + "Completed text 72878\n", + "Completed text 72879\n", + "Completed text 72880\n", + "Completed text 72881\n", + "Completed text 72882\n", + "Completed text 72883\n", + "Completed text 72884\n", + "Completed text 72885\n", + "Completed text 72886\n", + "Completed text 72887\n", + "Completed text 72888\n", + "Completed text 72889\n", + "Completed text 72890\n", + "Completed text 72891\n", + "Completed text 72892\n", + "Completed text 72893\n", + "Completed text 72894\n", + "Completed text 72895\n", + "Completed text 72896\n", + "Completed text 72897\n", + "Completed text 72898\n", + "Completed text 72899\n", + "Completed text 72900\n", + "Completed text 72901\n", + "Completed text 72902\n", + "Completed text 72903\n", + "Completed text 72904\n", + "Completed text 72905\n", + "Completed text 72906\n", + "Completed text 72907\n", + "Completed text 72908\n", + "Completed text 72909\n", + "Completed text 72910\n", + "Completed text 72911\n", + "Completed text 72912\n", + "Completed text 72913\n", + "Completed text 72914\n", + "Completed text 72915\n", + "Completed text 72916\n", + "Completed text 72917\n", + "Completed text 72918\n", + "Completed text 72919\n", + "Completed text 72920\n", + "Completed text 72921\n", + "Completed text 72922\n", + "Completed text 72923\n", + "Completed text 72924\n", + "Completed text 72925\n", + "Completed text 72926\n", + "Completed text 72927\n", + "Completed text 72928\n", + "Completed text 72929\n", + "Completed text 72930\n", + "Completed text 72931\n", + "Completed text 72932\n", + "Completed text 72933\n", + "Completed text 72934\n", + "Completed text 72935\n", + "Completed text 72936\n", + "Completed text 72937\n", + "Completed text 72938\n", + "Completed text 72939\n", + "Completed text 72940\n", + "Completed text 72941\n", + "Completed text 72942\n", + "Completed text 72943\n", + "Completed text 72944\n", + "Completed text 72945\n", + "Completed text 72946\n", + "Completed text 72947\n", + "Completed text 72948\n", + "Completed text 72949\n", + "Completed text 72950\n", + "Completed text 72951\n", + "Completed text 72952\n", + "Completed text 72953\n", + "Completed text 72954\n", + "Completed text 72955\n", + "Completed text 72956\n", + "Completed text 72957\n", + "Completed text 72958\n", + "Completed text 72959\n", + "Completed text 72960\n", + "Completed text 72961\n", + "Completed text 72962\n", + "Completed text 72963\n", + "Completed text 72964\n", + "Completed text 72965\n", + "Completed text 72966\n", + "Completed text 72967\n", + "Completed text 72968\n", + "Completed text 72969\n", + "Completed text 72970\n", + "Completed text 72971\n", + "Completed text 72972\n", + "Completed text 72973\n", + "Completed text 72974\n", + "Completed text 72975\n", + "Completed text 72976\n", + "Completed text 72977\n", + "Completed text 72978\n", + "Completed text 72979\n", + "Completed text 72980\n", + "Completed text 72981\n", + "Completed text 72982\n", + "Completed text 72983\n", + "Completed text 72984\n", + "Completed text 72985\n", + "Completed text 72986\n", + "Completed text 72987\n", + "Completed text 72988\n", + "Completed text 72989\n", + "Completed text 72990\n", + "Completed text 72991\n", + "Completed text 72992\n", + "Completed text 72993\n", + "Completed text 72994\n", + "Completed text 72995\n", + "Completed text 72996\n", + "Completed text 72997\n", + "Completed text 72998\n", + "Completed text 72999\n", + "Completed text 73000\n", + "Completed text 73001\n", + "Completed text 73002\n", + "Completed text 73003\n", + "Completed text 73004\n", + "Completed text 73005\n", + "Completed text 73006\n", + "Completed text 73007\n", + "Completed text 73008\n", + "Completed text 73009\n", + "Completed text 73010\n", + "Completed text 73011\n", + "Completed text 73012\n", + "Completed text 73013\n", + "Completed text 73014\n", + "Completed text 73015\n", + "Completed text 73016\n", + "Completed text 73017\n", + "Completed text 73018\n", + "Completed text 73019\n", + "Completed text 73020\n", + "Completed text 73021\n", + "Completed text 73022\n", + "Completed text 73023\n", + "Completed text 73024\n", + "Completed text 73025\n", + "Completed text 73026\n", + "Completed text 73027\n", + "Completed text 73028\n", + "Completed text 73029\n", + "Completed text 73030\n", + "Completed text 73031\n", + "Completed text 73032\n", + "Completed text 73033\n", + "Completed text 73034\n", + "Completed text 73035\n", + "Completed text 73036\n", + "Completed text 73037\n", + "Completed text 73038\n", + "Completed text 73039\n", + "Completed text 73040\n", + "Completed text 73041\n", + "Completed text 73042\n", + "Completed text 73043\n", + "Completed text 73044\n", + "Completed text 73045\n", + "Completed text 73046\n", + "Completed text 73047\n", + "Completed text 73048\n", + "Completed text 73049\n", + "Completed text 73050\n", + "Completed text 73051\n", + "Completed text 73052\n", + "Completed text 73053\n", + "Completed text 73054\n", + "Completed text 73055\n", + "Completed text 73056\n", + "Completed text 73057\n", + "Completed text 73058\n", + "Completed text 73059\n", + "Completed text 73060\n", + "Completed text 73061\n", + "Completed text 73062\n", + "Completed text 73063\n", + "Completed text 73064\n", + "Completed text 73065\n", + "Completed text 73066\n", + "Completed text 73067\n", + "Completed text 73068\n", + "Completed text 73069\n", + "Completed text 73070\n", + "Completed text 73071\n", + "Completed text 73072\n", + "Completed text 73073\n", + "Completed text 73074\n", + "Completed text 73075\n", + "Completed text 73076\n", + "Completed text 73077\n", + "Completed text 73078\n", + "Completed text 73079\n", + "Completed text 73080\n", + "Completed text 73081\n", + "Completed text 73082\n", + "Completed text 73083\n", + "Completed text 73084\n", + "Completed text 73085\n", + "Completed text 73086\n", + "Completed text 73087\n", + "Completed text 73088\n", + "Completed text 73089\n", + "Completed text 73090\n", + "Completed text 73091\n", + "Completed text 73092\n", + "Completed text 73093\n", + "Completed text 73094\n", + "Completed text 73095\n", + "Completed text 73096\n", + "Completed text 73097\n", + "Completed text 73098\n", + "Completed text 73099\n", + "Completed text 73100\n", + "Completed text 73101\n", + "Completed text 73102\n", + "Completed text 73103\n", + "Completed text 73104\n", + "Completed text 73105\n", + "Completed text 73106\n", + "Completed text 73107\n", + "Completed text 73108\n", + "Completed text 73109\n", + "Completed text 73110\n", + "Completed text 73111\n", + "Completed text 73112\n", + "Completed text 73113\n", + "Completed text 73114\n", + "Completed text 73115\n", + "Completed text 73116\n", + "Completed text 73117\n", + "Completed text 73118\n", + "Completed text 73119\n", + "Completed text 73120\n", + "Completed text 73121\n", + "Completed text 73122\n", + "Completed text 73123\n", + "Completed text 73124\n", + "Completed text 73125\n", + "Completed text 73126\n", + "Completed text 73127\n", + "Completed text 73128\n", + "Completed text 73129\n", + "Completed text 73130\n", + "Completed text 73131\n", + "Completed text 73132\n", + "Completed text 73133\n", + "Completed text 73134\n", + "Completed text 73135\n", + "Completed text 73136\n", + "Completed text 73137\n", + "Completed text 73138\n", + "Completed text 73139\n", + "Completed text 73140\n", + "Completed text 73141\n", + "Completed text 73142\n", + "Completed text 73143\n", + "Completed text 73144\n", + "Completed text 73145\n", + "Completed text 73146\n", + "Completed text 73147\n", + "Completed text 73148\n", + "Completed text 73149\n", + "Completed text 73150\n", + "Completed text 73151\n", + "Completed text 73152\n", + "Completed text 73153\n", + "Completed text 73154\n", + "Completed text 73155\n", + "Completed text 73156\n", + "Completed text 73157\n", + "Completed text 73158\n", + "Completed text 73159\n", + "Completed text 73160\n", + "Completed text 73161\n", + "Completed text 73162\n", + "Completed text 73163\n", + "Completed text 73164\n", + "Completed text 73165\n", + "Completed text 73166\n", + "Completed text 73167\n", + "Completed text 73168\n", + "Completed text 73169\n", + "Completed text 73170\n", + "Completed text 73171\n", + "Completed text 73172\n", + "Completed text 73173\n", + "Completed text 73174\n", + "Completed text 73175\n", + "Completed text 73176\n", + "Completed text 73177\n", + "Completed text 73178\n", + "Completed text 73179\n", + "Completed text 73180\n", + "Completed text 73181\n", + "Completed text 73182\n", + "Completed text 73183\n", + "Completed text 73184\n", + "Completed text 73185\n", + "Completed text 73186\n", + "Completed text 73187\n", + "Completed text 73188\n", + "Completed text 73189\n", + "Completed text 73190\n", + "Completed text 73191\n", + "Completed text 73192\n", + "Completed text 73193\n", + "Completed text 73194\n", + "Completed text 73195\n", + "Completed text 73196\n", + "Completed text 73197\n", + "Completed text 73198\n", + "Completed text 73199\n", + "Completed text 73200\n", + "Completed text 73201\n", + "Completed text 73202\n", + "Completed text 73203\n", + "Completed text 73204\n", + "Completed text 73205\n", + "Completed text 73206\n", + "Completed text 73207\n", + "Completed text 73208\n", + "Completed text 73209\n", + "Completed text 73210\n", + "Completed text 73211\n", + "Completed text 73212\n", + "Completed text 73213\n", + "Completed text 73214\n", + "Completed text 73215\n", + "Completed text 73216\n", + "Completed text 73217\n", + "Completed text 73218\n", + "Completed text 73219\n", + "Completed text 73220\n", + "Completed text 73221\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 73222\n", + "Completed text 73223\n", + "Completed text 73224\n", + "Completed text 73225\n", + "Completed text 73226\n", + "Completed text 73227\n", + "Completed text 73228\n", + "Completed text 73229\n", + "Completed text 73230\n", + "Completed text 73231\n", + "Completed text 73232\n", + "Completed text 73233\n", + "Completed text 73234\n", + "Completed text 73235\n", + "Completed text 73236\n", + "Completed text 73237\n", + "Completed text 73238\n", + "Completed text 73239\n", + "Completed text 73240\n", + "Completed text 73241\n", + "Completed text 73242\n", + "Completed text 73243\n", + "Completed text 73244\n", + "Completed text 73245\n", + "Completed text 73246\n", + "Completed text 73247\n", + "Completed text 73248\n", + "Completed text 73249\n", + "Completed text 73250\n", + "Completed text 73251\n", + "Completed text 73252\n", + "Completed text 73253\n", + "Completed text 73254\n", + "Completed text 73255\n", + "Completed text 73256\n", + "Completed text 73257\n", + "Completed text 73258\n", + "Completed text 73259\n", + "Completed text 73260\n", + "Completed text 73261\n", + "Completed text 73262\n", + "Completed text 73263\n", + "Completed text 73264\n", + "Completed text 73265\n", + "Completed text 73266\n", + "Completed text 73267\n", + "Completed text 73268\n", + "Completed text 73269\n", + "Completed text 73270\n", + "Completed text 73271\n", + "Completed text 73272\n", + "Completed text 73273\n", + "Completed text 73274\n", + "Completed text 73275\n", + "Completed text 73276\n", + "Completed text 73277\n", + "Completed text 73278\n", + "Completed text 73279\n", + "Completed text 73280\n", + "Completed text 73281\n", + "Completed text 73282\n", + "Completed text 73283\n", + "Completed text 73284\n", + "Completed text 73285\n", + "Completed text 73286\n", + "Completed text 73287\n", + "Completed text 73288\n", + "Completed text 73289\n", + "Completed text 73290\n", + "Completed text 73291\n", + "Completed text 73292\n", + "Completed text 73293\n", + "Completed text 73294\n", + "Completed text 73295\n", + "Completed text 73296\n", + "Completed text 73297\n", + "Completed text 73298\n", + "Completed text 73299\n", + "Completed text 73300\n", + "Completed text 73301\n", + "Completed text 73302\n", + "Completed text 73303\n", + "Completed text 73304\n", + "Completed text 73305\n", + "Completed text 73306\n", + "Completed text 73307\n", + "Completed text 73308\n", + "Completed text 73309\n", + "Completed text 73310\n", + "Completed text 73311\n", + "Completed text 73312\n", + "Completed text 73313\n", + "Completed text 73314\n", + "Completed text 73315\n", + "Completed text 73316\n", + "Completed text 73317\n", + "Completed text 73318\n", + "Completed text 73319\n", + "Completed text 73320\n", + "Completed text 73321\n", + "Completed text 73322\n", + "Completed text 73323\n", + "Completed text 73324\n", + "Completed text 73325\n", + "Completed text 73326\n", + "Completed text 73327\n", + "Completed text 73328\n", + "Completed text 73329\n", + "Completed text 73330\n", + "Completed text 73331\n", + "Completed text 73332\n", + "Completed text 73333\n", + "Completed text 73334\n", + "Completed text 73335\n", + "Completed text 73336\n", + "Completed text 73337\n", + "Completed text 73338\n", + "Completed text 73339\n", + "Completed text 73340\n", + "Completed text 73341\n", + "Completed text 73342\n", + "Completed text 73343\n", + "Completed text 73344\n", + "Completed text 73345\n", + "Completed text 73346\n", + "Completed text 73347\n", + "Completed text 73348\n", + "Completed text 73349\n", + "Completed text 73350\n", + "Completed text 73351\n", + "Completed text 73352\n", + "Completed text 73353\n", + "Completed text 73354\n", + "Completed text 73355\n", + "Completed text 73356\n", + "Completed text 73357\n", + "Completed text 73358\n", + "Completed text 73359\n", + "Completed text 73360\n", + "Completed text 73361\n", + "Completed text 73362\n", + "Completed text 73363\n", + "Completed text 73364\n", + "Completed text 73365\n", + "Completed text 73366\n", + "Completed text 73367\n", + "Completed text 73368\n", + "Completed text 73369\n", + "Completed text 73370\n", + "Completed text 73371\n", + "Completed text 73372\n", + "Completed text 73373\n", + "Completed text 73374\n", + "Completed text 73375\n", + "Completed text 73376\n", + "Completed text 73377\n", + "Completed text 73378\n", + "Completed text 73379\n", + "Completed text 73380\n", + "Completed text 73381\n", + "Completed text 73382\n", + "Completed text 73383\n", + "Completed text 73384\n", + "Completed text 73385\n", + "Completed text 73386\n", + "Completed text 73387\n", + "Completed text 73388\n", + "Completed text 73389\n", + "Completed text 73390\n", + "Completed text 73391\n", + "Completed text 73392\n", + "Completed text 73393\n", + "Completed text 73394\n", + "Completed text 73395\n", + "Completed text 73396\n", + "Completed text 73397\n", + "Completed text 73398\n", + "Completed text 73399\n", + "Completed text 73400\n", + "Completed text 73401\n", + "Completed text 73402\n", + "Completed text 73403\n", + "Completed text 73404\n", + "Completed text 73405\n", + "Completed text 73406\n", + "Completed text 73407\n", + "Completed text 73408\n", + "Completed text 73409\n", + "Completed text 73410\n", + "Completed text 73411\n", + "Completed text 73412\n", + "Completed text 73413\n", + "Completed text 73414\n", + "Completed text 73415\n", + "Completed text 73416\n", + "Completed text 73417\n", + "Completed text 73418\n", + "Completed text 73419\n", + "Completed text 73420\n", + "Completed text 73421\n", + "Completed text 73422\n", + "Completed text 73423\n", + "Completed text 73424\n", + "Completed text 73425\n", + "Completed text 73426\n", + "Completed text 73427\n", + "Completed text 73428\n", + "Completed text 73429\n", + "Completed text 73430\n", + "Completed text 73431\n", + "Completed text 73432\n", + "Completed text 73433\n", + "Completed text 73434\n", + "Completed text 73435\n", + "Completed text 73436\n", + "Completed text 73437\n", + "Completed text 73438\n", + "Completed text 73439\n", + "Completed text 73440\n", + "Completed text 73441\n", + "Completed text 73442\n", + "Completed text 73443\n", + "Completed text 73444\n", + "Completed text 73445\n", + "Completed text 73446\n", + "Completed text 73447\n", + "Completed text 73448\n", + "Completed text 73449\n", + "Completed text 73450\n", + "Completed text 73451\n", + "Completed text 73452\n", + "Completed text 73453\n", + "Completed text 73454\n", + "Completed text 73455\n", + "Completed text 73456\n", + "Completed text 73457\n", + "Completed text 73458\n", + "Completed text 73459\n", + "Completed text 73460\n", + "Completed text 73461\n", + "Completed text 73462\n", + "Completed text 73463\n", + "Completed text 73464\n", + "Completed text 73465\n", + "Completed text 73466\n", + "Completed text 73467\n", + "Completed text 73468\n", + "Completed text 73469\n", + "Completed text 73470\n", + "Completed text 73471\n", + "Completed text 73472\n", + "Completed text 73473\n", + "Completed text 73474\n", + "Completed text 73475\n", + "Completed text 73476\n", + "Completed text 73477\n", + "Completed text 73478\n", + "Completed text 73479\n", + "Completed text 73480\n", + "Completed text 73481\n", + "Completed text 73482\n", + "Completed text 73483\n", + "Completed text 73484\n", + "Completed text 73485\n", + "Completed text 73486\n", + "Completed text 73487\n", + "Completed text 73488\n", + "Completed text 73489\n", + "Completed text 73490\n", + "Completed text 73491\n", + "Completed text 73492\n", + "Completed text 73493\n", + "Completed text 73494\n", + "Completed text 73495\n", + "Completed text 73496\n", + "Completed text 73497\n", + "Completed text 73498\n", + "Completed text 73499\n", + "Completed text 73500\n", + "Completed text 73501\n", + "Completed text 73502\n", + "Completed text 73503\n", + "Completed text 73504\n", + "Completed text 73505\n", + "Completed text 73506\n", + "Completed text 73507\n", + "Completed text 73508\n", + "Completed text 73509\n", + "Completed text 73510\n", + "Completed text 73511\n", + "Completed text 73512\n", + "Completed text 73513\n", + "Completed text 73514\n", + "Completed text 73515\n", + "Completed text 73516\n", + "Completed text 73517\n", + "Completed text 73518\n", + "Completed text 73519\n", + "Completed text 73520\n", + "Completed text 73521\n", + "Completed text 73522\n", + "Completed text 73523\n", + "Completed text 73524\n", + "Completed text 73525\n", + "Completed text 73526\n", + "Completed text 73527\n", + "Completed text 73528\n", + "Completed text 73529\n", + "Completed text 73530\n", + "Completed text 73531\n", + "Completed text 73532\n", + "Completed text 73533\n", + "Completed text 73534\n", + "Completed text 73535\n", + "Completed text 73536\n", + "Completed text 73537\n", + "Completed text 73538\n", + "Completed text 73539\n", + "Completed text 73540\n", + "Completed text 73541\n", + "Completed text 73542\n", + "Completed text 73543\n", + "Completed text 73544\n", + "Completed text 73545\n", + "Completed text 73546\n", + "Completed text 73547\n", + "Completed text 73548\n", + "Completed text 73549\n", + "Completed text 73550\n", + "Completed text 73551\n", + "Completed text 73552\n", + "Completed text 73553\n", + "Completed text 73554\n", + "Completed text 73555\n", + "Completed text 73556\n", + "Completed text 73557\n", + "Completed text 73558\n", + "Completed text 73559\n", + "Completed text 73560\n", + "Completed text 73561\n", + "Completed text 73562\n", + "Completed text 73563\n", + "Completed text 73564\n", + "Completed text 73565\n", + "Completed text 73566\n", + "Completed text 73567\n", + "Completed text 73568\n", + "Completed text 73569\n", + "Completed text 73570\n", + "Completed text 73571\n", + "Completed text 73572\n", + "Completed text 73573\n", + "Completed text 73574\n", + "Completed text 73575\n", + "Completed text 73576\n", + "Completed text 73577\n", + "Completed text 73578\n", + "Completed text 73579\n", + "Completed text 73580\n", + "Completed text 73581\n", + "Completed text 73582\n", + "Completed text 73583\n", + "Completed text 73584\n", + "Completed text 73585\n", + "Completed text 73586\n", + "Completed text 73587\n", + "Completed text 73588\n", + "Completed text 73589\n", + "Completed text 73590\n", + "Completed text 73591\n", + "Completed text 73592\n", + "Completed text 73593\n", + "Completed text 73594\n", + "Completed text 73595\n", + "Completed text 73596\n", + "Completed text 73597\n", + "Completed text 73598\n", + "Completed text 73599\n", + "Completed text 73600\n", + "Completed text 73601\n", + "Completed text 73602\n", + "Completed text 73603\n", + "Completed text 73604\n", + "Completed text 73605\n", + "Completed text 73606\n", + "Completed text 73607\n", + "Completed text 73608\n", + "Completed text 73609\n", + "Completed text 73610\n", + "Completed text 73611\n", + "Completed text 73612\n", + "Completed text 73613\n", + "Completed text 73614\n", + "Completed text 73615\n", + "Completed text 73616\n", + "Completed text 73617\n", + "Completed text 73618\n", + "Completed text 73619\n", + "Completed text 73620\n", + "Completed text 73621\n", + "Completed text 73622\n", + "Completed text 73623\n", + "Completed text 73624\n", + "Completed text 73625\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 73626\n", + "Completed text 73627\n", + "Completed text 73628\n", + "Completed text 73629\n", + "Completed text 73630\n", + "Completed text 73631\n", + "Completed text 73632\n", + "Completed text 73633\n", + "Completed text 73634\n", + "Completed text 73635\n", + "Completed text 73636\n", + "Completed text 73637\n", + "Completed text 73638\n", + "Completed text 73639\n", + "Completed text 73640\n", + "Completed text 73641\n", + "Completed text 73642\n", + "Completed text 73643\n", + "Completed text 73644\n", + "Completed text 73645\n", + "Completed text 73646\n", + "Completed text 73647\n", + "Completed text 73648\n", + "Completed text 73649\n", + "Completed text 73650\n", + "Completed text 73651\n", + "Completed text 73652\n", + "Completed text 73653\n", + "Completed text 73654\n", + "Completed text 73655\n", + "Completed text 73656\n", + "Completed text 73657\n", + "Completed text 73658\n", + "Completed text 73659\n", + "Completed text 73660\n", + "Completed text 73661\n", + "Completed text 73662\n", + "Completed text 73663\n", + "Completed text 73664\n", + "Completed text 73665\n", + "Completed text 73666\n", + "Completed text 73667\n", + "Completed text 73668\n", + "Completed text 73669\n", + "Completed text 73670\n", + "Completed text 73671\n", + "Completed text 73672\n", + "Completed text 73673\n", + "Completed text 73674\n", + "Completed text 73675\n", + "Completed text 73676\n", + "Completed text 73677\n", + "Completed text 73678\n", + "Completed text 73679\n", + "Completed text 73680\n", + "Completed text 73681\n", + "Completed text 73682\n", + "Completed text 73683\n", + "Completed text 73684\n", + "Completed text 73685\n", + "Completed text 73686\n", + "Completed text 73687\n", + "Completed text 73688\n", + "Completed text 73689\n", + "Completed text 73690\n", + "Completed text 73691\n", + "Completed text 73692\n", + "Completed text 73693\n", + "Completed text 73694\n", + "Completed text 73695\n", + "Completed text 73696\n", + "Completed text 73697\n", + "Completed text 73698\n", + "Completed text 73699\n", + "Completed text 73700\n", + "Completed text 73701\n", + "Completed text 73702\n", + "Completed text 73703\n", + "Completed text 73704\n", + "Completed text 73705\n", + "Completed text 73706\n", + "Completed text 73707\n", + "Completed text 73708\n", + "Completed text 73709\n", + "Completed text 73710\n", + "Completed text 73711\n", + "Completed text 73712\n", + "Completed text 73713\n", + "Completed text 73714\n", + "Completed text 73715\n", + "Completed text 73716\n", + "Completed text 73717\n", + "Completed text 73718\n", + "Completed text 73719\n", + "Completed text 73720\n", + "Completed text 73721\n", + "Completed text 73722\n", + "Completed text 73723\n", + "Completed text 73724\n", + "Completed text 73725\n", + "Completed text 73726\n", + "Completed text 73727\n", + "Completed text 73728\n", + "Completed text 73729\n", + "Completed text 73730\n", + "Completed text 73731\n", + "Completed text 73732\n", + "Completed text 73733\n", + "Completed text 73734\n", + "Completed text 73735\n", + "Completed text 73736\n", + "Completed text 73737\n", + "Completed text 73738\n", + "Completed text 73739\n", + "Completed text 73740\n", + "Completed text 73741\n", + "Completed text 73742\n", + "Completed text 73743\n", + "Completed text 73744\n", + "Completed text 73745\n", + "Completed text 73746\n", + "Completed text 73747\n", + "Completed text 73748\n", + "Completed text 73749\n", + "Completed text 73750\n", + "Completed text 73751\n", + "Completed text 73752\n", + "Completed text 73753\n", + "Completed text 73754\n", + "Completed text 73755\n", + "Completed text 73756\n", + "Completed text 73757\n", + "Completed text 73758\n", + "Completed text 73759\n", + "Completed text 73760\n", + "Completed text 73761\n", + "Completed text 73762\n", + "Completed text 73763\n", + "Completed text 73764\n", + "Completed text 73765\n", + "Completed text 73766\n", + "Completed text 73767\n", + "Completed text 73768\n", + "Completed text 73769\n", + "Completed text 73770\n", + "Completed text 73771\n", + "Completed text 73772\n", + "Completed text 73773\n", + "Completed text 73774\n", + "Completed text 73775\n", + "Completed text 73776\n", + "Completed text 73777\n", + "Completed text 73778\n", + "Completed text 73779\n", + "Completed text 73780\n", + "Completed text 73781\n", + "Completed text 73782\n", + "Completed text 73783\n", + "Completed text 73784\n", + "Completed text 73785\n", + "Completed text 73786\n", + "Completed text 73787\n", + "Completed text 73788\n", + "Completed text 73789\n", + "Completed text 73790\n", + "Completed text 73791\n", + "Completed text 73792\n", + "Completed text 73793\n", + "Completed text 73794\n", + "Completed text 73795\n", + "Completed text 73796\n", + "Completed text 73797\n", + "Completed text 73798\n", + "Completed text 73799\n", + "Completed text 73800\n", + "Completed text 73801\n", + "Completed text 73802\n", + "Completed text 73803\n", + "Completed text 73804\n", + "Completed text 73805\n", + "Completed text 73806\n", + "Completed text 73807\n", + "Completed text 73808\n", + "Completed text 73809\n", + "Completed text 73810\n", + "Completed text 73811\n", + "Completed text 73812\n", + "Completed text 73813\n", + "Completed text 73814\n", + "Completed text 73815\n", + "Completed text 73816\n", + "Completed text 73817\n", + "Completed text 73818\n", + "Completed text 73819\n", + "Completed text 73820\n", + "Completed text 73821\n", + "Completed text 73822\n", + "Completed text 73823\n", + "Completed text 73824\n", + "Completed text 73825\n", + "Completed text 73826\n", + "Completed text 73827\n", + "Completed text 73828\n", + "Completed text 73829\n", + "Completed text 73830\n", + "Completed text 73831\n", + "Completed text 73832\n", + "Completed text 73833\n", + "Completed text 73834\n", + "Completed text 73835\n", + "Completed text 73836\n", + "Completed text 73837\n", + "Completed text 73838\n", + "Completed text 73839\n", + "Completed text 73840\n", + "Completed text 73841\n", + "Completed text 73842\n", + "Completed text 73843\n", + "Completed text 73844\n", + "Completed text 73845\n", + "Completed text 73846\n", + "Completed text 73847\n", + "Completed text 73848\n", + "Completed text 73849\n", + "Completed text 73850\n", + "Completed text 73851\n", + "Completed text 73852\n", + "Completed text 73853\n", + "Completed text 73854\n", + "Completed text 73855\n", + "Completed text 73856\n", + "Completed text 73857\n", + "Completed text 73858\n", + "Completed text 73859\n", + "Completed text 73860\n", + "Completed text 73861\n", + "Completed text 73862\n", + "Completed text 73863\n", + "Completed text 73864\n", + "Completed text 73865\n", + "Completed text 73866\n", + "Completed text 73867\n", + "Completed text 73868\n", + "Completed text 73869\n", + "Completed text 73870\n", + "Completed text 73871\n", + "Completed text 73872\n", + "Completed text 73873\n", + "Completed text 73874\n", + "Completed text 73875\n", + "Completed text 73876\n", + "Completed text 73877\n", + "Completed text 73878\n", + "Completed text 73879\n", + "Completed text 73880\n", + "Completed text 73881\n", + "Completed text 73882\n", + "Completed text 73883\n", + "Completed text 73884\n", + "Completed text 73885\n", + "Completed text 73886\n", + "Completed text 73887\n", + "Completed text 73888\n", + "Completed text 73889\n", + "Completed text 73890\n", + "Completed text 73891\n", + "Completed text 73892\n", + "Completed text 73893\n", + "Completed text 73894\n", + "Completed text 73895\n", + "Completed text 73896\n", + "Completed text 73897\n", + "Completed text 73898\n", + "Completed text 73899\n", + "Completed text 73900\n", + "Completed text 73901\n", + "Completed text 73902\n", + "Completed text 73903\n", + "Completed text 73904\n", + "Completed text 73905\n", + "Completed text 73906\n", + "Completed text 73907\n", + "Completed text 73908\n", + "Completed text 73909\n", + "Completed text 73910\n", + "Completed text 73911\n", + "Completed text 73912\n", + "Completed text 73913\n", + "Completed text 73914\n", + "Completed text 73915\n", + "Completed text 73916\n", + "Completed text 73917\n", + "Completed text 73918\n", + "Completed text 73919\n", + "Completed text 73920\n", + "Completed text 73921\n", + "Completed text 73922\n", + "Completed text 73923\n", + "Completed text 73924\n", + "Completed text 73925\n", + "Completed text 73926\n", + "Completed text 73927\n", + "Completed text 73928\n", + "Completed text 73929\n", + "Completed text 73930\n", + "Completed text 73931\n", + "Completed text 73932\n", + "Completed text 73933\n", + "Completed text 73934\n", + "Completed text 73935\n", + "Completed text 73936\n", + "Completed text 73937\n", + "Completed text 73938\n", + "Completed text 73939\n", + "Completed text 73940\n", + "Completed text 73941\n", + "Completed text 73942\n", + "Completed text 73943\n", + "Completed text 73944\n", + "Completed text 73945\n", + "Completed text 73946\n", + "Completed text 73947\n", + "Completed text 73948\n", + "Completed text 73949\n", + "Completed text 73950\n", + "Completed text 73951\n", + "Completed text 73952\n", + "Completed text 73953\n", + "Completed text 73954\n", + "Completed text 73955\n", + "Completed text 73956\n", + "Completed text 73957\n", + "Completed text 73958\n", + "Completed text 73959\n", + "Completed text 73960\n", + "Completed text 73961\n", + "Completed text 73962\n", + "Completed text 73963\n", + "Completed text 73964\n", + "Completed text 73965\n", + "Completed text 73966\n", + "Completed text 73967\n", + "Completed text 73968\n", + "Completed text 73969\n", + "Completed text 73970\n", + "Completed text 73971\n", + "Completed text 73972\n", + "Completed text 73973\n", + "Completed text 73974\n", + "Completed text 73975\n", + "Completed text 73976\n", + "Completed text 73977\n", + "Completed text 73978\n", + "Completed text 73979\n", + "Completed text 73980\n", + "Completed text 73981\n", + "Completed text 73982\n", + "Completed text 73983\n", + "Completed text 73984\n", + "Completed text 73985\n", + "Completed text 73986\n", + "Completed text 73987\n", + "Completed text 73988\n", + "Completed text 73989\n", + "Completed text 73990\n", + "Completed text 73991\n", + "Completed text 73992\n", + "Completed text 73993\n", + "Completed text 73994\n", + "Completed text 73995\n", + "Completed text 73996\n", + "Completed text 73997\n", + "Completed text 73998\n", + "Completed text 73999\n", + "Completed text 74000\n", + "Completed text 74001\n", + "Completed text 74002\n", + "Completed text 74003\n", + "Completed text 74004\n", + "Completed text 74005\n", + "Completed text 74006\n", + "Completed text 74007\n", + "Completed text 74008\n", + "Completed text 74009\n", + "Completed text 74010\n", + "Completed text 74011\n", + "Completed text 74012\n", + "Completed text 74013\n", + "Completed text 74014\n", + "Completed text 74015\n", + "Completed text 74016\n", + "Completed text 74017\n", + "Completed text 74018\n", + "Completed text 74019\n", + "Completed text 74020\n", + "Completed text 74021\n", + "Completed text 74022\n", + "Completed text 74023\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 74024\n", + "Completed text 74025\n", + "Completed text 74026\n", + "Completed text 74027\n", + "Completed text 74028\n", + "Completed text 74029\n", + "Completed text 74030\n", + "Completed text 74031\n", + "Completed text 74032\n", + "Completed text 74033\n", + "Completed text 74034\n", + "Completed text 74035\n", + "Completed text 74036\n", + "Completed text 74037\n", + "Completed text 74038\n", + "Completed text 74039\n", + "Completed text 74040\n", + "Completed text 74041\n", + "Completed text 74042\n", + "Completed text 74043\n", + "Completed text 74044\n", + "Completed text 74045\n", + "Completed text 74046\n", + "Completed text 74047\n", + "Completed text 74048\n", + "Completed text 74049\n", + "Completed text 74050\n", + "Completed text 74051\n", + "Completed text 74052\n", + "Completed text 74053\n", + "Completed text 74054\n", + "Completed text 74055\n", + "Completed text 74056\n", + "Completed text 74057\n", + "Completed text 74058\n", + "Completed text 74059\n", + "Completed text 74060\n", + "Completed text 74061\n", + "Completed text 74062\n", + "Completed text 74063\n", + "Completed text 74064\n", + "Completed text 74065\n", + "Completed text 74066\n", + "Completed text 74067\n", + "Completed text 74068\n", + "Completed text 74069\n", + "Completed text 74070\n", + "Completed text 74071\n", + "Completed text 74072\n", + "Completed text 74073\n", + "Completed text 74074\n", + "Completed text 74075\n", + "Completed text 74076\n", + "Completed text 74077\n", + "Completed text 74078\n", + "Completed text 74079\n", + "Completed text 74080\n", + "Completed text 74081\n", + "Completed text 74082\n", + "Completed text 74083\n", + "Completed text 74084\n", + "Completed text 74085\n", + "Completed text 74086\n", + "Completed text 74087\n", + "Completed text 74088\n", + "Completed text 74089\n", + "Completed text 74090\n", + "Completed text 74091\n", + "Completed text 74092\n", + "Completed text 74093\n", + "Completed text 74094\n", + "Completed text 74095\n", + "Completed text 74096\n", + "Completed text 74097\n", + "Completed text 74098\n", + "Completed text 74099\n", + "Completed text 74100\n", + "Completed text 74101\n", + "Completed text 74102\n", + "Completed text 74103\n", + "Completed text 74104\n", + "Completed text 74105\n", + "Completed text 74106\n", + "Completed text 74107\n", + "Completed text 74108\n", + "Completed text 74109\n", + "Completed text 74110\n", + "Completed text 74111\n", + "Completed text 74112\n", + "Completed text 74113\n", + "Completed text 74114\n", + "Completed text 74115\n", + "Completed text 74116\n", + "Completed text 74117\n", + "Completed text 74118\n", + "Completed text 74119\n", + "Completed text 74120\n", + "Completed text 74121\n", + "Completed text 74122\n", + "Completed text 74123\n", + "Completed text 74124\n", + "Completed text 74125\n", + "Completed text 74126\n", + "Completed text 74127\n", + "Completed text 74128\n", + "Completed text 74129\n", + "Completed text 74130\n", + "Completed text 74131\n", + "Completed text 74132\n", + "Completed text 74133\n", + "Completed text 74134\n", + "Completed text 74135\n", + "Completed text 74136\n", + "Completed text 74137\n", + "Completed text 74138\n", + "Completed text 74139\n", + "Completed text 74140\n", + "Completed text 74141\n", + "Completed text 74142\n", + "Completed text 74143\n", + "Completed text 74144\n", + "Completed text 74145\n", + "Completed text 74146\n", + "Completed text 74147\n", + "Completed text 74148\n", + "Completed text 74149\n", + "Completed text 74150\n", + "Completed text 74151\n", + "Completed text 74152\n", + "Completed text 74153\n", + "Completed text 74154\n", + "Completed text 74155\n", + "Completed text 74156\n", + "Completed text 74157\n", + "Completed text 74158\n", + "Completed text 74159\n", + "Completed text 74160\n", + "Completed text 74161\n", + "Completed text 74162\n", + "Completed text 74163\n", + "Completed text 74164\n", + "Completed text 74165\n", + "Completed text 74166\n", + "Completed text 74167\n", + "Completed text 74168\n", + "Completed text 74169\n", + "Completed text 74170\n", + "Completed text 74171\n", + "Completed text 74172\n", + "Completed text 74173\n", + "Completed text 74174\n", + "Completed text 74175\n", + "Completed text 74176\n", + "Completed text 74177\n", + "Completed text 74178\n", + "Completed text 74179\n", + "Completed text 74180\n", + "Completed text 74181\n", + "Completed text 74182\n", + "Completed text 74183\n", + "Completed text 74184\n", + "Completed text 74185\n", + "Completed text 74186\n", + "Completed text 74187\n", + "Completed text 74188\n", + "Completed text 74189\n", + "Completed text 74190\n", + "Completed text 74191\n", + "Completed text 74192\n", + "Completed text 74193\n", + "Completed text 74194\n", + "Completed text 74195\n", + "Completed text 74196\n", + "Completed text 74197\n", + "Completed text 74198\n", + "Completed text 74199\n", + "Completed text 74200\n", + "Completed text 74201\n", + "Completed text 74202\n", + "Completed text 74203\n", + "Completed text 74204\n", + "Completed text 74205\n", + "Completed text 74206\n", + "Completed text 74207\n", + "Completed text 74208\n", + "Completed text 74209\n", + "Completed text 74210\n", + "Completed text 74211\n", + "Completed text 74212\n", + "Completed text 74213\n", + "Completed text 74214\n", + "Completed text 74215\n", + "Completed text 74216\n", + "Completed text 74217\n", + "Completed text 74218\n", + "Completed text 74219\n", + "Completed text 74220\n", + "Completed text 74221\n", + "Completed text 74222\n", + "Completed text 74223\n", + "Completed text 74224\n", + "Completed text 74225\n", + "Completed text 74226\n", + "Completed text 74227\n", + "Completed text 74228\n", + "Completed text 74229\n", + "Completed text 74230\n", + "Completed text 74231\n", + "Completed text 74232\n", + "Completed text 74233\n", + "Completed text 74234\n", + "Completed text 74235\n", + "Completed text 74236\n", + "Completed text 74237\n", + "Completed text 74238\n", + "Completed text 74239\n", + "Completed text 74240\n", + "Completed text 74241\n", + "Completed text 74242\n", + "Completed text 74243\n", + "Completed text 74244\n", + "Completed text 74245\n", + "Completed text 74246\n", + "Completed text 74247\n", + "Completed text 74248\n", + "Completed text 74249\n", + "Completed text 74250\n", + "Completed text 74251\n", + "Completed text 74252\n", + "Completed text 74253\n", + "Completed text 74254\n", + "Completed text 74255\n", + "Completed text 74256\n", + "Completed text 74257\n", + "Completed text 74258\n", + "Completed text 74259\n", + "Completed text 74260\n", + "Completed text 74261\n", + "Completed text 74262\n", + "Completed text 74263\n", + "Completed text 74264\n", + "Completed text 74265\n", + "Completed text 74266\n", + "Completed text 74267\n", + "Completed text 74268\n", + "Completed text 74269\n", + "Completed text 74270\n", + "Completed text 74271\n", + "Completed text 74272\n", + "Completed text 74273\n", + "Completed text 74274\n", + "Completed text 74275\n", + "Completed text 74276\n", + "Completed text 74277\n", + "Completed text 74278\n", + "Completed text 74279\n", + "Completed text 74280\n", + "Completed text 74281\n", + "Completed text 74282\n", + "Completed text 74283\n", + "Completed text 74284\n", + "Completed text 74285\n", + "Completed text 74286\n", + "Completed text 74287\n", + "Completed text 74288\n", + "Completed text 74289\n", + "Completed text 74290\n", + "Completed text 74291\n", + "Completed text 74292\n", + "Completed text 74293\n", + "Completed text 74294\n", + "Completed text 74295\n", + "Completed text 74296\n", + "Completed text 74297\n", + "Completed text 74298\n", + "Completed text 74299\n", + "Completed text 74300\n", + "Completed text 74301\n", + "Completed text 74302\n", + "Completed text 74303\n", + "Completed text 74304\n", + "Completed text 74305\n", + "Completed text 74306\n", + "Completed text 74307\n", + "Completed text 74308\n", + "Completed text 74309\n", + "Completed text 74310\n", + "Completed text 74311\n", + "Completed text 74312\n", + "Completed text 74313\n", + "Completed text 74314\n", + "Completed text 74315\n", + "Completed text 74316\n", + "Completed text 74317\n", + "Completed text 74318\n", + "Completed text 74319\n", + "Completed text 74320\n", + "Completed text 74321\n", + "Completed text 74322\n", + "Completed text 74323\n", + "Completed text 74324\n", + "Completed text 74325\n", + "Completed text 74326\n", + "Completed text 74327\n", + "Completed text 74328\n", + "Completed text 74329\n", + "Completed text 74330\n", + "Completed text 74331\n", + "Completed text 74332\n", + "Completed text 74333\n", + "Completed text 74334\n", + "Completed text 74335\n", + "Completed text 74336\n", + "Completed text 74337\n", + "Completed text 74338\n", + "Completed text 74339\n", + "Completed text 74340\n", + "Completed text 74341\n", + "Completed text 74342\n", + "Completed text 74343\n", + "Completed text 74344\n", + "Completed text 74345\n", + "Completed text 74346\n", + "Completed text 74347\n", + "Completed text 74348\n", + "Completed text 74349\n", + "Completed text 74350\n", + "Completed text 74351\n", + "Completed text 74352\n", + "Completed text 74353\n", + "Completed text 74354\n", + "Completed text 74355\n", + "Completed text 74356\n", + "Completed text 74357\n", + "Completed text 74358\n", + "Completed text 74359\n", + "Completed text 74360\n", + "Completed text 74361\n", + "Completed text 74362\n", + "Completed text 74363\n", + "Completed text 74364\n", + "Completed text 74365\n", + "Completed text 74366\n", + "Completed text 74367\n", + "Completed text 74368\n", + "Completed text 74369\n", + "Completed text 74370\n", + "Completed text 74371\n", + "Completed text 74372\n", + "Completed text 74373\n", + "Completed text 74374\n", + "Completed text 74375\n", + "Completed text 74376\n", + "Completed text 74377\n", + "Completed text 74378\n", + "Completed text 74379\n", + "Completed text 74380\n", + "Completed text 74381\n", + "Completed text 74382\n", + "Completed text 74383\n", + "Completed text 74384\n", + "Completed text 74385\n", + "Completed text 74386\n", + "Completed text 74387\n", + "Completed text 74388\n", + "Completed text 74389\n", + "Completed text 74390\n", + "Completed text 74391\n", + "Completed text 74392\n", + "Completed text 74393\n", + "Completed text 74394\n", + "Completed text 74395\n", + "Completed text 74396\n", + "Completed text 74397\n", + "Completed text 74398\n", + "Completed text 74399\n", + "Completed text 74400\n", + "Completed text 74401\n", + "Completed text 74402\n", + "Completed text 74403\n", + "Completed text 74404\n", + "Completed text 74405\n", + "Completed text 74406\n", + "Completed text 74407\n", + "Completed text 74408\n", + "Completed text 74409\n", + "Completed text 74410\n", + "Completed text 74411\n", + "Completed text 74412\n", + "Completed text 74413\n", + "Completed text 74414\n", + "Completed text 74415\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 74416\n", + "Completed text 74417\n", + "Completed text 74418\n", + "Completed text 74419\n", + "Completed text 74420\n", + "Completed text 74421\n", + "Completed text 74422\n", + "Completed text 74423\n", + "Completed text 74424\n", + "Completed text 74425\n", + "Completed text 74426\n", + "Completed text 74427\n", + "Completed text 74428\n", + "Completed text 74429\n", + "Completed text 74430\n", + "Completed text 74431\n", + "Completed text 74432\n", + "Completed text 74433\n", + "Completed text 74434\n", + "Completed text 74435\n", + "Completed text 74436\n", + "Completed text 74437\n", + "Completed text 74438\n", + "Completed text 74439\n", + "Completed text 74440\n", + "Completed text 74441\n", + "Completed text 74442\n", + "Completed text 74443\n", + "Completed text 74444\n", + "Completed text 74445\n", + "Completed text 74446\n", + "Completed text 74447\n", + "Completed text 74448\n", + "Completed text 74449\n", + "Completed text 74450\n", + "Completed text 74451\n", + "Completed text 74452\n", + "Completed text 74453\n", + "Completed text 74454\n", + "Completed text 74455\n", + "Completed text 74456\n", + "Completed text 74457\n", + "Completed text 74458\n", + "Completed text 74459\n", + "Completed text 74460\n", + "Completed text 74461\n", + "Completed text 74462\n", + "Completed text 74463\n", + "Completed text 74464\n", + "Completed text 74465\n", + "Completed text 74466\n", + "Completed text 74467\n", + "Completed text 74468\n", + "Completed text 74469\n", + "Completed text 74470\n", + "Completed text 74471\n", + "Completed text 74472\n", + "Completed text 74473\n", + "Completed text 74474\n", + "Completed text 74475\n", + "Completed text 74476\n", + "Completed text 74477\n", + "Completed text 74478\n", + "Completed text 74479\n", + "Completed text 74480\n", + "Completed text 74481\n", + "Completed text 74482\n", + "Completed text 74483\n", + "Completed text 74484\n", + "Completed text 74485\n", + "Completed text 74486\n", + "Completed text 74487\n", + "Completed text 74488\n", + "Completed text 74489\n", + "Completed text 74490\n", + "Completed text 74491\n", + "Completed text 74492\n", + "Completed text 74493\n", + "Completed text 74494\n", + "Completed text 74495\n", + "Completed text 74496\n", + "Completed text 74497\n", + "Completed text 74498\n", + "Completed text 74499\n", + "Completed text 74500\n", + "Completed text 74501\n", + "Completed text 74502\n", + "Completed text 74503\n", + "Completed text 74504\n", + "Completed text 74505\n", + "Completed text 74506\n", + "Completed text 74507\n", + "Completed text 74508\n", + "Completed text 74509\n", + "Completed text 74510\n", + "Completed text 74511\n", + "Completed text 74512\n", + "Completed text 74513\n", + "Completed text 74514\n", + "Completed text 74515\n", + "Completed text 74516\n", + "Completed text 74517\n", + "Completed text 74518\n", + "Completed text 74519\n", + "Completed text 74520\n", + "Completed text 74521\n", + "Completed text 74522\n", + "Completed text 74523\n", + "Completed text 74524\n", + "Completed text 74525\n", + "Completed text 74526\n", + "Completed text 74527\n", + "Completed text 74528\n", + "Completed text 74529\n", + "Completed text 74530\n", + "Completed text 74531\n", + "Completed text 74532\n", + "Completed text 74533\n", + "Completed text 74534\n", + "Completed text 74535\n", + "Completed text 74536\n", + "Completed text 74537\n", + "Completed text 74538\n", + "Completed text 74539\n", + "Completed text 74540\n", + "Completed text 74541\n", + "Completed text 74542\n", + "Completed text 74543\n", + "Completed text 74544\n", + "Completed text 74545\n", + "Completed text 74546\n", + "Completed text 74547\n", + "Completed text 74548\n", + "Completed text 74549\n", + "Completed text 74550\n", + "Completed text 74551\n", + "Completed text 74552\n", + "Completed text 74553\n", + "Completed text 74554\n", + "Completed text 74555\n", + "Completed text 74556\n", + "Completed text 74557\n", + "Completed text 74558\n", + "Completed text 74559\n", + "Completed text 74560\n", + "Completed text 74561\n", + "Completed text 74562\n", + "Completed text 74563\n", + "Completed text 74564\n", + "Completed text 74565\n", + "Completed text 74566\n", + "Completed text 74567\n", + "Completed text 74568\n", + "Completed text 74569\n", + "Completed text 74570\n", + "Completed text 74571\n", + "Completed text 74572\n", + "Completed text 74573\n", + "Completed text 74574\n", + "Completed text 74575\n", + "Completed text 74576\n", + "Completed text 74577\n", + "Completed text 74578\n", + "Completed text 74579\n", + "Completed text 74580\n", + "Completed text 74581\n", + "Completed text 74582\n", + "Completed text 74583\n", + "Completed text 74584\n", + "Completed text 74585\n", + "Completed text 74586\n", + "Completed text 74587\n", + "Completed text 74588\n", + "Completed text 74589\n", + "Completed text 74590\n", + "Completed text 74591\n", + "Completed text 74592\n", + "Completed text 74593\n", + "Completed text 74594\n", + "Completed text 74595\n", + "Completed text 74596\n", + "Completed text 74597\n", + "Completed text 74598\n", + "Completed text 74599\n", + "Completed text 74600\n", + "Completed text 74601\n", + "Completed text 74602\n", + "Completed text 74603\n", + "Completed text 74604\n", + "Completed text 74605\n", + "Completed text 74606\n", + "Completed text 74607\n", + "Completed text 74608\n", + "Completed text 74609\n", + "Completed text 74610\n", + "Completed text 74611\n", + "Completed text 74612\n", + "Completed text 74613\n", + "Completed text 74614\n", + "Completed text 74615\n", + "Completed text 74616\n", + "Completed text 74617\n", + "Completed text 74618\n", + "Completed text 74619\n", + "Completed text 74620\n", + "Completed text 74621\n", + "Completed text 74622\n", + "Completed text 74623\n", + "Completed text 74624\n", + "Completed text 74625\n", + "Completed text 74626\n", + "Completed text 74627\n", + "Completed text 74628\n", + "Completed text 74629\n", + "Completed text 74630\n", + "Completed text 74631\n", + "Completed text 74632\n", + "Completed text 74633\n", + "Completed text 74634\n", + "Completed text 74635\n", + "Completed text 74636\n", + "Completed text 74637\n", + "Completed text 74638\n", + "Completed text 74639\n", + "Completed text 74640\n", + "Completed text 74641\n", + "Completed text 74642\n", + "Completed text 74643\n", + "Completed text 74644\n", + "Completed text 74645\n", + "Completed text 74646\n", + "Completed text 74647\n", + "Completed text 74648\n", + "Completed text 74649\n", + "Completed text 74650\n", + "Completed text 74651\n", + "Completed text 74652\n", + "Completed text 74653\n", + "Completed text 74654\n", + "Completed text 74655\n", + "Completed text 74656\n", + "Completed text 74657\n", + "Completed text 74658\n", + "Completed text 74659\n", + "Completed text 74660\n", + "Completed text 74661\n", + "Completed text 74662\n", + "Completed text 74663\n", + "Completed text 74664\n", + "Completed text 74665\n", + "Completed text 74666\n", + "Completed text 74667\n", + "Completed text 74668\n", + "Completed text 74669\n", + "Completed text 74670\n", + "Completed text 74671\n", + "Completed text 74672\n", + "Completed text 74673\n", + "Completed text 74674\n", + "Completed text 74675\n", + "Completed text 74676\n", + "Completed text 74677\n", + "Completed text 74678\n", + "Completed text 74679\n", + "Completed text 74680\n", + "Completed text 74681\n", + "Completed text 74682\n", + "Completed text 74683\n", + "Completed text 74684\n", + "Completed text 74685\n", + "Completed text 74686\n", + "Completed text 74687\n", + "Completed text 74688\n", + "Completed text 74689\n", + "Completed text 74690\n", + "Completed text 74691\n", + "Completed text 74692\n", + "Completed text 74693\n", + "Completed text 74694\n", + "Completed text 74695\n", + "Completed text 74696\n", + "Completed text 74697\n", + "Completed text 74698\n", + "Completed text 74699\n", + "Completed text 74700\n", + "Completed text 74701\n", + "Completed text 74702\n", + "Completed text 74703\n", + "Completed text 74704\n", + "Completed text 74705\n", + "Completed text 74706\n", + "Completed text 74707\n", + "Completed text 74708\n", + "Completed text 74709\n", + "Completed text 74710\n", + "Completed text 74711\n", + "Completed text 74712\n", + "Completed text 74713\n", + "Completed text 74714\n", + "Completed text 74715\n", + "Completed text 74716\n", + "Completed text 74717\n", + "Completed text 74718\n", + "Completed text 74719\n", + "Completed text 74720\n", + "Completed text 74721\n", + "Completed text 74722\n", + "Completed text 74723\n", + "Completed text 74724\n", + "Completed text 74725\n", + "Completed text 74726\n", + "Completed text 74727\n", + "Completed text 74728\n", + "Completed text 74729\n", + "Completed text 74730\n", + "Completed text 74731\n", + "Completed text 74732\n", + "Completed text 74733\n", + "Completed text 74734\n", + "Completed text 74735\n", + "Completed text 74736\n", + "Completed text 74737\n", + "Completed text 74738\n", + "Completed text 74739\n", + "Completed text 74740\n", + "Completed text 74741\n", + "Completed text 74742\n", + "Completed text 74743\n", + "Completed text 74744\n", + "Completed text 74745\n", + "Completed text 74746\n", + "Completed text 74747\n", + "Completed text 74748\n", + "Completed text 74749\n", + "Completed text 74750\n", + "Completed text 74751\n", + "Completed text 74752\n", + "Completed text 74753\n", + "Completed text 74754\n", + "Completed text 74755\n", + "Completed text 74756\n", + "Completed text 74757\n", + "Completed text 74758\n", + "Completed text 74759\n", + "Completed text 74760\n", + "Completed text 74761\n", + "Completed text 74762\n", + "Completed text 74763\n", + "Completed text 74764\n", + "Completed text 74765\n", + "Completed text 74766\n", + "Completed text 74767\n", + "Completed text 74768\n", + "Completed text 74769\n", + "Completed text 74770\n", + "Completed text 74771\n", + "Completed text 74772\n", + "Completed text 74773\n", + "Completed text 74774\n", + "Completed text 74775\n", + "Completed text 74776\n", + "Completed text 74777\n", + "Completed text 74778\n", + "Completed text 74779\n", + "Completed text 74780\n", + "Completed text 74781\n", + "Completed text 74782\n", + "Completed text 74783\n", + "Completed text 74784\n", + "Completed text 74785\n", + "Completed text 74786\n", + "Completed text 74787\n", + "Completed text 74788\n", + "Completed text 74789\n", + "Completed text 74790\n", + "Completed text 74791\n", + "Completed text 74792\n", + "Completed text 74793\n", + "Completed text 74794\n", + "Completed text 74795\n", + "Completed text 74796\n", + "Completed text 74797\n", + "Completed text 74798\n", + "Completed text 74799\n", + "Completed text 74800\n", + "Completed text 74801\n", + "Completed text 74802\n", + "Completed text 74803\n", + "Completed text 74804\n", + "Completed text 74805\n", + "Completed text 74806\n", + "Completed text 74807\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 74808\n", + "Completed text 74809\n", + "Completed text 74810\n", + "Completed text 74811\n", + "Completed text 74812\n", + "Completed text 74813\n", + "Completed text 74814\n", + "Completed text 74815\n", + "Completed text 74816\n", + "Completed text 74817\n", + "Completed text 74818\n", + "Completed text 74819\n", + "Completed text 74820\n", + "Completed text 74821\n", + "Completed text 74822\n", + "Completed text 74823\n", + "Completed text 74824\n", + "Completed text 74825\n", + "Completed text 74826\n", + "Completed text 74827\n", + "Completed text 74828\n", + "Completed text 74829\n", + "Completed text 74830\n", + "Completed text 74831\n", + "Completed text 74832\n", + "Completed text 74833\n", + "Completed text 74834\n", + "Completed text 74835\n", + "Completed text 74836\n", + "Completed text 74837\n", + "Completed text 74838\n", + "Completed text 74839\n", + "Completed text 74840\n", + "Completed text 74841\n", + "Completed text 74842\n", + "Completed text 74843\n", + "Completed text 74844\n", + "Completed text 74845\n", + "Completed text 74846\n", + "Completed text 74847\n", + "Completed text 74848\n", + "Completed text 74849\n", + "Completed text 74850\n", + "Completed text 74851\n", + "Completed text 74852\n", + "Completed text 74853\n", + "Completed text 74854\n", + "Completed text 74855\n", + "Completed text 74856\n", + "Completed text 74857\n", + "Completed text 74858\n", + "Completed text 74859\n", + "Completed text 74860\n", + "Completed text 74861\n", + "Completed text 74862\n", + "Completed text 74863\n", + "Completed text 74864\n", + "Completed text 74865\n", + "Completed text 74866\n", + "Completed text 74867\n", + "Completed text 74868\n", + "Completed text 74869\n", + "Completed text 74870\n", + "Completed text 74871\n", + "Completed text 74872\n", + "Completed text 74873\n", + "Completed text 74874\n", + "Completed text 74875\n", + "Completed text 74876\n", + "Completed text 74877\n", + "Completed text 74878\n", + "Completed text 74879\n", + "Completed text 74880\n", + "Completed text 74881\n", + "Completed text 74882\n", + "Completed text 74883\n", + "Completed text 74884\n", + "Completed text 74885\n", + "Completed text 74886\n", + "Completed text 74887\n", + "Completed text 74888\n", + "Completed text 74889\n", + "Completed text 74890\n", + "Completed text 74891\n", + "Completed text 74892\n", + "Completed text 74893\n", + "Completed text 74894\n", + "Completed text 74895\n", + "Completed text 74896\n", + "Completed text 74897\n", + "Completed text 74898\n", + "Completed text 74899\n", + "Completed text 74900\n", + "Completed text 74901\n", + "Completed text 74902\n", + "Completed text 74903\n", + "Completed text 74904\n", + "Completed text 74905\n", + "Completed text 74906\n", + "Completed text 74907\n", + "Completed text 74908\n", + "Completed text 74909\n", + "Completed text 74910\n", + "Completed text 74911\n", + "Completed text 74912\n", + "Completed text 74913\n", + "Completed text 74914\n", + "Completed text 74915\n", + "Completed text 74916\n", + "Completed text 74917\n", + "Completed text 74918\n", + "Completed text 74919\n", + "Completed text 74920\n", + "Completed text 74921\n", + "Completed text 74922\n", + "Completed text 74923\n", + "Completed text 74924\n", + "Completed text 74925\n", + "Completed text 74926\n", + "Completed text 74927\n", + "Completed text 74928\n", + "Completed text 74929\n", + "Completed text 74930\n", + "Completed text 74931\n", + "Completed text 74932\n", + "Completed text 74933\n", + "Completed text 74934\n", + "Completed text 74935\n", + "Completed text 74936\n", + "Completed text 74937\n", + "Completed text 74938\n", + "Completed text 74939\n", + "Completed text 74940\n", + "Completed text 74941\n", + "Completed text 74942\n", + "Completed text 74943\n", + "Completed text 74944\n", + "Completed text 74945\n", + "Completed text 74946\n", + "Completed text 74947\n", + "Completed text 74948\n", + "Completed text 74949\n", + "Completed text 74950\n", + "Completed text 74951\n", + "Completed text 74952\n", + "Completed text 74953\n", + "Completed text 74954\n", + "Completed text 74955\n", + "Completed text 74956\n", + "Completed text 74957\n", + "Completed text 74958\n", + "Completed text 74959\n", + "Completed text 74960\n", + "Completed text 74961\n", + "Completed text 74962\n", + "Completed text 74963\n", + "Completed text 74964\n", + "Completed text 74965\n", + "Completed text 74966\n", + "Completed text 74967\n", + "Completed text 74968\n", + "Completed text 74969\n", + "Completed text 74970\n", + "Completed text 74971\n", + "Completed text 74972\n", + "Completed text 74973\n", + "Completed text 74974\n", + "Completed text 74975\n", + "Completed text 74976\n", + "Completed text 74977\n", + "Completed text 74978\n", + "Completed text 74979\n", + "Completed text 74980\n", + "Completed text 74981\n", + "Completed text 74982\n", + "Completed text 74983\n", + "Completed text 74984\n", + "Completed text 74985\n", + "Completed text 74986\n", + "Completed text 74987\n", + "Completed text 74988\n", + "Completed text 74989\n", + "Completed text 74990\n", + "Completed text 74991\n", + "Completed text 74992\n", + "Completed text 74993\n", + "Completed text 74994\n", + "Completed text 74995\n", + "Completed text 74996\n", + "Completed text 74997\n", + "Completed text 74998\n", + "Completed text 74999\n", + "Completed text 75000\n", + "Completed text 75001\n", + "Completed text 75002\n", + "Completed text 75003\n", + "Completed text 75004\n", + "Completed text 75005\n", + "Completed text 75006\n", + "Completed text 75007\n", + "Completed text 75008\n", + "Completed text 75009\n", + "Completed text 75010\n", + "Completed text 75011\n", + "Completed text 75012\n", + "Completed text 75013\n", + "Completed text 75014\n", + "Completed text 75015\n", + "Completed text 75016\n", + "Completed text 75017\n", + "Completed text 75018\n", + "Completed text 75019\n", + "Completed text 75020\n", + "Completed text 75021\n", + "Completed text 75022\n", + "Completed text 75023\n", + "Completed text 75024\n", + "Completed text 75025\n", + "Completed text 75026\n", + "Completed text 75027\n", + "Completed text 75028\n", + "Completed text 75029\n", + "Completed text 75030\n", + "Completed text 75031\n", + "Completed text 75032\n", + "Completed text 75033\n", + "Completed text 75034\n", + "Completed text 75035\n", + "Completed text 75036\n", + "Completed text 75037\n", + "Completed text 75038\n", + "Completed text 75039\n", + "Completed text 75040\n", + "Completed text 75041\n", + "Completed text 75042\n", + "Completed text 75043\n", + "Completed text 75044\n", + "Completed text 75045\n", + "Completed text 75046\n", + "Completed text 75047\n", + "Completed text 75048\n", + "Completed text 75049\n", + "Completed text 75050\n", + "Completed text 75051\n", + "Completed text 75052\n", + "Completed text 75053\n", + "Completed text 75054\n", + "Completed text 75055\n", + "Completed text 75056\n", + "Completed text 75057\n", + "Completed text 75058\n", + "Completed text 75059\n", + "Completed text 75060\n", + "Completed text 75061\n", + "Completed text 75062\n", + "Completed text 75063\n", + "Completed text 75064\n", + "Completed text 75065\n", + "Completed text 75066\n", + "Completed text 75067\n", + "Completed text 75068\n", + "Completed text 75069\n", + "Completed text 75070\n", + "Completed text 75071\n", + "Completed text 75072\n", + "Completed text 75073\n", + "Completed text 75074\n", + "Completed text 75075\n", + "Completed text 75076\n", + "Completed text 75077\n", + "Completed text 75078\n", + "Completed text 75079\n", + "Completed text 75080\n", + "Completed text 75081\n", + "Completed text 75082\n", + "Completed text 75083\n", + "Completed text 75084\n", + "Completed text 75085\n", + "Completed text 75086\n", + "Completed text 75087\n", + "Completed text 75088\n", + "Completed text 75089\n", + "Completed text 75090\n", + "Completed text 75091\n", + "Completed text 75092\n", + "Completed text 75093\n", + "Completed text 75094\n", + "Completed text 75095\n", + "Completed text 75096\n", + "Completed text 75097\n", + "Completed text 75098\n", + "Completed text 75099\n", + "Completed text 75100\n", + "Completed text 75101\n", + "Completed text 75102\n", + "Completed text 75103\n", + "Completed text 75104\n", + "Completed text 75105\n", + "Completed text 75106\n", + "Completed text 75107\n", + "Completed text 75108\n", + "Completed text 75109\n", + "Completed text 75110\n", + "Completed text 75111\n", + "Completed text 75112\n", + "Completed text 75113\n", + "Completed text 75114\n", + "Completed text 75115\n", + "Completed text 75116\n", + "Completed text 75117\n", + "Completed text 75118\n", + "Completed text 75119\n", + "Completed text 75120\n", + "Completed text 75121\n", + "Completed text 75122\n", + "Completed text 75123\n", + "Completed text 75124\n", + "Completed text 75125\n", + "Completed text 75126\n", + "Completed text 75127\n", + "Completed text 75128\n", + "Completed text 75129\n", + "Completed text 75130\n", + "Completed text 75131\n", + "Completed text 75132\n", + "Completed text 75133\n", + "Completed text 75134\n", + "Completed text 75135\n", + "Completed text 75136\n", + "Completed text 75137\n", + "Completed text 75138\n", + "Completed text 75139\n", + "Completed text 75140\n", + "Completed text 75141\n", + "Completed text 75142\n", + "Completed text 75143\n", + "Completed text 75144\n", + "Completed text 75145\n", + "Completed text 75146\n", + "Completed text 75147\n", + "Completed text 75148\n", + "Completed text 75149\n", + "Completed text 75150\n", + "Completed text 75151\n", + "Completed text 75152\n", + "Completed text 75153\n", + "Completed text 75154\n", + "Completed text 75155\n", + "Completed text 75156\n", + "Completed text 75157\n", + "Completed text 75158\n", + "Completed text 75159\n", + "Completed text 75160\n", + "Completed text 75161\n", + "Completed text 75162\n", + "Completed text 75163\n", + "Completed text 75164\n", + "Completed text 75165\n", + "Completed text 75166\n", + "Completed text 75167\n", + "Completed text 75168\n", + "Completed text 75169\n", + "Completed text 75170\n", + "Completed text 75171\n", + "Completed text 75172\n", + "Completed text 75173\n", + "Completed text 75174\n", + "Completed text 75175\n", + "Completed text 75176\n", + "Completed text 75177\n", + "Completed text 75178\n", + "Completed text 75179\n", + "Completed text 75180\n", + "Completed text 75181\n", + "Completed text 75182\n", + "Completed text 75183\n", + "Completed text 75184\n", + "Completed text 75185\n", + "Completed text 75186\n", + "Completed text 75187\n", + "Completed text 75188\n", + "Completed text 75189\n", + "Completed text 75190\n", + "Completed text 75191\n", + "Completed text 75192\n", + "Completed text 75193\n", + "Completed text 75194\n", + "Completed text 75195\n", + "Completed text 75196\n", + "Completed text 75197\n", + "Completed text 75198\n", + "Completed text 75199\n", + "Completed text 75200\n", + "Completed text 75201\n", + "Completed text 75202\n", + "Completed text 75203\n", + "Completed text 75204\n", + "Completed text 75205\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 75206\n", + "Completed text 75207\n", + "Completed text 75208\n", + "Completed text 75209\n", + "Completed text 75210\n", + "Completed text 75211\n", + "Completed text 75212\n", + "Completed text 75213\n", + "Completed text 75214\n", + "Completed text 75215\n", + "Completed text 75216\n", + "Completed text 75217\n", + "Completed text 75218\n", + "Completed text 75219\n", + "Completed text 75220\n", + "Completed text 75221\n", + "Completed text 75222\n", + "Completed text 75223\n", + "Completed text 75224\n", + "Completed text 75225\n", + "Completed text 75226\n", + "Completed text 75227\n", + "Completed text 75228\n", + "Completed text 75229\n", + "Completed text 75230\n", + "Completed text 75231\n", + "Completed text 75232\n", + "Completed text 75233\n", + "Completed text 75234\n", + "Completed text 75235\n", + "Completed text 75236\n", + "Completed text 75237\n", + "Completed text 75238\n", + "Completed text 75239\n", + "Completed text 75240\n", + "Completed text 75241\n", + "Completed text 75242\n", + "Completed text 75243\n", + "Completed text 75244\n", + "Completed text 75245\n", + "Completed text 75246\n", + "Completed text 75247\n", + "Completed text 75248\n", + "Completed text 75249\n", + "Completed text 75250\n", + "Completed text 75251\n", + "Completed text 75252\n", + "Completed text 75253\n", + "Completed text 75254\n", + "Completed text 75255\n", + "Completed text 75256\n", + "Completed text 75257\n", + "Completed text 75258\n", + "Completed text 75259\n", + "Completed text 75260\n", + "Completed text 75261\n", + "Completed text 75262\n", + "Completed text 75263\n", + "Completed text 75264\n", + "Completed text 75265\n", + "Completed text 75266\n", + "Completed text 75267\n", + "Completed text 75268\n", + "Completed text 75269\n", + "Completed text 75270\n", + "Completed text 75271\n", + "Completed text 75272\n", + "Completed text 75273\n", + "Completed text 75274\n", + "Completed text 75275\n", + "Completed text 75276\n", + "Completed text 75277\n", + "Completed text 75278\n", + "Completed text 75279\n", + "Completed text 75280\n", + "Completed text 75281\n", + "Completed text 75282\n", + "Completed text 75283\n", + "Completed text 75284\n", + "Completed text 75285\n", + "Completed text 75286\n", + "Completed text 75287\n", + "Completed text 75288\n", + "Completed text 75289\n", + "Completed text 75290\n", + "Completed text 75291\n", + "Completed text 75292\n", + "Completed text 75293\n", + "Completed text 75294\n", + "Completed text 75295\n", + "Completed text 75296\n", + "Completed text 75297\n", + "Completed text 75298\n", + "Completed text 75299\n", + "Completed text 75300\n", + "Completed text 75301\n", + "Completed text 75302\n", + "Completed text 75303\n", + "Completed text 75304\n", + "Completed text 75305\n", + "Completed text 75306\n", + "Completed text 75307\n", + "Completed text 75308\n", + "Completed text 75309\n", + "Completed text 75310\n", + "Completed text 75311\n", + "Completed text 75312\n", + "Completed text 75313\n", + "Completed text 75314\n", + "Completed text 75315\n", + "Completed text 75316\n", + "Completed text 75317\n", + "Completed text 75318\n", + "Completed text 75319\n", + "Completed text 75320\n", + "Completed text 75321\n", + "Completed text 75322\n", + "Completed text 75323\n", + "Completed text 75324\n", + "Completed text 75325\n", + "Completed text 75326\n", + "Completed text 75327\n", + "Completed text 75328\n", + "Completed text 75329\n", + "Completed text 75330\n", + "Completed text 75331\n", + "Completed text 75332\n", + "Completed text 75333\n", + "Completed text 75334\n", + "Completed text 75335\n", + "Completed text 75336\n", + "Completed text 75337\n", + "Completed text 75338\n", + "Completed text 75339\n", + "Completed text 75340\n", + "Completed text 75341\n", + "Completed text 75342\n", + "Completed text 75343\n", + "Completed text 75344\n", + "Completed text 75345\n", + "Completed text 75346\n", + "Completed text 75347\n", + "Completed text 75348\n", + "Completed text 75349\n", + "Completed text 75350\n", + "Completed text 75351\n", + "Completed text 75352\n", + "Completed text 75353\n", + "Completed text 75354\n", + "Completed text 75355\n", + "Completed text 75356\n", + "Completed text 75357\n", + "Completed text 75358\n", + "Completed text 75359\n", + "Completed text 75360\n", + "Completed text 75361\n", + "Completed text 75362\n", + "Completed text 75363\n", + "Completed text 75364\n", + "Completed text 75365\n", + "Completed text 75366\n", + "Completed text 75367\n", + "Completed text 75368\n", + "Completed text 75369\n", + "Completed text 75370\n", + "Completed text 75371\n", + "Completed text 75372\n", + "Completed text 75373\n", + "Completed text 75374\n", + "Completed text 75375\n", + "Completed text 75376\n", + "Completed text 75377\n", + "Completed text 75378\n", + "Completed text 75379\n", + "Completed text 75380\n", + "Completed text 75381\n", + "Completed text 75382\n", + "Completed text 75383\n", + "Completed text 75384\n", + "Completed text 75385\n", + "Completed text 75386\n", + "Completed text 75387\n", + "Completed text 75388\n", + "Completed text 75389\n", + "Completed text 75390\n", + "Completed text 75391\n", + "Completed text 75392\n", + "Completed text 75393\n", + "Completed text 75394\n", + "Completed text 75395\n", + "Completed text 75396\n", + "Completed text 75397\n", + "Completed text 75398\n", + "Completed text 75399\n", + "Completed text 75400\n", + "Completed text 75401\n", + "Completed text 75402\n", + "Completed text 75403\n", + "Completed text 75404\n", + "Completed text 75405\n", + "Completed text 75406\n", + "Completed text 75407\n", + "Completed text 75408\n", + "Completed text 75409\n", + "Completed text 75410\n", + "Completed text 75411\n", + "Completed text 75412\n", + "Completed text 75413\n", + "Completed text 75414\n", + "Completed text 75415\n", + "Completed text 75416\n", + "Completed text 75417\n", + "Completed text 75418\n", + "Completed text 75419\n", + "Completed text 75420\n", + "Completed text 75421\n", + "Completed text 75422\n", + "Completed text 75423\n", + "Completed text 75424\n", + "Completed text 75425\n", + "Completed text 75426\n", + "Completed text 75427\n", + "Completed text 75428\n", + "Completed text 75429\n", + "Completed text 75430\n", + "Completed text 75431\n", + "Completed text 75432\n", + "Completed text 75433\n", + "Completed text 75434\n", + "Completed text 75435\n", + "Completed text 75436\n", + "Completed text 75437\n", + "Completed text 75438\n", + "Completed text 75439\n", + "Completed text 75440\n", + "Completed text 75441\n", + "Completed text 75442\n", + "Completed text 75443\n", + "Completed text 75444\n", + "Completed text 75445\n", + "Completed text 75446\n", + "Completed text 75447\n", + "Completed text 75448\n", + "Completed text 75449\n", + "Completed text 75450\n", + "Completed text 75451\n", + "Completed text 75452\n", + "Completed text 75453\n", + "Completed text 75454\n", + "Completed text 75455\n", + "Completed text 75456\n", + "Completed text 75457\n", + "Completed text 75458\n", + "Completed text 75459\n", + "Completed text 75460\n", + "Completed text 75461\n", + "Completed text 75462\n", + "Completed text 75463\n", + "Completed text 75464\n", + "Completed text 75465\n", + "Completed text 75466\n", + "Completed text 75467\n", + "Completed text 75468\n", + "Completed text 75469\n", + "Completed text 75470\n", + "Completed text 75471\n", + "Completed text 75472\n", + "Completed text 75473\n", + "Completed text 75474\n", + "Completed text 75475\n", + "Completed text 75476\n", + "Completed text 75477\n", + "Completed text 75478\n", + "Completed text 75479\n", + "Completed text 75480\n", + "Completed text 75481\n", + "Completed text 75482\n", + "Completed text 75483\n", + "Completed text 75484\n", + "Completed text 75485\n", + "Completed text 75486\n", + "Completed text 75487\n", + "Completed text 75488\n", + "Completed text 75489\n", + "Completed text 75490\n", + "Completed text 75491\n", + "Completed text 75492\n", + "Completed text 75493\n", + "Completed text 75494\n", + "Completed text 75495\n", + "Completed text 75496\n", + "Completed text 75497\n", + "Completed text 75498\n", + "Completed text 75499\n", + "Completed text 75500\n", + "Completed text 75501\n", + "Completed text 75502\n", + "Completed text 75503\n", + "Completed text 75504\n", + "Completed text 75505\n", + "Completed text 75506\n", + "Completed text 75507\n", + "Completed text 75508\n", + "Completed text 75509\n", + "Completed text 75510\n", + "Completed text 75511\n", + "Completed text 75512\n", + "Completed text 75513\n", + "Completed text 75514\n", + "Completed text 75515\n", + "Completed text 75516\n", + "Completed text 75517\n", + "Completed text 75518\n", + "Completed text 75519\n", + "Completed text 75520\n", + "Completed text 75521\n", + "Completed text 75522\n", + "Completed text 75523\n", + "Completed text 75524\n", + "Completed text 75525\n", + "Completed text 75526\n", + "Completed text 75527\n", + "Completed text 75528\n", + "Completed text 75529\n", + "Completed text 75530\n", + "Completed text 75531\n", + "Completed text 75532\n", + "Completed text 75533\n", + "Completed text 75534\n", + "Completed text 75535\n", + "Completed text 75536\n", + "Completed text 75537\n", + "Completed text 75538\n", + "Completed text 75539\n", + "Completed text 75540\n", + "Completed text 75541\n", + "Completed text 75542\n", + "Completed text 75543\n", + "Completed text 75544\n", + "Completed text 75545\n", + "Completed text 75546\n", + "Completed text 75547\n", + "Completed text 75548\n", + "Completed text 75549\n", + "Completed text 75550\n", + "Completed text 75551\n", + "Completed text 75552\n", + "Completed text 75553\n", + "Completed text 75554\n", + "Completed text 75555\n", + "Completed text 75556\n", + "Completed text 75557\n", + "Completed text 75558\n", + "Completed text 75559\n", + "Completed text 75560\n", + "Completed text 75561\n", + "Completed text 75562\n", + "Completed text 75563\n", + "Completed text 75564\n", + "Completed text 75565\n", + "Completed text 75566\n", + "Completed text 75567\n", + "Completed text 75568\n", + "Completed text 75569\n", + "Completed text 75570\n", + "Completed text 75571\n", + "Completed text 75572\n", + "Completed text 75573\n", + "Completed text 75574\n", + "Completed text 75575\n", + "Completed text 75576\n", + "Completed text 75577\n", + "Completed text 75578\n", + "Completed text 75579\n", + "Completed text 75580\n", + "Completed text 75581\n", + "Completed text 75582\n", + "Completed text 75583\n", + "Completed text 75584\n", + "Completed text 75585\n", + "Completed text 75586\n", + "Completed text 75587\n", + "Completed text 75588\n", + "Completed text 75589\n", + "Completed text 75590\n", + "Completed text 75591\n", + "Completed text 75592\n", + "Completed text 75593\n", + "Completed text 75594\n", + "Completed text 75595\n", + "Completed text 75596\n", + "Completed text 75597\n", + "Completed text 75598\n", + "Completed text 75599\n", + "Completed text 75600\n", + "Completed text 75601\n", + "Completed text 75602\n", + "Completed text 75603\n", + "Completed text 75604\n", + "Completed text 75605\n", + "Completed text 75606\n", + "Completed text 75607\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 75608\n", + "Completed text 75609\n", + "Completed text 75610\n", + "Completed text 75611\n", + "Completed text 75612\n", + "Completed text 75613\n", + "Completed text 75614\n", + "Completed text 75615\n", + "Completed text 75616\n", + "Completed text 75617\n", + "Completed text 75618\n", + "Completed text 75619\n", + "Completed text 75620\n", + "Completed text 75621\n", + "Completed text 75622\n", + "Completed text 75623\n", + "Completed text 75624\n", + "Completed text 75625\n", + "Completed text 75626\n", + "Completed text 75627\n", + "Completed text 75628\n", + "Completed text 75629\n", + "Completed text 75630\n", + "Completed text 75631\n", + "Completed text 75632\n", + "Completed text 75633\n", + "Completed text 75634\n", + "Completed text 75635\n", + "Completed text 75636\n", + "Completed text 75637\n", + "Completed text 75638\n", + "Completed text 75639\n", + "Completed text 75640\n", + "Completed text 75641\n", + "Completed text 75642\n", + "Completed text 75643\n", + "Completed text 75644\n", + "Completed text 75645\n", + "Completed text 75646\n", + "Completed text 75647\n", + "Completed text 75648\n", + "Completed text 75649\n", + "Completed text 75650\n", + "Completed text 75651\n", + "Completed text 75652\n", + "Completed text 75653\n", + "Completed text 75654\n", + "Completed text 75655\n", + "Completed text 75656\n", + "Completed text 75657\n", + "Completed text 75658\n", + "Completed text 75659\n", + "Completed text 75660\n", + "Completed text 75661\n", + "Completed text 75662\n", + "Completed text 75663\n", + "Completed text 75664\n", + "Completed text 75665\n", + "Completed text 75666\n", + "Completed text 75667\n", + "Completed text 75668\n", + "Completed text 75669\n", + "Completed text 75670\n", + "Completed text 75671\n", + "Completed text 75672\n", + "Completed text 75673\n", + "Completed text 75674\n", + "Completed text 75675\n", + "Completed text 75676\n", + "Completed text 75677\n", + "Completed text 75678\n", + "Completed text 75679\n", + "Completed text 75680\n", + "Completed text 75681\n", + "Completed text 75682\n", + "Completed text 75683\n", + "Completed text 75684\n", + "Completed text 75685\n", + "Completed text 75686\n", + "Completed text 75687\n", + "Completed text 75688\n", + "Completed text 75689\n", + "Completed text 75690\n", + "Completed text 75691\n", + "Completed text 75692\n", + "Completed text 75693\n", + "Completed text 75694\n", + "Completed text 75695\n", + "Completed text 75696\n", + "Completed text 75697\n", + "Completed text 75698\n", + "Completed text 75699\n", + "Completed text 75700\n", + "Completed text 75701\n", + "Completed text 75702\n", + "Completed text 75703\n", + "Completed text 75704\n", + "Completed text 75705\n", + "Completed text 75706\n", + "Completed text 75707\n", + "Completed text 75708\n", + "Completed text 75709\n", + "Completed text 75710\n", + "Completed text 75711\n", + "Completed text 75712\n", + "Completed text 75713\n", + "Completed text 75714\n", + "Completed text 75715\n", + "Completed text 75716\n", + "Completed text 75717\n", + "Completed text 75718\n", + "Completed text 75719\n", + "Completed text 75720\n", + "Completed text 75721\n", + "Completed text 75722\n", + "Completed text 75723\n", + "Completed text 75724\n", + "Completed text 75725\n", + "Completed text 75726\n", + "Completed text 75727\n", + "Completed text 75728\n", + "Completed text 75729\n", + "Completed text 75730\n", + "Completed text 75731\n", + "Completed text 75732\n", + "Completed text 75733\n", + "Completed text 75734\n", + "Completed text 75735\n", + "Completed text 75736\n", + "Completed text 75737\n", + "Completed text 75738\n", + "Completed text 75739\n", + "Completed text 75740\n", + "Completed text 75741\n", + "Completed text 75742\n", + "Completed text 75743\n", + "Completed text 75744\n", + "Completed text 75745\n", + "Completed text 75746\n", + "Completed text 75747\n", + "Completed text 75748\n", + "Completed text 75749\n", + "Completed text 75750\n", + "Completed text 75751\n", + "Completed text 75752\n", + "Completed text 75753\n", + "Completed text 75754\n", + "Completed text 75755\n", + "Completed text 75756\n", + "Completed text 75757\n", + "Completed text 75758\n", + "Completed text 75759\n", + "Completed text 75760\n", + "Completed text 75761\n", + "Completed text 75762\n", + "Completed text 75763\n", + "Completed text 75764\n", + "Completed text 75765\n", + "Completed text 75766\n", + "Completed text 75767\n", + "Completed text 75768\n", + "Completed text 75769\n", + "Completed text 75770\n", + "Completed text 75771\n", + "Completed text 75772\n", + "Completed text 75773\n", + "Completed text 75774\n", + "Completed text 75775\n", + "Completed text 75776\n", + "Completed text 75777\n", + "Completed text 75778\n", + "Completed text 75779\n", + "Completed text 75780\n", + "Completed text 75781\n", + "Completed text 75782\n", + "Completed text 75783\n", + "Completed text 75784\n", + "Completed text 75785\n", + "Completed text 75786\n", + "Completed text 75787\n", + "Completed text 75788\n", + "Completed text 75789\n", + "Completed text 75790\n", + "Completed text 75791\n", + "Completed text 75792\n", + "Completed text 75793\n", + "Completed text 75794\n", + "Completed text 75795\n", + "Completed text 75796\n", + "Completed text 75797\n", + "Completed text 75798\n", + "Completed text 75799\n", + "Completed text 75800\n", + "Completed text 75801\n", + "Completed text 75802\n", + "Completed text 75803\n", + "Completed text 75804\n", + "Completed text 75805\n", + "Completed text 75806\n", + "Completed text 75807\n", + "Completed text 75808\n", + "Completed text 75809\n", + "Completed text 75810\n", + "Completed text 75811\n", + "Completed text 75812\n", + "Completed text 75813\n", + "Completed text 75814\n", + "Completed text 75815\n", + "Completed text 75816\n", + "Completed text 75817\n", + "Completed text 75818\n", + "Completed text 75819\n", + "Completed text 75820\n", + "Completed text 75821\n", + "Completed text 75822\n", + "Completed text 75823\n", + "Completed text 75824\n", + "Completed text 75825\n", + "Completed text 75826\n", + "Completed text 75827\n", + "Completed text 75828\n", + "Completed text 75829\n", + "Completed text 75830\n", + "Completed text 75831\n", + "Completed text 75832\n", + "Completed text 75833\n", + "Completed text 75834\n", + "Completed text 75835\n", + "Completed text 75836\n", + "Completed text 75837\n", + "Completed text 75838\n", + "Completed text 75839\n", + "Completed text 75840\n", + "Completed text 75841\n", + "Completed text 75842\n", + "Completed text 75843\n", + "Completed text 75844\n", + "Completed text 75845\n", + "Completed text 75846\n", + "Completed text 75847\n", + "Completed text 75848\n", + "Completed text 75849\n", + "Completed text 75850\n", + "Completed text 75851\n", + "Completed text 75852\n", + "Completed text 75853\n", + "Completed text 75854\n", + "Completed text 75855\n", + "Completed text 75856\n", + "Completed text 75857\n", + "Completed text 75858\n", + "Completed text 75859\n", + "Completed text 75860\n", + "Completed text 75861\n", + "Completed text 75862\n", + "Completed text 75863\n", + "Completed text 75864\n", + "Completed text 75865\n", + "Completed text 75866\n", + "Completed text 75867\n", + "Completed text 75868\n", + "Completed text 75869\n", + "Completed text 75870\n", + "Completed text 75871\n", + "Completed text 75872\n", + "Completed text 75873\n", + "Completed text 75874\n", + "Completed text 75875\n", + "Completed text 75876\n", + "Completed text 75877\n", + "Completed text 75878\n", + "Completed text 75879\n", + "Completed text 75880\n", + "Completed text 75881\n", + "Completed text 75882\n", + "Completed text 75883\n", + "Completed text 75884\n", + "Completed text 75885\n", + "Completed text 75886\n", + "Completed text 75887\n", + "Completed text 75888\n", + "Completed text 75889\n", + "Completed text 75890\n", + "Completed text 75891\n", + "Completed text 75892\n", + "Completed text 75893\n", + "Completed text 75894\n", + "Completed text 75895\n", + "Completed text 75896\n", + "Completed text 75897\n", + "Completed text 75898\n", + "Completed text 75899\n", + "Completed text 75900\n", + "Completed text 75901\n", + "Completed text 75902\n", + "Completed text 75903\n", + "Completed text 75904\n", + "Completed text 75905\n", + "Completed text 75906\n", + "Completed text 75907\n", + "Completed text 75908\n", + "Completed text 75909\n", + "Completed text 75910\n", + "Completed text 75911\n", + "Completed text 75912\n", + "Completed text 75913\n", + "Completed text 75914\n", + "Completed text 75915\n", + "Completed text 75916\n", + "Completed text 75917\n", + "Completed text 75918\n", + "Completed text 75919\n", + "Completed text 75920\n", + "Completed text 75921\n", + "Completed text 75922\n", + "Completed text 75923\n", + "Completed text 75924\n", + "Completed text 75925\n", + "Completed text 75926\n", + "Completed text 75927\n", + "Completed text 75928\n", + "Completed text 75929\n", + "Completed text 75930\n", + "Completed text 75931\n", + "Completed text 75932\n", + "Completed text 75933\n", + "Completed text 75934\n", + "Completed text 75935\n", + "Completed text 75936\n", + "Completed text 75937\n", + "Completed text 75938\n", + "Completed text 75939\n", + "Completed text 75940\n", + "Completed text 75941\n", + "Completed text 75942\n", + "Completed text 75943\n", + "Completed text 75944\n", + "Completed text 75945\n", + "Completed text 75946\n", + "Completed text 75947\n", + "Completed text 75948\n", + "Completed text 75949\n", + "Completed text 75950\n", + "Completed text 75951\n", + "Completed text 75952\n", + "Completed text 75953\n", + "Completed text 75954\n", + "Completed text 75955\n", + "Completed text 75956\n", + "Completed text 75957\n", + "Completed text 75958\n", + "Completed text 75959\n", + "Completed text 75960\n", + "Completed text 75961\n", + "Completed text 75962\n", + "Completed text 75963\n", + "Completed text 75964\n", + "Completed text 75965\n", + "Completed text 75966\n", + "Completed text 75967\n", + "Completed text 75968\n", + "Completed text 75969\n", + "Completed text 75970\n", + "Completed text 75971\n", + "Completed text 75972\n", + "Completed text 75973\n", + "Completed text 75974\n", + "Completed text 75975\n", + "Completed text 75976\n", + "Completed text 75977\n", + "Completed text 75978\n", + "Completed text 75979\n", + "Completed text 75980\n", + "Completed text 75981\n", + "Completed text 75982\n", + "Completed text 75983\n", + "Completed text 75984\n", + "Completed text 75985\n", + "Completed text 75986\n", + "Completed text 75987\n", + "Completed text 75988\n", + "Completed text 75989\n", + "Completed text 75990\n", + "Completed text 75991\n", + "Completed text 75992\n", + "Completed text 75993\n", + "Completed text 75994\n", + "Completed text 75995\n", + "Completed text 75996\n", + "Completed text 75997\n", + "Completed text 75998\n", + "Completed text 75999\n", + "Completed text 76000\n", + "Completed text 76001\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 76002\n", + "Completed text 76003\n", + "Completed text 76004\n", + "Completed text 76005\n", + "Completed text 76006\n", + "Completed text 76007\n", + "Completed text 76008\n", + "Completed text 76009\n", + "Completed text 76010\n", + "Completed text 76011\n", + "Completed text 76012\n", + "Completed text 76013\n", + "Completed text 76014\n", + "Completed text 76015\n", + "Completed text 76016\n", + "Completed text 76017\n", + "Completed text 76018\n", + "Completed text 76019\n", + "Completed text 76020\n", + "Completed text 76021\n", + "Completed text 76022\n", + "Completed text 76023\n", + "Completed text 76024\n", + "Completed text 76025\n", + "Completed text 76026\n", + "Completed text 76027\n", + "Completed text 76028\n", + "Completed text 76029\n", + "Completed text 76030\n", + "Completed text 76031\n", + "Completed text 76032\n", + "Completed text 76033\n", + "Completed text 76034\n", + "Completed text 76035\n", + "Completed text 76036\n", + "Completed text 76037\n", + "Completed text 76038\n", + "Completed text 76039\n", + "Completed text 76040\n", + "Completed text 76041\n", + "Completed text 76042\n", + "Completed text 76043\n", + "Completed text 76044\n", + "Completed text 76045\n", + "Completed text 76046\n", + "Completed text 76047\n", + "Completed text 76048\n", + "Completed text 76049\n", + "Completed text 76050\n", + "Completed text 76051\n", + "Completed text 76052\n", + "Completed text 76053\n", + "Completed text 76054\n", + "Completed text 76055\n", + "Completed text 76056\n", + "Completed text 76057\n", + "Completed text 76058\n", + "Completed text 76059\n", + "Completed text 76060\n", + "Completed text 76061\n", + "Completed text 76062\n", + "Completed text 76063\n", + "Completed text 76064\n", + "Completed text 76065\n", + "Completed text 76066\n", + "Completed text 76067\n", + "Completed text 76068\n", + "Completed text 76069\n", + "Completed text 76070\n", + "Completed text 76071\n", + "Completed text 76072\n", + "Completed text 76073\n", + "Completed text 76074\n", + "Completed text 76075\n", + "Completed text 76076\n", + "Completed text 76077\n", + "Completed text 76078\n", + "Completed text 76079\n", + "Completed text 76080\n", + "Completed text 76081\n", + "Completed text 76082\n", + "Completed text 76083\n", + "Completed text 76084\n", + "Completed text 76085\n", + "Completed text 76086\n", + "Completed text 76087\n", + "Completed text 76088\n", + "Completed text 76089\n", + "Completed text 76090\n", + "Completed text 76091\n", + "Completed text 76092\n", + "Completed text 76093\n", + "Completed text 76094\n", + "Completed text 76095\n", + "Completed text 76096\n", + "Completed text 76097\n", + "Completed text 76098\n", + "Completed text 76099\n", + "Completed text 76100\n", + "Completed text 76101\n", + "Completed text 76102\n", + "Completed text 76103\n", + "Completed text 76104\n", + "Completed text 76105\n", + "Completed text 76106\n", + "Completed text 76107\n", + "Completed text 76108\n", + "Completed text 76109\n", + "Completed text 76110\n", + "Completed text 76111\n", + "Completed text 76112\n", + "Completed text 76113\n", + "Completed text 76114\n", + "Completed text 76115\n", + "Completed text 76116\n", + "Completed text 76117\n", + "Completed text 76118\n", + "Completed text 76119\n", + "Completed text 76120\n", + "Completed text 76121\n", + "Completed text 76122\n", + "Completed text 76123\n", + "Completed text 76124\n", + "Completed text 76125\n", + "Completed text 76126\n", + "Completed text 76127\n", + "Completed text 76128\n", + "Completed text 76129\n", + "Completed text 76130\n", + "Completed text 76131\n", + "Completed text 76132\n", + "Completed text 76133\n", + "Completed text 76134\n", + "Completed text 76135\n", + "Completed text 76136\n", + "Completed text 76137\n", + "Completed text 76138\n", + "Completed text 76139\n", + "Completed text 76140\n", + "Completed text 76141\n", + "Completed text 76142\n", + "Completed text 76143\n", + "Completed text 76144\n", + "Completed text 76145\n", + "Completed text 76146\n", + "Completed text 76147\n", + "Completed text 76148\n", + "Completed text 76149\n", + "Completed text 76150\n", + "Completed text 76151\n", + "Completed text 76152\n", + "Completed text 76153\n", + "Completed text 76154\n", + "Completed text 76155\n", + "Completed text 76156\n", + "Completed text 76157\n", + "Completed text 76158\n", + "Completed text 76159\n", + "Completed text 76160\n", + "Completed text 76161\n", + "Completed text 76162\n", + "Completed text 76163\n", + "Completed text 76164\n", + "Completed text 76165\n", + "Completed text 76166\n", + "Completed text 76167\n", + "Completed text 76168\n", + "Completed text 76169\n", + "Completed text 76170\n", + "Completed text 76171\n", + "Completed text 76172\n", + "Completed text 76173\n", + "Completed text 76174\n", + "Completed text 76175\n", + "Completed text 76176\n", + "Completed text 76177\n", + "Completed text 76178\n", + "Completed text 76179\n", + "Completed text 76180\n", + "Completed text 76181\n", + "Completed text 76182\n", + "Completed text 76183\n", + "Completed text 76184\n", + "Completed text 76185\n", + "Completed text 76186\n", + "Completed text 76187\n", + "Completed text 76188\n", + "Completed text 76189\n", + "Completed text 76190\n", + "Completed text 76191\n", + "Completed text 76192\n", + "Completed text 76193\n", + "Completed text 76194\n", + "Completed text 76195\n", + "Completed text 76196\n", + "Completed text 76197\n", + "Completed text 76198\n", + "Completed text 76199\n", + "Completed text 76200\n", + "Completed text 76201\n", + "Completed text 76202\n", + "Completed text 76203\n", + "Completed text 76204\n", + "Completed text 76205\n", + "Completed text 76206\n", + "Completed text 76207\n", + "Completed text 76208\n", + "Completed text 76209\n", + "Completed text 76210\n", + "Completed text 76211\n", + "Completed text 76212\n", + "Completed text 76213\n", + "Completed text 76214\n", + "Completed text 76215\n", + "Completed text 76216\n", + "Completed text 76217\n", + "Completed text 76218\n", + "Completed text 76219\n", + "Completed text 76220\n", + "Completed text 76221\n", + "Completed text 76222\n", + "Completed text 76223\n", + "Completed text 76224\n", + "Completed text 76225\n", + "Completed text 76226\n", + "Completed text 76227\n", + "Completed text 76228\n", + "Completed text 76229\n", + "Completed text 76230\n", + "Completed text 76231\n", + "Completed text 76232\n", + "Completed text 76233\n", + "Completed text 76234\n", + "Completed text 76235\n", + "Completed text 76236\n", + "Completed text 76237\n", + "Completed text 76238\n", + "Completed text 76239\n", + "Completed text 76240\n", + "Completed text 76241\n", + "Completed text 76242\n", + "Completed text 76243\n", + "Completed text 76244\n", + "Completed text 76245\n", + "Completed text 76246\n", + "Completed text 76247\n", + "Completed text 76248\n", + "Completed text 76249\n", + "Completed text 76250\n", + "Completed text 76251\n", + "Completed text 76252\n", + "Completed text 76253\n", + "Completed text 76254\n", + "Completed text 76255\n", + "Completed text 76256\n", + "Completed text 76257\n", + "Completed text 76258\n", + "Completed text 76259\n", + "Completed text 76260\n", + "Completed text 76261\n", + "Completed text 76262\n", + "Completed text 76263\n", + "Completed text 76264\n", + "Completed text 76265\n", + "Completed text 76266\n", + "Completed text 76267\n", + "Completed text 76268\n", + "Completed text 76269\n", + "Completed text 76270\n", + "Completed text 76271\n", + "Completed text 76272\n", + "Completed text 76273\n", + "Completed text 76274\n", + "Completed text 76275\n", + "Completed text 76276\n", + "Completed text 76277\n", + "Completed text 76278\n", + "Completed text 76279\n", + "Completed text 76280\n", + "Completed text 76281\n", + "Completed text 76282\n", + "Completed text 76283\n", + "Completed text 76284\n", + "Completed text 76285\n", + "Completed text 76286\n", + "Completed text 76287\n", + "Completed text 76288\n", + "Completed text 76289\n", + "Completed text 76290\n", + "Completed text 76291\n", + "Completed text 76292\n", + "Completed text 76293\n", + "Completed text 76294\n", + "Completed text 76295\n", + "Completed text 76296\n", + "Completed text 76297\n", + "Completed text 76298\n", + "Completed text 76299\n", + "Completed text 76300\n", + "Completed text 76301\n", + "Completed text 76302\n", + "Completed text 76303\n", + "Completed text 76304\n", + "Completed text 76305\n", + "Completed text 76306\n", + "Completed text 76307\n", + "Completed text 76308\n", + "Completed text 76309\n", + "Completed text 76310\n", + "Completed text 76311\n", + "Completed text 76312\n", + "Completed text 76313\n", + "Completed text 76314\n", + "Completed text 76315\n", + "Completed text 76316\n", + "Completed text 76317\n", + "Completed text 76318\n", + "Completed text 76319\n", + "Completed text 76320\n", + "Completed text 76321\n", + "Completed text 76322\n", + "Completed text 76323\n", + "Completed text 76324\n", + "Completed text 76325\n", + "Completed text 76326\n", + "Completed text 76327\n", + "Completed text 76328\n", + "Completed text 76329\n", + "Completed text 76330\n", + "Completed text 76331\n", + "Completed text 76332\n", + "Completed text 76333\n", + "Completed text 76334\n", + "Completed text 76335\n", + "Completed text 76336\n", + "Completed text 76337\n", + "Completed text 76338\n", + "Completed text 76339\n", + "Completed text 76340\n", + "Completed text 76341\n", + "Completed text 76342\n", + "Completed text 76343\n", + "Completed text 76344\n", + "Completed text 76345\n", + "Completed text 76346\n", + "Completed text 76347\n", + "Completed text 76348\n", + "Completed text 76349\n", + "Completed text 76350\n", + "Completed text 76351\n", + "Completed text 76352\n", + "Completed text 76353\n", + "Completed text 76354\n", + "Completed text 76355\n", + "Completed text 76356\n", + "Completed text 76357\n", + "Completed text 76358\n", + "Completed text 76359\n", + "Completed text 76360\n", + "Completed text 76361\n", + "Completed text 76362\n", + "Completed text 76363\n", + "Completed text 76364\n", + "Completed text 76365\n", + "Completed text 76366\n", + "Completed text 76367\n", + "Completed text 76368\n", + "Completed text 76369\n", + "Completed text 76370\n", + "Completed text 76371\n", + "Completed text 76372\n", + "Completed text 76373\n", + "Completed text 76374\n", + "Completed text 76375\n", + "Completed text 76376\n", + "Completed text 76377\n", + "Completed text 76378\n", + "Completed text 76379\n", + "Completed text 76380\n", + "Completed text 76381\n", + "Completed text 76382\n", + "Completed text 76383\n", + "Completed text 76384\n", + "Completed text 76385\n", + "Completed text 76386\n", + "Completed text 76387\n", + "Completed text 76388\n", + "Completed text 76389\n", + "Completed text 76390\n", + "Completed text 76391\n", + "Completed text 76392\n", + "Completed text 76393\n", + "Completed text 76394\n", + "Completed text 76395\n", + "Completed text 76396\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 76397\n", + "Completed text 76398\n", + "Completed text 76399\n", + "Completed text 76400\n", + "Completed text 76401\n", + "Completed text 76402\n", + "Completed text 76403\n", + "Completed text 76404\n", + "Completed text 76405\n", + "Completed text 76406\n", + "Completed text 76407\n", + "Completed text 76408\n", + "Completed text 76409\n", + "Completed text 76410\n", + "Completed text 76411\n", + "Completed text 76412\n", + "Completed text 76413\n", + "Completed text 76414\n", + "Completed text 76415\n", + "Completed text 76416\n", + "Completed text 76417\n", + "Completed text 76418\n", + "Completed text 76419\n", + "Completed text 76420\n", + "Completed text 76421\n", + "Completed text 76422\n", + "Completed text 76423\n", + "Completed text 76424\n", + "Completed text 76425\n", + "Completed text 76426\n", + "Completed text 76427\n", + "Completed text 76428\n", + "Completed text 76429\n", + "Completed text 76430\n", + "Completed text 76431\n", + "Completed text 76432\n", + "Completed text 76433\n", + "Completed text 76434\n", + "Completed text 76435\n", + "Completed text 76436\n", + "Completed text 76437\n", + "Completed text 76438\n", + "Completed text 76439\n", + "Completed text 76440\n", + "Completed text 76441\n", + "Completed text 76442\n", + "Completed text 76443\n", + "Completed text 76444\n", + "Completed text 76445\n", + "Completed text 76446\n", + "Completed text 76447\n", + "Completed text 76448\n", + "Completed text 76449\n", + "Completed text 76450\n", + "Completed text 76451\n", + "Completed text 76452\n", + "Completed text 76453\n", + "Completed text 76454\n", + "Completed text 76455\n", + "Completed text 76456\n", + "Completed text 76457\n", + "Completed text 76458\n", + "Completed text 76459\n", + "Completed text 76460\n", + "Completed text 76461\n", + "Completed text 76462\n", + "Completed text 76463\n", + "Completed text 76464\n", + "Completed text 76465\n", + "Completed text 76466\n", + "Completed text 76467\n", + "Completed text 76468\n", + "Completed text 76469\n", + "Completed text 76470\n", + "Completed text 76471\n", + "Completed text 76472\n", + "Completed text 76473\n", + "Completed text 76474\n", + "Completed text 76475\n", + "Completed text 76476\n", + "Completed text 76477\n", + "Completed text 76478\n", + "Completed text 76479\n", + "Completed text 76480\n", + "Completed text 76481\n", + "Completed text 76482\n", + "Completed text 76483\n", + "Completed text 76484\n", + "Completed text 76485\n", + "Completed text 76486\n", + "Completed text 76487\n", + "Completed text 76488\n", + "Completed text 76489\n", + "Completed text 76490\n", + "Completed text 76491\n", + "Completed text 76492\n", + "Completed text 76493\n", + "Completed text 76494\n", + "Completed text 76495\n", + "Completed text 76496\n", + "Completed text 76497\n", + "Completed text 76498\n", + "Completed text 76499\n", + "Completed text 76500\n", + "Completed text 76501\n", + "Completed text 76502\n", + "Completed text 76503\n", + "Completed text 76504\n", + "Completed text 76505\n", + "Completed text 76506\n", + "Completed text 76507\n", + "Completed text 76508\n", + "Completed text 76509\n", + "Completed text 76510\n", + "Completed text 76511\n", + "Completed text 76512\n", + "Completed text 76513\n", + "Completed text 76514\n", + "Completed text 76515\n", + "Completed text 76516\n", + "Completed text 76517\n", + "Completed text 76518\n", + "Completed text 76519\n", + "Completed text 76520\n", + "Completed text 76521\n", + "Completed text 76522\n", + "Completed text 76523\n", + "Completed text 76524\n", + "Completed text 76525\n", + "Completed text 76526\n", + "Completed text 76527\n", + "Completed text 76528\n", + "Completed text 76529\n", + "Completed text 76530\n", + "Completed text 76531\n", + "Completed text 76532\n", + "Completed text 76533\n", + "Completed text 76534\n", + "Completed text 76535\n", + "Completed text 76536\n", + "Completed text 76537\n", + "Completed text 76538\n", + "Completed text 76539\n", + "Completed text 76540\n", + "Completed text 76541\n", + "Completed text 76542\n", + "Completed text 76543\n", + "Completed text 76544\n", + "Completed text 76545\n", + "Completed text 76546\n", + "Completed text 76547\n", + "Completed text 76548\n", + "Completed text 76549\n", + "Completed text 76550\n", + "Completed text 76551\n", + "Completed text 76552\n", + "Completed text 76553\n", + "Completed text 76554\n", + "Completed text 76555\n", + "Completed text 76556\n", + "Completed text 76557\n", + "Completed text 76558\n", + "Completed text 76559\n", + "Completed text 76560\n", + "Completed text 76561\n", + "Completed text 76562\n", + "Completed text 76563\n", + "Completed text 76564\n", + "Completed text 76565\n", + "Completed text 76566\n", + "Completed text 76567\n", + "Completed text 76568\n", + "Completed text 76569\n", + "Completed text 76570\n", + "Completed text 76571\n", + "Completed text 76572\n", + "Completed text 76573\n", + "Completed text 76574\n", + "Completed text 76575\n", + "Completed text 76576\n", + "Completed text 76577\n", + "Completed text 76578\n", + "Completed text 76579\n", + "Completed text 76580\n", + "Completed text 76581\n", + "Completed text 76582\n", + "Completed text 76583\n", + "Completed text 76584\n", + "Completed text 76585\n", + "Completed text 76586\n", + "Completed text 76587\n", + "Completed text 76588\n", + "Completed text 76589\n", + "Completed text 76590\n", + "Completed text 76591\n", + "Completed text 76592\n", + "Completed text 76593\n", + "Completed text 76594\n", + "Completed text 76595\n", + "Completed text 76596\n", + "Completed text 76597\n", + "Completed text 76598\n", + "Completed text 76599\n", + "Completed text 76600\n", + "Completed text 76601\n", + "Completed text 76602\n", + "Completed text 76603\n", + "Completed text 76604\n", + "Completed text 76605\n", + "Completed text 76606\n", + "Completed text 76607\n", + "Completed text 76608\n", + "Completed text 76609\n", + "Completed text 76610\n", + "Completed text 76611\n", + "Completed text 76612\n", + "Completed text 76613\n", + "Completed text 76614\n", + "Completed text 76615\n", + "Completed text 76616\n", + "Completed text 76617\n", + "Completed text 76618\n", + "Completed text 76619\n", + "Completed text 76620\n", + "Completed text 76621\n", + "Completed text 76622\n", + "Completed text 76623\n", + "Completed text 76624\n", + "Completed text 76625\n", + "Completed text 76626\n", + "Completed text 76627\n", + "Completed text 76628\n", + "Completed text 76629\n", + "Completed text 76630\n", + "Completed text 76631\n", + "Completed text 76632\n", + "Completed text 76633\n", + "Completed text 76634\n", + "Completed text 76635\n", + "Completed text 76636\n", + "Completed text 76637\n", + "Completed text 76638\n", + "Completed text 76639\n", + "Completed text 76640\n", + "Completed text 76641\n", + "Completed text 76642\n", + "Completed text 76643\n", + "Completed text 76644\n", + "Completed text 76645\n", + "Completed text 76646\n", + "Completed text 76647\n", + "Completed text 76648\n", + "Completed text 76649\n", + "Completed text 76650\n", + "Completed text 76651\n", + "Completed text 76652\n", + "Completed text 76653\n", + "Completed text 76654\n", + "Completed text 76655\n", + "Completed text 76656\n", + "Completed text 76657\n", + "Completed text 76658\n", + "Completed text 76659\n", + "Completed text 76660\n", + "Completed text 76661\n", + "Completed text 76662\n", + "Completed text 76663\n", + "Completed text 76664\n", + "Completed text 76665\n", + "Completed text 76666\n", + "Completed text 76667\n", + "Completed text 76668\n", + "Completed text 76669\n", + "Completed text 76670\n", + "Completed text 76671\n", + "Completed text 76672\n", + "Completed text 76673\n", + "Completed text 76674\n", + "Completed text 76675\n", + "Completed text 76676\n", + "Completed text 76677\n", + "Completed text 76678\n", + "Completed text 76679\n", + "Completed text 76680\n", + "Completed text 76681\n", + "Completed text 76682\n", + "Completed text 76683\n", + "Completed text 76684\n", + "Completed text 76685\n", + "Completed text 76686\n", + "Completed text 76687\n", + "Completed text 76688\n", + "Completed text 76689\n", + "Completed text 76690\n", + "Completed text 76691\n", + "Completed text 76692\n", + "Completed text 76693\n", + "Completed text 76694\n", + "Completed text 76695\n", + "Completed text 76696\n", + "Completed text 76697\n", + "Completed text 76698\n", + "Completed text 76699\n", + "Completed text 76700\n", + "Completed text 76701\n", + "Completed text 76702\n", + "Completed text 76703\n", + "Completed text 76704\n", + "Completed text 76705\n", + "Completed text 76706\n", + "Completed text 76707\n", + "Completed text 76708\n", + "Completed text 76709\n", + "Completed text 76710\n", + "Completed text 76711\n", + "Completed text 76712\n", + "Completed text 76713\n", + "Completed text 76714\n", + "Completed text 76715\n", + "Completed text 76716\n", + "Completed text 76717\n", + "Completed text 76718\n", + "Completed text 76719\n", + "Completed text 76720\n", + "Completed text 76721\n", + "Completed text 76722\n", + "Completed text 76723\n", + "Completed text 76724\n", + "Completed text 76725\n", + "Completed text 76726\n", + "Completed text 76727\n", + "Completed text 76728\n", + "Completed text 76729\n", + "Completed text 76730\n", + "Completed text 76731\n", + "Completed text 76732\n", + "Completed text 76733\n", + "Completed text 76734\n", + "Completed text 76735\n", + "Completed text 76736\n", + "Completed text 76737\n", + "Completed text 76738\n", + "Completed text 76739\n", + "Completed text 76740\n", + "Completed text 76741\n", + "Completed text 76742\n", + "Completed text 76743\n", + "Completed text 76744\n", + "Completed text 76745\n", + "Completed text 76746\n", + "Completed text 76747\n", + "Completed text 76748\n", + "Completed text 76749\n", + "Completed text 76750\n", + "Completed text 76751\n", + "Completed text 76752\n", + "Completed text 76753\n", + "Completed text 76754\n", + "Completed text 76755\n", + "Completed text 76756\n", + "Completed text 76757\n", + "Completed text 76758\n", + "Completed text 76759\n", + "Completed text 76760\n", + "Completed text 76761\n", + "Completed text 76762\n", + "Completed text 76763\n", + "Completed text 76764\n", + "Completed text 76765\n", + "Completed text 76766\n", + "Completed text 76767\n", + "Completed text 76768\n", + "Completed text 76769\n", + "Completed text 76770\n", + "Completed text 76771\n", + "Completed text 76772\n", + "Completed text 76773\n", + "Completed text 76774\n", + "Completed text 76775\n", + "Completed text 76776\n", + "Completed text 76777\n", + "Completed text 76778\n", + "Completed text 76779\n", + "Completed text 76780\n", + "Completed text 76781\n", + "Completed text 76782\n", + "Completed text 76783\n", + "Completed text 76784\n", + "Completed text 76785\n", + "Completed text 76786\n", + "Completed text 76787\n", + "Completed text 76788\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 76789\n", + "Completed text 76790\n", + "Completed text 76791\n", + "Completed text 76792\n", + "Completed text 76793\n", + "Completed text 76794\n", + "Completed text 76795\n", + "Completed text 76796\n", + "Completed text 76797\n", + "Completed text 76798\n", + "Completed text 76799\n", + "Completed text 76800\n", + "Completed text 76801\n", + "Completed text 76802\n", + "Completed text 76803\n", + "Completed text 76804\n", + "Completed text 76805\n", + "Completed text 76806\n", + "Completed text 76807\n", + "Completed text 76808\n", + "Completed text 76809\n", + "Completed text 76810\n", + "Completed text 76811\n", + "Completed text 76812\n", + "Completed text 76813\n", + "Completed text 76814\n", + "Completed text 76815\n", + "Completed text 76816\n", + "Completed text 76817\n", + "Completed text 76818\n", + "Completed text 76819\n", + "Completed text 76820\n", + "Completed text 76821\n", + "Completed text 76822\n", + "Completed text 76823\n", + "Completed text 76824\n", + "Completed text 76825\n", + "Completed text 76826\n", + "Completed text 76827\n", + "Completed text 76828\n", + "Completed text 76829\n", + "Completed text 76830\n", + "Completed text 76831\n", + "Completed text 76832\n", + "Completed text 76833\n", + "Completed text 76834\n", + "Completed text 76835\n", + "Completed text 76836\n", + "Completed text 76837\n", + "Completed text 76838\n", + "Completed text 76839\n", + "Completed text 76840\n", + "Completed text 76841\n", + "Completed text 76842\n", + "Completed text 76843\n", + "Completed text 76844\n", + "Completed text 76845\n", + "Completed text 76846\n", + "Completed text 76847\n", + "Completed text 76848\n", + "Completed text 76849\n", + "Completed text 76850\n", + "Completed text 76851\n", + "Completed text 76852\n", + "Completed text 76853\n", + "Completed text 76854\n", + "Completed text 76855\n", + "Completed text 76856\n", + "Completed text 76857\n", + "Completed text 76858\n", + "Completed text 76859\n", + "Completed text 76860\n", + "Completed text 76861\n", + "Completed text 76862\n", + "Completed text 76863\n", + "Completed text 76864\n", + "Completed text 76865\n", + "Completed text 76866\n", + "Completed text 76867\n", + "Completed text 76868\n", + "Completed text 76869\n", + "Completed text 76870\n", + "Completed text 76871\n", + "Completed text 76872\n", + "Completed text 76873\n", + "Completed text 76874\n", + "Completed text 76875\n", + "Completed text 76876\n", + "Completed text 76877\n", + "Completed text 76878\n", + "Completed text 76879\n", + "Completed text 76880\n", + "Completed text 76881\n", + "Completed text 76882\n", + "Completed text 76883\n", + "Completed text 76884\n", + "Completed text 76885\n", + "Completed text 76886\n", + "Completed text 76887\n", + "Completed text 76888\n", + "Completed text 76889\n", + "Completed text 76890\n", + "Completed text 76891\n", + "Completed text 76892\n", + "Completed text 76893\n", + "Completed text 76894\n", + "Completed text 76895\n", + "Completed text 76896\n", + "Completed text 76897\n", + "Completed text 76898\n", + "Completed text 76899\n", + "Completed text 76900\n", + "Completed text 76901\n", + "Completed text 76902\n", + "Completed text 76903\n", + "Completed text 76904\n", + "Completed text 76905\n", + "Completed text 76906\n", + "Completed text 76907\n", + "Completed text 76908\n", + "Completed text 76909\n", + "Completed text 76910\n", + "Completed text 76911\n", + "Completed text 76912\n", + "Completed text 76913\n", + "Completed text 76914\n", + "Completed text 76915\n", + "Completed text 76916\n", + "Completed text 76917\n", + "Completed text 76918\n", + "Completed text 76919\n", + "Completed text 76920\n", + "Completed text 76921\n", + "Completed text 76922\n", + "Completed text 76923\n", + "Completed text 76924\n", + "Completed text 76925\n", + "Completed text 76926\n", + "Completed text 76927\n", + "Completed text 76928\n", + "Completed text 76929\n", + "Completed text 76930\n", + "Completed text 76931\n", + "Completed text 76932\n", + "Completed text 76933\n", + "Completed text 76934\n", + "Completed text 76935\n", + "Completed text 76936\n", + "Completed text 76937\n", + "Completed text 76938\n", + "Completed text 76939\n", + "Completed text 76940\n", + "Completed text 76941\n", + "Completed text 76942\n", + "Completed text 76943\n", + "Completed text 76944\n", + "Completed text 76945\n", + "Completed text 76946\n", + "Completed text 76947\n", + "Completed text 76948\n", + "Completed text 76949\n", + "Completed text 76950\n", + "Completed text 76951\n", + "Completed text 76952\n", + "Completed text 76953\n", + "Completed text 76954\n", + "Completed text 76955\n", + "Completed text 76956\n", + "Completed text 76957\n", + "Completed text 76958\n", + "Completed text 76959\n", + "Completed text 76960\n", + "Completed text 76961\n", + "Completed text 76962\n", + "Completed text 76963\n", + "Completed text 76964\n", + "Completed text 76965\n", + "Completed text 76966\n", + "Completed text 76967\n", + "Completed text 76968\n", + "Completed text 76969\n", + "Completed text 76970\n", + "Completed text 76971\n", + "Completed text 76972\n", + "Completed text 76973\n", + "Completed text 76974\n", + "Completed text 76975\n", + "Completed text 76976\n", + "Completed text 76977\n", + "Completed text 76978\n", + "Completed text 76979\n", + "Completed text 76980\n", + "Completed text 76981\n", + "Completed text 76982\n", + "Completed text 76983\n", + "Completed text 76984\n", + "Completed text 76985\n", + "Completed text 76986\n", + "Completed text 76987\n", + "Completed text 76988\n", + "Completed text 76989\n", + "Completed text 76990\n", + "Completed text 76991\n", + "Completed text 76992\n", + "Completed text 76993\n", + "Completed text 76994\n", + "Completed text 76995\n", + "Completed text 76996\n", + "Completed text 76997\n", + "Completed text 76998\n", + "Completed text 76999\n", + "Completed text 77000\n", + "Completed text 77001\n", + "Completed text 77002\n", + "Completed text 77003\n", + "Completed text 77004\n", + "Completed text 77005\n", + "Completed text 77006\n", + "Completed text 77007\n", + "Completed text 77008\n", + "Completed text 77009\n", + "Completed text 77010\n", + "Completed text 77011\n", + "Completed text 77012\n", + "Completed text 77013\n", + "Completed text 77014\n", + "Completed text 77015\n", + "Completed text 77016\n", + "Completed text 77017\n", + "Completed text 77018\n", + "Completed text 77019\n", + "Completed text 77020\n", + "Completed text 77021\n", + "Completed text 77022\n", + "Completed text 77023\n", + "Completed text 77024\n", + "Completed text 77025\n", + "Completed text 77026\n", + "Completed text 77027\n", + "Completed text 77028\n", + "Completed text 77029\n", + "Completed text 77030\n", + "Completed text 77031\n", + "Completed text 77032\n", + "Completed text 77033\n", + "Completed text 77034\n", + "Completed text 77035\n", + "Completed text 77036\n", + "Completed text 77037\n", + "Completed text 77038\n", + "Completed text 77039\n", + "Completed text 77040\n", + "Completed text 77041\n", + "Completed text 77042\n", + "Completed text 77043\n", + "Completed text 77044\n", + "Completed text 77045\n", + "Completed text 77046\n", + "Completed text 77047\n", + "Completed text 77048\n", + "Completed text 77049\n", + "Completed text 77050\n", + "Completed text 77051\n", + "Completed text 77052\n", + "Completed text 77053\n", + "Completed text 77054\n", + "Completed text 77055\n", + "Completed text 77056\n", + "Completed text 77057\n", + "Completed text 77058\n", + "Completed text 77059\n", + "Completed text 77060\n", + "Completed text 77061\n", + "Completed text 77062\n", + "Completed text 77063\n", + "Completed text 77064\n", + "Completed text 77065\n", + "Completed text 77066\n", + "Completed text 77067\n", + "Completed text 77068\n", + "Completed text 77069\n", + "Completed text 77070\n", + "Completed text 77071\n", + "Completed text 77072\n", + "Completed text 77073\n", + "Completed text 77074\n", + "Completed text 77075\n", + "Completed text 77076\n", + "Completed text 77077\n", + "Completed text 77078\n", + "Completed text 77079\n", + "Completed text 77080\n", + "Completed text 77081\n", + "Completed text 77082\n", + "Completed text 77083\n", + "Completed text 77084\n", + "Completed text 77085\n", + "Completed text 77086\n", + "Completed text 77087\n", + "Completed text 77088\n", + "Completed text 77089\n", + "Completed text 77090\n", + "Completed text 77091\n", + "Completed text 77092\n", + "Completed text 77093\n", + "Completed text 77094\n", + "Completed text 77095\n", + "Completed text 77096\n", + "Completed text 77097\n", + "Completed text 77098\n", + "Completed text 77099\n", + "Completed text 77100\n", + "Completed text 77101\n", + "Completed text 77102\n", + "Completed text 77103\n", + "Completed text 77104\n", + "Completed text 77105\n", + "Completed text 77106\n", + "Completed text 77107\n", + "Completed text 77108\n", + "Completed text 77109\n", + "Completed text 77110\n", + "Completed text 77111\n", + "Completed text 77112\n", + "Completed text 77113\n", + "Completed text 77114\n", + "Completed text 77115\n", + "Completed text 77116\n", + "Completed text 77117\n", + "Completed text 77118\n", + "Completed text 77119\n", + "Completed text 77120\n", + "Completed text 77121\n", + "Completed text 77122\n", + "Completed text 77123\n", + "Completed text 77124\n", + "Completed text 77125\n", + "Completed text 77126\n", + "Completed text 77127\n", + "Completed text 77128\n", + "Completed text 77129\n", + "Completed text 77130\n", + "Completed text 77131\n", + "Completed text 77132\n", + "Completed text 77133\n", + "Completed text 77134\n", + "Completed text 77135\n", + "Completed text 77136\n", + "Completed text 77137\n", + "Completed text 77138\n", + "Completed text 77139\n", + "Completed text 77140\n", + "Completed text 77141\n", + "Completed text 77142\n", + "Completed text 77143\n", + "Completed text 77144\n", + "Completed text 77145\n", + "Completed text 77146\n", + "Completed text 77147\n", + "Completed text 77148\n", + "Completed text 77149\n", + "Completed text 77150\n", + "Completed text 77151\n", + "Completed text 77152\n", + "Completed text 77153\n", + "Completed text 77154\n", + "Completed text 77155\n", + "Completed text 77156\n", + "Completed text 77157\n", + "Completed text 77158\n", + "Completed text 77159\n", + "Completed text 77160\n", + "Completed text 77161\n", + "Completed text 77162\n", + "Completed text 77163\n", + "Completed text 77164\n", + "Completed text 77165\n", + "Completed text 77166\n", + "Completed text 77167\n", + "Completed text 77168\n", + "Completed text 77169\n", + "Completed text 77170\n", + "Completed text 77171\n", + "Completed text 77172\n", + "Completed text 77173\n", + "Completed text 77174\n", + "Completed text 77175\n", + "Completed text 77176\n", + "Completed text 77177\n", + "Completed text 77178\n", + "Completed text 77179\n", + "Completed text 77180\n", + "Completed text 77181\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 77182\n", + "Completed text 77183\n", + "Completed text 77184\n", + "Completed text 77185\n", + "Completed text 77186\n", + "Completed text 77187\n", + "Completed text 77188\n", + "Completed text 77189\n", + "Completed text 77190\n", + "Completed text 77191\n", + "Completed text 77192\n", + "Completed text 77193\n", + "Completed text 77194\n", + "Completed text 77195\n", + "Completed text 77196\n", + "Completed text 77197\n", + "Completed text 77198\n", + "Completed text 77199\n", + "Completed text 77200\n", + "Completed text 77201\n", + "Completed text 77202\n", + "Completed text 77203\n", + "Completed text 77204\n", + "Completed text 77205\n", + "Completed text 77206\n", + "Completed text 77207\n", + "Completed text 77208\n", + "Completed text 77209\n", + "Completed text 77210\n", + "Completed text 77211\n", + "Completed text 77212\n", + "Completed text 77213\n", + "Completed text 77214\n", + "Completed text 77215\n", + "Completed text 77216\n", + "Completed text 77217\n", + "Completed text 77218\n", + "Completed text 77219\n", + "Completed text 77220\n", + "Completed text 77221\n", + "Completed text 77222\n", + "Completed text 77223\n", + "Completed text 77224\n", + "Completed text 77225\n", + "Completed text 77226\n", + "Completed text 77227\n", + "Completed text 77228\n", + "Completed text 77229\n", + "Completed text 77230\n", + "Completed text 77231\n", + "Completed text 77232\n", + "Completed text 77233\n", + "Completed text 77234\n", + "Completed text 77235\n", + "Completed text 77236\n", + "Completed text 77237\n", + "Completed text 77238\n", + "Completed text 77239\n", + "Completed text 77240\n", + "Completed text 77241\n", + "Completed text 77242\n", + "Completed text 77243\n", + "Completed text 77244\n", + "Completed text 77245\n", + "Completed text 77246\n", + "Completed text 77247\n", + "Completed text 77248\n", + "Completed text 77249\n", + "Completed text 77250\n", + "Completed text 77251\n", + "Completed text 77252\n", + "Completed text 77253\n", + "Completed text 77254\n", + "Completed text 77255\n", + "Completed text 77256\n", + "Completed text 77257\n", + "Completed text 77258\n", + "Completed text 77259\n", + "Completed text 77260\n", + "Completed text 77261\n", + "Completed text 77262\n", + "Completed text 77263\n", + "Completed text 77264\n", + "Completed text 77265\n", + "Completed text 77266\n", + "Completed text 77267\n", + "Completed text 77268\n", + "Completed text 77269\n", + "Completed text 77270\n", + "Completed text 77271\n", + "Completed text 77272\n", + "Completed text 77273\n", + "Completed text 77274\n", + "Completed text 77275\n", + "Completed text 77276\n", + "Completed text 77277\n", + "Completed text 77278\n", + "Completed text 77279\n", + "Completed text 77280\n", + "Completed text 77281\n", + "Completed text 77282\n", + "Completed text 77283\n", + "Completed text 77284\n", + "Completed text 77285\n", + "Completed text 77286\n", + "Completed text 77287\n", + "Completed text 77288\n", + "Completed text 77289\n", + "Completed text 77290\n", + "Completed text 77291\n", + "Completed text 77292\n", + "Completed text 77293\n", + "Completed text 77294\n", + "Completed text 77295\n", + "Completed text 77296\n", + "Completed text 77297\n", + "Completed text 77298\n", + "Completed text 77299\n", + "Completed text 77300\n", + "Completed text 77301\n", + "Completed text 77302\n", + "Completed text 77303\n", + "Completed text 77304\n", + "Completed text 77305\n", + "Completed text 77306\n", + "Completed text 77307\n", + "Completed text 77308\n", + "Completed text 77309\n", + "Completed text 77310\n", + "Completed text 77311\n", + "Completed text 77312\n", + "Completed text 77313\n", + "Completed text 77314\n", + "Completed text 77315\n", + "Completed text 77316\n", + "Completed text 77317\n", + "Completed text 77318\n", + "Completed text 77319\n", + "Completed text 77320\n", + "Completed text 77321\n", + "Completed text 77322\n", + "Completed text 77323\n", + "Completed text 77324\n", + "Completed text 77325\n", + "Completed text 77326\n", + "Completed text 77327\n", + "Completed text 77328\n", + "Completed text 77329\n", + "Completed text 77330\n", + "Completed text 77331\n", + "Completed text 77332\n", + "Completed text 77333\n", + "Completed text 77334\n", + "Completed text 77335\n", + "Completed text 77336\n", + "Completed text 77337\n", + "Completed text 77338\n", + "Completed text 77339\n", + "Completed text 77340\n", + "Completed text 77341\n", + "Completed text 77342\n", + "Completed text 77343\n", + "Completed text 77344\n", + "Completed text 77345\n", + "Completed text 77346\n", + "Completed text 77347\n", + "Completed text 77348\n", + "Completed text 77349\n", + "Completed text 77350\n", + "Completed text 77351\n", + "Completed text 77352\n", + "Completed text 77353\n", + "Completed text 77354\n", + "Completed text 77355\n", + "Completed text 77356\n", + "Completed text 77357\n", + "Completed text 77358\n", + "Completed text 77359\n", + "Completed text 77360\n", + "Completed text 77361\n", + "Completed text 77362\n", + "Completed text 77363\n", + "Completed text 77364\n", + "Completed text 77365\n", + "Completed text 77366\n", + "Completed text 77367\n", + "Completed text 77368\n", + "Completed text 77369\n", + "Completed text 77370\n", + "Completed text 77371\n", + "Completed text 77372\n", + "Completed text 77373\n", + "Completed text 77374\n", + "Completed text 77375\n", + "Completed text 77376\n", + "Completed text 77377\n", + "Completed text 77378\n", + "Completed text 77379\n", + "Completed text 77380\n", + "Completed text 77381\n", + "Completed text 77382\n", + "Completed text 77383\n", + "Completed text 77384\n", + "Completed text 77385\n", + "Completed text 77386\n", + "Completed text 77387\n", + "Completed text 77388\n", + "Completed text 77389\n", + "Completed text 77390\n", + "Completed text 77391\n", + "Completed text 77392\n", + "Completed text 77393\n", + "Completed text 77394\n", + "Completed text 77395\n", + "Completed text 77396\n", + "Completed text 77397\n", + "Completed text 77398\n", + "Completed text 77399\n", + "Completed text 77400\n", + "Completed text 77401\n", + "Completed text 77402\n", + "Completed text 77403\n", + "Completed text 77404\n", + "Completed text 77405\n", + "Completed text 77406\n", + "Completed text 77407\n", + "Completed text 77408\n", + "Completed text 77409\n", + "Completed text 77410\n", + "Completed text 77411\n", + "Completed text 77412\n", + "Completed text 77413\n", + "Completed text 77414\n", + "Completed text 77415\n", + "Completed text 77416\n", + "Completed text 77417\n", + "Completed text 77418\n", + "Completed text 77419\n", + "Completed text 77420\n", + "Completed text 77421\n", + "Completed text 77422\n", + "Completed text 77423\n", + "Completed text 77424\n", + "Completed text 77425\n", + "Completed text 77426\n", + "Completed text 77427\n", + "Completed text 77428\n", + "Completed text 77429\n", + "Completed text 77430\n", + "Completed text 77431\n", + "Completed text 77432\n", + "Completed text 77433\n", + "Completed text 77434\n", + "Completed text 77435\n", + "Completed text 77436\n", + "Completed text 77437\n", + "Completed text 77438\n", + "Completed text 77439\n", + "Completed text 77440\n", + "Completed text 77441\n", + "Completed text 77442\n", + "Completed text 77443\n", + "Completed text 77444\n", + "Completed text 77445\n", + "Completed text 77446\n", + "Completed text 77447\n", + "Completed text 77448\n", + "Completed text 77449\n", + "Completed text 77450\n", + "Completed text 77451\n", + "Completed text 77452\n", + "Completed text 77453\n", + "Completed text 77454\n", + "Completed text 77455\n", + "Completed text 77456\n", + "Completed text 77457\n", + "Completed text 77458\n", + "Completed text 77459\n", + "Completed text 77460\n", + "Completed text 77461\n", + "Completed text 77462\n", + "Completed text 77463\n", + "Completed text 77464\n", + "Completed text 77465\n", + "Completed text 77466\n", + "Completed text 77467\n", + "Completed text 77468\n", + "Completed text 77469\n", + "Completed text 77470\n", + "Completed text 77471\n", + "Completed text 77472\n", + "Completed text 77473\n", + "Completed text 77474\n", + "Completed text 77475\n", + "Completed text 77476\n", + "Completed text 77477\n", + "Completed text 77478\n", + "Completed text 77479\n", + "Completed text 77480\n", + "Completed text 77481\n", + "Completed text 77482\n", + "Completed text 77483\n", + "Completed text 77484\n", + "Completed text 77485\n", + "Completed text 77486\n", + "Completed text 77487\n", + "Completed text 77488\n", + "Completed text 77489\n", + "Completed text 77490\n", + "Completed text 77491\n", + "Completed text 77492\n", + "Completed text 77493\n", + "Completed text 77494\n", + "Completed text 77495\n", + "Completed text 77496\n", + "Completed text 77497\n", + "Completed text 77498\n", + "Completed text 77499\n", + "Completed text 77500\n", + "Completed text 77501\n", + "Completed text 77502\n", + "Completed text 77503\n", + "Completed text 77504\n", + "Completed text 77505\n", + "Completed text 77506\n", + "Completed text 77507\n", + "Completed text 77508\n", + "Completed text 77509\n", + "Completed text 77510\n", + "Completed text 77511\n", + "Completed text 77512\n", + "Completed text 77513\n", + "Completed text 77514\n", + "Completed text 77515\n", + "Completed text 77516\n", + "Completed text 77517\n", + "Completed text 77518\n", + "Completed text 77519\n", + "Completed text 77520\n", + "Completed text 77521\n", + "Completed text 77522\n", + "Completed text 77523\n", + "Completed text 77524\n", + "Completed text 77525\n", + "Completed text 77526\n", + "Completed text 77527\n", + "Completed text 77528\n", + "Completed text 77529\n", + "Completed text 77530\n", + "Completed text 77531\n", + "Completed text 77532\n", + "Completed text 77533\n", + "Completed text 77534\n", + "Completed text 77535\n", + "Completed text 77536\n", + "Completed text 77537\n", + "Completed text 77538\n", + "Completed text 77539\n", + "Completed text 77540\n", + "Completed text 77541\n", + "Completed text 77542\n", + "Completed text 77543\n", + "Completed text 77544\n", + "Completed text 77545\n", + "Completed text 77546\n", + "Completed text 77547\n", + "Completed text 77548\n", + "Completed text 77549\n", + "Completed text 77550\n", + "Completed text 77551\n", + "Completed text 77552\n", + "Completed text 77553\n", + "Completed text 77554\n", + "Completed text 77555\n", + "Completed text 77556\n", + "Completed text 77557\n", + "Completed text 77558\n", + "Completed text 77559\n", + "Completed text 77560\n", + "Completed text 77561\n", + "Completed text 77562\n", + "Completed text 77563\n", + "Completed text 77564\n", + "Completed text 77565\n", + "Completed text 77566\n", + "Completed text 77567\n", + "Completed text 77568\n", + "Completed text 77569\n", + "Completed text 77570\n", + "Completed text 77571\n", + "Completed text 77572\n", + "Completed text 77573\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 77574\n", + "Completed text 77575\n", + "Completed text 77576\n", + "Completed text 77577\n", + "Completed text 77578\n", + "Completed text 77579\n", + "Completed text 77580\n", + "Completed text 77581\n", + "Completed text 77582\n", + "Completed text 77583\n", + "Completed text 77584\n", + "Completed text 77585\n", + "Completed text 77586\n", + "Completed text 77587\n", + "Completed text 77588\n", + "Completed text 77589\n", + "Completed text 77590\n", + "Completed text 77591\n", + "Completed text 77592\n", + "Completed text 77593\n", + "Completed text 77594\n", + "Completed text 77595\n", + "Completed text 77596\n", + "Completed text 77597\n", + "Completed text 77598\n", + "Completed text 77599\n", + "Completed text 77600\n", + "Completed text 77601\n", + "Completed text 77602\n", + "Completed text 77603\n", + "Completed text 77604\n", + "Completed text 77605\n", + "Completed text 77606\n", + "Completed text 77607\n", + "Completed text 77608\n", + "Completed text 77609\n", + "Completed text 77610\n", + "Completed text 77611\n", + "Completed text 77612\n", + "Completed text 77613\n", + "Completed text 77614\n", + "Completed text 77615\n", + "Completed text 77616\n", + "Completed text 77617\n", + "Completed text 77618\n", + "Completed text 77619\n", + "Completed text 77620\n", + "Completed text 77621\n", + "Completed text 77622\n", + "Completed text 77623\n", + "Completed text 77624\n", + "Completed text 77625\n", + "Completed text 77626\n", + "Completed text 77627\n", + "Completed text 77628\n", + "Completed text 77629\n", + "Completed text 77630\n", + "Completed text 77631\n", + "Completed text 77632\n", + "Completed text 77633\n", + "Completed text 77634\n", + "Completed text 77635\n", + "Completed text 77636\n", + "Completed text 77637\n", + "Completed text 77638\n", + "Completed text 77639\n", + "Completed text 77640\n", + "Completed text 77641\n", + "Completed text 77642\n", + "Completed text 77643\n", + "Completed text 77644\n", + "Completed text 77645\n", + "Completed text 77646\n", + "Completed text 77647\n", + "Completed text 77648\n", + "Completed text 77649\n", + "Completed text 77650\n", + "Completed text 77651\n", + "Completed text 77652\n", + "Completed text 77653\n", + "Completed text 77654\n", + "Completed text 77655\n", + "Completed text 77656\n", + "Completed text 77657\n", + "Completed text 77658\n", + "Completed text 77659\n", + "Completed text 77660\n", + "Completed text 77661\n", + "Completed text 77662\n", + "Completed text 77663\n", + "Completed text 77664\n", + "Completed text 77665\n", + "Completed text 77666\n", + "Completed text 77667\n", + "Completed text 77668\n", + "Completed text 77669\n", + "Completed text 77670\n", + "Completed text 77671\n", + "Completed text 77672\n", + "Completed text 77673\n", + "Completed text 77674\n", + "Completed text 77675\n", + "Completed text 77676\n", + "Completed text 77677\n", + "Completed text 77678\n", + "Completed text 77679\n", + "Completed text 77680\n", + "Completed text 77681\n", + "Completed text 77682\n", + "Completed text 77683\n", + "Completed text 77684\n", + "Completed text 77685\n", + "Completed text 77686\n", + "Completed text 77687\n", + "Completed text 77688\n", + "Completed text 77689\n", + "Completed text 77690\n", + "Completed text 77691\n", + "Completed text 77692\n", + "Completed text 77693\n", + "Completed text 77694\n", + "Completed text 77695\n", + "Completed text 77696\n", + "Completed text 77697\n", + "Completed text 77698\n", + "Completed text 77699\n", + "Completed text 77700\n", + "Completed text 77701\n", + "Completed text 77702\n", + "Completed text 77703\n", + "Completed text 77704\n", + "Completed text 77705\n", + "Completed text 77706\n", + "Completed text 77707\n", + "Completed text 77708\n", + "Completed text 77709\n", + "Completed text 77710\n", + "Completed text 77711\n", + "Completed text 77712\n", + "Completed text 77713\n", + "Completed text 77714\n", + "Completed text 77715\n", + "Completed text 77716\n", + "Completed text 77717\n", + "Completed text 77718\n", + "Completed text 77719\n", + "Completed text 77720\n", + "Completed text 77721\n", + "Completed text 77722\n", + "Completed text 77723\n", + "Completed text 77724\n", + "Completed text 77725\n", + "Completed text 77726\n", + "Completed text 77727\n", + "Completed text 77728\n", + "Completed text 77729\n", + "Completed text 77730\n", + "Completed text 77731\n", + "Completed text 77732\n", + "Completed text 77733\n", + "Completed text 77734\n", + "Completed text 77735\n", + "Completed text 77736\n", + "Completed text 77737\n", + "Completed text 77738\n", + "Completed text 77739\n", + "Completed text 77740\n", + "Completed text 77741\n", + "Completed text 77742\n", + "Completed text 77743\n", + "Completed text 77744\n", + "Completed text 77745\n", + "Completed text 77746\n", + "Completed text 77747\n", + "Completed text 77748\n", + "Completed text 77749\n", + "Completed text 77750\n", + "Completed text 77751\n", + "Completed text 77752\n", + "Completed text 77753\n", + "Completed text 77754\n", + "Completed text 77755\n", + "Completed text 77756\n", + "Completed text 77757\n", + "Completed text 77758\n", + "Completed text 77759\n", + "Completed text 77760\n", + "Completed text 77761\n", + "Completed text 77762\n", + "Completed text 77763\n", + "Completed text 77764\n", + "Completed text 77765\n", + "Completed text 77766\n", + "Completed text 77767\n", + "Completed text 77768\n", + "Completed text 77769\n", + "Completed text 77770\n", + "Completed text 77771\n", + "Completed text 77772\n", + "Completed text 77773\n", + "Completed text 77774\n", + "Completed text 77775\n", + "Completed text 77776\n", + "Completed text 77777\n", + "Completed text 77778\n", + "Completed text 77779\n", + "Completed text 77780\n", + "Completed text 77781\n", + "Completed text 77782\n", + "Completed text 77783\n", + "Completed text 77784\n", + "Completed text 77785\n", + "Completed text 77786\n", + "Completed text 77787\n", + "Completed text 77788\n", + "Completed text 77789\n", + "Completed text 77790\n", + "Completed text 77791\n", + "Completed text 77792\n", + "Completed text 77793\n", + "Completed text 77794\n", + "Completed text 77795\n", + "Completed text 77796\n", + "Completed text 77797\n", + "Completed text 77798\n", + "Completed text 77799\n", + "Completed text 77800\n", + "Completed text 77801\n", + "Completed text 77802\n", + "Completed text 77803\n", + "Completed text 77804\n", + "Completed text 77805\n", + "Completed text 77806\n", + "Completed text 77807\n", + "Completed text 77808\n", + "Completed text 77809\n", + "Completed text 77810\n", + "Completed text 77811\n", + "Completed text 77812\n", + "Completed text 77813\n", + "Completed text 77814\n", + "Completed text 77815\n", + "Completed text 77816\n", + "Completed text 77817\n", + "Completed text 77818\n", + "Completed text 77819\n", + "Completed text 77820\n", + "Completed text 77821\n", + "Completed text 77822\n", + "Completed text 77823\n", + "Completed text 77824\n", + "Completed text 77825\n", + "Completed text 77826\n", + "Completed text 77827\n", + "Completed text 77828\n", + "Completed text 77829\n", + "Completed text 77830\n", + "Completed text 77831\n", + "Completed text 77832\n", + "Completed text 77833\n", + "Completed text 77834\n", + "Completed text 77835\n", + "Completed text 77836\n", + "Completed text 77837\n", + "Completed text 77838\n", + "Completed text 77839\n", + "Completed text 77840\n", + "Completed text 77841\n", + "Completed text 77842\n", + "Completed text 77843\n", + "Completed text 77844\n", + "Completed text 77845\n", + "Completed text 77846\n", + "Completed text 77847\n", + "Completed text 77848\n", + "Completed text 77849\n", + "Completed text 77850\n", + "Completed text 77851\n", + "Completed text 77852\n", + "Completed text 77853\n", + "Completed text 77854\n", + "Completed text 77855\n", + "Completed text 77856\n", + "Completed text 77857\n", + "Completed text 77858\n", + "Completed text 77859\n", + "Completed text 77860\n", + "Completed text 77861\n", + "Completed text 77862\n", + "Completed text 77863\n", + "Completed text 77864\n", + "Completed text 77865\n", + "Completed text 77866\n", + "Completed text 77867\n", + "Completed text 77868\n", + "Completed text 77869\n", + "Completed text 77870\n", + "Completed text 77871\n", + "Completed text 77872\n", + "Completed text 77873\n", + "Completed text 77874\n", + "Completed text 77875\n", + "Completed text 77876\n", + "Completed text 77877\n", + "Completed text 77878\n", + "Completed text 77879\n", + "Completed text 77880\n", + "Completed text 77881\n", + "Completed text 77882\n", + "Completed text 77883\n", + "Completed text 77884\n", + "Completed text 77885\n", + "Completed text 77886\n", + "Completed text 77887\n", + "Completed text 77888\n", + "Completed text 77889\n", + "Completed text 77890\n", + "Completed text 77891\n", + "Completed text 77892\n", + "Completed text 77893\n", + "Completed text 77894\n", + "Completed text 77895\n", + "Completed text 77896\n", + "Completed text 77897\n", + "Completed text 77898\n", + "Completed text 77899\n", + "Completed text 77900\n", + "Completed text 77901\n", + "Completed text 77902\n", + "Completed text 77903\n", + "Completed text 77904\n", + "Completed text 77905\n", + "Completed text 77906\n", + "Completed text 77907\n", + "Completed text 77908\n", + "Completed text 77909\n", + "Completed text 77910\n", + "Completed text 77911\n", + "Completed text 77912\n", + "Completed text 77913\n", + "Completed text 77914\n", + "Completed text 77915\n", + "Completed text 77916\n", + "Completed text 77917\n", + "Completed text 77918\n", + "Completed text 77919\n", + "Completed text 77920\n", + "Completed text 77921\n", + "Completed text 77922\n", + "Completed text 77923\n", + "Completed text 77924\n", + "Completed text 77925\n", + "Completed text 77926\n", + "Completed text 77927\n", + "Completed text 77928\n", + "Completed text 77929\n", + "Completed text 77930\n", + "Completed text 77931\n", + "Completed text 77932\n", + "Completed text 77933\n", + "Completed text 77934\n", + "Completed text 77935\n", + "Completed text 77936\n", + "Completed text 77937\n", + "Completed text 77938\n", + "Completed text 77939\n", + "Completed text 77940\n", + "Completed text 77941\n", + "Completed text 77942\n", + "Completed text 77943\n", + "Completed text 77944\n", + "Completed text 77945\n", + "Completed text 77946\n", + "Completed text 77947\n", + "Completed text 77948\n", + "Completed text 77949\n", + "Completed text 77950\n", + "Completed text 77951\n", + "Completed text 77952\n", + "Completed text 77953\n", + "Completed text 77954\n", + "Completed text 77955\n", + "Completed text 77956\n", + "Completed text 77957\n", + "Completed text 77958\n", + "Completed text 77959\n", + "Completed text 77960\n", + "Completed text 77961\n", + "Completed text 77962\n", + "Completed text 77963\n", + "Completed text 77964\n", + "Completed text 77965\n", + "Completed text 77966\n", + "Completed text 77967\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 77968\n", + "Completed text 77969\n", + "Completed text 77970\n", + "Completed text 77971\n", + "Completed text 77972\n", + "Completed text 77973\n", + "Completed text 77974\n", + "Completed text 77975\n", + "Completed text 77976\n", + "Completed text 77977\n", + "Completed text 77978\n", + "Completed text 77979\n", + "Completed text 77980\n", + "Completed text 77981\n", + "Completed text 77982\n", + "Completed text 77983\n", + "Completed text 77984\n", + "Completed text 77985\n", + "Completed text 77986\n", + "Completed text 77987\n", + "Completed text 77988\n", + "Completed text 77989\n", + "Completed text 77990\n", + "Completed text 77991\n", + "Completed text 77992\n", + "Completed text 77993\n", + "Completed text 77994\n", + "Completed text 77995\n", + "Completed text 77996\n", + "Completed text 77997\n", + "Completed text 77998\n", + "Completed text 77999\n", + "Completed text 78000\n", + "Completed text 78001\n", + "Completed text 78002\n", + "Completed text 78003\n", + "Completed text 78004\n", + "Completed text 78005\n", + "Completed text 78006\n", + "Completed text 78007\n", + "Completed text 78008\n", + "Completed text 78009\n", + "Completed text 78010\n", + "Completed text 78011\n", + "Completed text 78012\n", + "Completed text 78013\n", + "Completed text 78014\n", + "Completed text 78015\n", + "Completed text 78016\n", + "Completed text 78017\n", + "Completed text 78018\n", + "Completed text 78019\n", + "Completed text 78020\n", + "Completed text 78021\n", + "Completed text 78022\n", + "Completed text 78023\n", + "Completed text 78024\n", + "Completed text 78025\n", + "Completed text 78026\n", + "Completed text 78027\n", + "Completed text 78028\n", + "Completed text 78029\n", + "Completed text 78030\n", + "Completed text 78031\n", + "Completed text 78032\n", + "Completed text 78033\n", + "Completed text 78034\n", + "Completed text 78035\n", + "Completed text 78036\n", + "Completed text 78037\n", + "Completed text 78038\n", + "Completed text 78039\n", + "Completed text 78040\n", + "Completed text 78041\n", + "Completed text 78042\n", + "Completed text 78043\n", + "Completed text 78044\n", + "Completed text 78045\n", + "Completed text 78046\n", + "Completed text 78047\n", + "Completed text 78048\n", + "Completed text 78049\n", + "Completed text 78050\n", + "Completed text 78051\n", + "Completed text 78052\n", + "Completed text 78053\n", + "Completed text 78054\n", + "Completed text 78055\n", + "Completed text 78056\n", + "Completed text 78057\n", + "Completed text 78058\n", + "Completed text 78059\n", + "Completed text 78060\n", + "Completed text 78061\n", + "Completed text 78062\n", + "Completed text 78063\n", + "Completed text 78064\n", + "Completed text 78065\n", + "Completed text 78066\n", + "Completed text 78067\n", + "Completed text 78068\n", + "Completed text 78069\n", + "Completed text 78070\n", + "Completed text 78071\n", + "Completed text 78072\n", + "Completed text 78073\n", + "Completed text 78074\n", + "Completed text 78075\n", + "Completed text 78076\n", + "Completed text 78077\n", + "Completed text 78078\n", + "Completed text 78079\n", + "Completed text 78080\n", + "Completed text 78081\n", + "Completed text 78082\n", + "Completed text 78083\n", + "Completed text 78084\n", + "Completed text 78085\n", + "Completed text 78086\n", + "Completed text 78087\n", + "Completed text 78088\n", + "Completed text 78089\n", + "Completed text 78090\n", + "Completed text 78091\n", + "Completed text 78092\n", + "Completed text 78093\n", + "Completed text 78094\n", + "Completed text 78095\n", + "Completed text 78096\n", + "Completed text 78097\n", + "Completed text 78098\n", + "Completed text 78099\n", + "Completed text 78100\n", + "Completed text 78101\n", + "Completed text 78102\n", + "Completed text 78103\n", + "Completed text 78104\n", + "Completed text 78105\n", + "Completed text 78106\n", + "Completed text 78107\n", + "Completed text 78108\n", + "Completed text 78109\n", + "Completed text 78110\n", + "Completed text 78111\n", + "Completed text 78112\n", + "Completed text 78113\n", + "Completed text 78114\n", + "Completed text 78115\n", + "Completed text 78116\n", + "Completed text 78117\n", + "Completed text 78118\n", + "Completed text 78119\n", + "Completed text 78120\n", + "Completed text 78121\n", + "Completed text 78122\n", + "Completed text 78123\n", + "Completed text 78124\n", + "Completed text 78125\n", + "Completed text 78126\n", + "Completed text 78127\n", + "Completed text 78128\n", + "Completed text 78129\n", + "Completed text 78130\n", + "Completed text 78131\n", + "Completed text 78132\n", + "Completed text 78133\n", + "Completed text 78134\n", + "Completed text 78135\n", + "Completed text 78136\n", + "Completed text 78137\n", + "Completed text 78138\n", + "Completed text 78139\n", + "Completed text 78140\n", + "Completed text 78141\n", + "Completed text 78142\n", + "Completed text 78143\n", + "Completed text 78144\n", + "Completed text 78145\n", + "Completed text 78146\n", + "Completed text 78147\n", + "Completed text 78148\n", + "Completed text 78149\n", + "Completed text 78150\n", + "Completed text 78151\n", + "Completed text 78152\n", + "Completed text 78153\n", + "Completed text 78154\n", + "Completed text 78155\n", + "Completed text 78156\n", + "Completed text 78157\n", + "Completed text 78158\n", + "Completed text 78159\n", + "Completed text 78160\n", + "Completed text 78161\n", + "Completed text 78162\n", + "Completed text 78163\n", + "Completed text 78164\n", + "Completed text 78165\n", + "Completed text 78166\n", + "Completed text 78167\n", + "Completed text 78168\n", + "Completed text 78169\n", + "Completed text 78170\n", + "Completed text 78171\n", + "Completed text 78172\n", + "Completed text 78173\n", + "Completed text 78174\n", + "Completed text 78175\n", + "Completed text 78176\n", + "Completed text 78177\n", + "Completed text 78178\n", + "Completed text 78179\n", + "Completed text 78180\n", + "Completed text 78181\n", + "Completed text 78182\n", + "Completed text 78183\n", + "Completed text 78184\n", + "Completed text 78185\n", + "Completed text 78186\n", + "Completed text 78187\n", + "Completed text 78188\n", + "Completed text 78189\n", + "Completed text 78190\n", + "Completed text 78191\n", + "Completed text 78192\n", + "Completed text 78193\n", + "Completed text 78194\n", + "Completed text 78195\n", + "Completed text 78196\n", + "Completed text 78197\n", + "Completed text 78198\n", + "Completed text 78199\n", + "Completed text 78200\n", + "Completed text 78201\n", + "Completed text 78202\n", + "Completed text 78203\n", + "Completed text 78204\n", + "Completed text 78205\n", + "Completed text 78206\n", + "Completed text 78207\n", + "Completed text 78208\n", + "Completed text 78209\n", + "Completed text 78210\n", + "Completed text 78211\n", + "Completed text 78212\n", + "Completed text 78213\n", + "Completed text 78214\n", + "Completed text 78215\n", + "Completed text 78216\n", + "Completed text 78217\n", + "Completed text 78218\n", + "Completed text 78219\n", + "Completed text 78220\n", + "Completed text 78221\n", + "Completed text 78222\n", + "Completed text 78223\n", + "Completed text 78224\n", + "Completed text 78225\n", + "Completed text 78226\n", + "Completed text 78227\n", + "Completed text 78228\n", + "Completed text 78229\n", + "Completed text 78230\n", + "Completed text 78231\n", + "Completed text 78232\n", + "Completed text 78233\n", + "Completed text 78234\n", + "Completed text 78235\n", + "Completed text 78236\n", + "Completed text 78237\n", + "Completed text 78238\n", + "Completed text 78239\n", + "Completed text 78240\n", + "Completed text 78241\n", + "Completed text 78242\n", + "Completed text 78243\n", + "Completed text 78244\n", + "Completed text 78245\n", + "Completed text 78246\n", + "Completed text 78247\n", + "Completed text 78248\n", + "Completed text 78249\n", + "Completed text 78250\n", + "Completed text 78251\n", + "Completed text 78252\n", + "Completed text 78253\n", + "Completed text 78254\n", + "Completed text 78255\n", + "Completed text 78256\n", + "Completed text 78257\n", + "Completed text 78258\n", + "Completed text 78259\n", + "Completed text 78260\n", + "Completed text 78261\n", + "Completed text 78262\n", + "Completed text 78263\n", + "Completed text 78264\n", + "Completed text 78265\n", + "Completed text 78266\n", + "Completed text 78267\n", + "Completed text 78268\n", + "Completed text 78269\n", + "Completed text 78270\n", + "Completed text 78271\n", + "Completed text 78272\n", + "Completed text 78273\n", + "Completed text 78274\n", + "Completed text 78275\n", + "Completed text 78276\n", + "Completed text 78277\n", + "Completed text 78278\n", + "Completed text 78279\n", + "Completed text 78280\n", + "Completed text 78281\n", + "Completed text 78282\n", + "Completed text 78283\n", + "Completed text 78284\n", + "Completed text 78285\n", + "Completed text 78286\n", + "Completed text 78287\n", + "Completed text 78288\n", + "Completed text 78289\n", + "Completed text 78290\n", + "Completed text 78291\n", + "Completed text 78292\n", + "Completed text 78293\n", + "Completed text 78294\n", + "Completed text 78295\n", + "Completed text 78296\n", + "Completed text 78297\n", + "Completed text 78298\n", + "Completed text 78299\n", + "Completed text 78300\n", + "Completed text 78301\n", + "Completed text 78302\n", + "Completed text 78303\n", + "Completed text 78304\n", + "Completed text 78305\n", + "Completed text 78306\n", + "Completed text 78307\n", + "Completed text 78308\n", + "Completed text 78309\n", + "Completed text 78310\n", + "Completed text 78311\n", + "Completed text 78312\n", + "Completed text 78313\n", + "Completed text 78314\n", + "Completed text 78315\n", + "Completed text 78316\n", + "Completed text 78317\n", + "Completed text 78318\n", + "Completed text 78319\n", + "Completed text 78320\n", + "Completed text 78321\n", + "Completed text 78322\n", + "Completed text 78323\n", + "Completed text 78324\n", + "Completed text 78325\n", + "Completed text 78326\n", + "Completed text 78327\n", + "Completed text 78328\n", + "Completed text 78329\n", + "Completed text 78330\n", + "Completed text 78331\n", + "Completed text 78332\n", + "Completed text 78333\n", + "Completed text 78334\n", + "Completed text 78335\n", + "Completed text 78336\n", + "Completed text 78337\n", + "Completed text 78338\n", + "Completed text 78339\n", + "Completed text 78340\n", + "Completed text 78341\n", + "Completed text 78342\n", + "Completed text 78343\n", + "Completed text 78344\n", + "Completed text 78345\n", + "Completed text 78346\n", + "Completed text 78347\n", + "Completed text 78348\n", + "Completed text 78349\n", + "Completed text 78350\n", + "Completed text 78351\n", + "Completed text 78352\n", + "Completed text 78353\n", + "Completed text 78354\n", + "Completed text 78355\n", + "Completed text 78356\n", + "Completed text 78357\n", + "Completed text 78358\n", + "Completed text 78359\n", + "Completed text 78360\n", + "Completed text 78361\n", + "Completed text 78362\n", + "Completed text 78363\n", + "Completed text 78364\n", + "Completed text 78365\n", + "Completed text 78366\n", + "Completed text 78367\n", + "Completed text 78368\n", + "Completed text 78369\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 78370\n", + "Completed text 78371\n", + "Completed text 78372\n", + "Completed text 78373\n", + "Completed text 78374\n", + "Completed text 78375\n", + "Completed text 78376\n", + "Completed text 78377\n", + "Completed text 78378\n", + "Completed text 78379\n", + "Completed text 78380\n", + "Completed text 78381\n", + "Completed text 78382\n", + "Completed text 78383\n", + "Completed text 78384\n", + "Completed text 78385\n", + "Completed text 78386\n", + "Completed text 78387\n", + "Completed text 78388\n", + "Completed text 78389\n", + "Completed text 78390\n", + "Completed text 78391\n", + "Completed text 78392\n", + "Completed text 78393\n", + "Completed text 78394\n", + "Completed text 78395\n", + "Completed text 78396\n", + "Completed text 78397\n", + "Completed text 78398\n", + "Completed text 78399\n", + "Completed text 78400\n", + "Completed text 78401\n", + "Completed text 78402\n", + "Completed text 78403\n", + "Completed text 78404\n", + "Completed text 78405\n", + "Completed text 78406\n", + "Completed text 78407\n", + "Completed text 78408\n", + "Completed text 78409\n", + "Completed text 78410\n", + "Completed text 78411\n", + "Completed text 78412\n", + "Completed text 78413\n", + "Completed text 78414\n", + "Completed text 78415\n", + "Completed text 78416\n", + "Completed text 78417\n", + "Completed text 78418\n", + "Completed text 78419\n", + "Completed text 78420\n", + "Completed text 78421\n", + "Completed text 78422\n", + "Completed text 78423\n", + "Completed text 78424\n", + "Completed text 78425\n", + "Completed text 78426\n", + "Completed text 78427\n", + "Completed text 78428\n", + "Completed text 78429\n", + "Completed text 78430\n", + "Completed text 78431\n", + "Completed text 78432\n", + "Completed text 78433\n", + "Completed text 78434\n", + "Completed text 78435\n", + "Completed text 78436\n", + "Completed text 78437\n", + "Completed text 78438\n", + "Completed text 78439\n", + "Completed text 78440\n", + "Completed text 78441\n", + "Completed text 78442\n", + "Completed text 78443\n", + "Completed text 78444\n", + "Completed text 78445\n", + "Completed text 78446\n", + "Completed text 78447\n", + "Completed text 78448\n", + "Completed text 78449\n", + "Completed text 78450\n", + "Completed text 78451\n", + "Completed text 78452\n", + "Completed text 78453\n", + "Completed text 78454\n", + "Completed text 78455\n", + "Completed text 78456\n", + "Completed text 78457\n", + "Completed text 78458\n", + "Completed text 78459\n", + "Completed text 78460\n", + "Completed text 78461\n", + "Completed text 78462\n", + "Completed text 78463\n", + "Completed text 78464\n", + "Completed text 78465\n", + "Completed text 78466\n", + "Completed text 78467\n", + "Completed text 78468\n", + "Completed text 78469\n", + "Completed text 78470\n", + "Completed text 78471\n", + "Completed text 78472\n", + "Completed text 78473\n", + "Completed text 78474\n", + "Completed text 78475\n", + "Completed text 78476\n", + "Completed text 78477\n", + "Completed text 78478\n", + "Completed text 78479\n", + "Completed text 78480\n", + "Completed text 78481\n", + "Completed text 78482\n", + "Completed text 78483\n", + "Completed text 78484\n", + "Completed text 78485\n", + "Completed text 78486\n", + "Completed text 78487\n", + "Completed text 78488\n", + "Completed text 78489\n", + "Completed text 78490\n", + "Completed text 78491\n", + "Completed text 78492\n", + "Completed text 78493\n", + "Completed text 78494\n", + "Completed text 78495\n", + "Completed text 78496\n", + "Completed text 78497\n", + "Completed text 78498\n", + "Completed text 78499\n", + "Completed text 78500\n", + "Completed text 78501\n", + "Completed text 78502\n", + "Completed text 78503\n", + "Completed text 78504\n", + "Completed text 78505\n", + "Completed text 78506\n", + "Completed text 78507\n", + "Completed text 78508\n", + "Completed text 78509\n", + "Completed text 78510\n", + "Completed text 78511\n", + "Completed text 78512\n", + "Completed text 78513\n", + "Completed text 78514\n", + "Completed text 78515\n", + "Completed text 78516\n", + "Completed text 78517\n", + "Completed text 78518\n", + "Completed text 78519\n", + "Completed text 78520\n", + "Completed text 78521\n", + "Completed text 78522\n", + "Completed text 78523\n", + "Completed text 78524\n", + "Completed text 78525\n", + "Completed text 78526\n", + "Completed text 78527\n", + "Completed text 78528\n", + "Completed text 78529\n", + "Completed text 78530\n", + "Completed text 78531\n", + "Completed text 78532\n", + "Completed text 78533\n", + "Completed text 78534\n", + "Completed text 78535\n", + "Completed text 78536\n", + "Completed text 78537\n", + "Completed text 78538\n", + "Completed text 78539\n", + "Completed text 78540\n", + "Completed text 78541\n", + "Completed text 78542\n", + "Completed text 78543\n", + "Completed text 78544\n", + "Completed text 78545\n", + "Completed text 78546\n", + "Completed text 78547\n", + "Completed text 78548\n", + "Completed text 78549\n", + "Completed text 78550\n", + "Completed text 78551\n", + "Completed text 78552\n", + "Completed text 78553\n", + "Completed text 78554\n", + "Completed text 78555\n", + "Completed text 78556\n", + "Completed text 78557\n", + "Completed text 78558\n", + "Completed text 78559\n", + "Completed text 78560\n", + "Completed text 78561\n", + "Completed text 78562\n", + "Completed text 78563\n", + "Completed text 78564\n", + "Completed text 78565\n", + "Completed text 78566\n", + "Completed text 78567\n", + "Completed text 78568\n", + "Completed text 78569\n", + "Completed text 78570\n", + "Completed text 78571\n", + "Completed text 78572\n", + "Completed text 78573\n", + "Completed text 78574\n", + "Completed text 78575\n", + "Completed text 78576\n", + "Completed text 78577\n", + "Completed text 78578\n", + "Completed text 78579\n", + "Completed text 78580\n", + "Completed text 78581\n", + "Completed text 78582\n", + "Completed text 78583\n", + "Completed text 78584\n", + "Completed text 78585\n", + "Completed text 78586\n", + "Completed text 78587\n", + "Completed text 78588\n", + "Completed text 78589\n", + "Completed text 78590\n", + "Completed text 78591\n", + "Completed text 78592\n", + "Completed text 78593\n", + "Completed text 78594\n", + "Completed text 78595\n", + "Completed text 78596\n", + "Completed text 78597\n", + "Completed text 78598\n", + "Completed text 78599\n", + "Completed text 78600\n", + "Completed text 78601\n", + "Completed text 78602\n", + "Completed text 78603\n", + "Completed text 78604\n", + "Completed text 78605\n", + "Completed text 78606\n", + "Completed text 78607\n", + "Completed text 78608\n", + "Completed text 78609\n", + "Completed text 78610\n", + "Completed text 78611\n", + "Completed text 78612\n", + "Completed text 78613\n", + "Completed text 78614\n", + "Completed text 78615\n", + "Completed text 78616\n", + "Completed text 78617\n", + "Completed text 78618\n", + "Completed text 78619\n", + "Completed text 78620\n", + "Completed text 78621\n", + "Completed text 78622\n", + "Completed text 78623\n", + "Completed text 78624\n", + "Completed text 78625\n", + "Completed text 78626\n", + "Completed text 78627\n", + "Completed text 78628\n", + "Completed text 78629\n", + "Completed text 78630\n", + "Completed text 78631\n", + "Completed text 78632\n", + "Completed text 78633\n", + "Completed text 78634\n", + "Completed text 78635\n", + "Completed text 78636\n", + "Completed text 78637\n", + "Completed text 78638\n", + "Completed text 78639\n", + "Completed text 78640\n", + "Completed text 78641\n", + "Completed text 78642\n", + "Completed text 78643\n", + "Completed text 78644\n", + "Completed text 78645\n", + "Completed text 78646\n", + "Completed text 78647\n", + "Completed text 78648\n", + "Completed text 78649\n", + "Completed text 78650\n", + "Completed text 78651\n", + "Completed text 78652\n", + "Completed text 78653\n", + "Completed text 78654\n", + "Completed text 78655\n", + "Completed text 78656\n", + "Completed text 78657\n", + "Completed text 78658\n", + "Completed text 78659\n", + "Completed text 78660\n", + "Completed text 78661\n", + "Completed text 78662\n", + "Completed text 78663\n", + "Completed text 78664\n", + "Completed text 78665\n", + "Completed text 78666\n", + "Completed text 78667\n", + "Completed text 78668\n", + "Completed text 78669\n", + "Completed text 78670\n", + "Completed text 78671\n", + "Completed text 78672\n", + "Completed text 78673\n", + "Completed text 78674\n", + "Completed text 78675\n", + "Completed text 78676\n", + "Completed text 78677\n", + "Completed text 78678\n", + "Completed text 78679\n", + "Completed text 78680\n", + "Completed text 78681\n", + "Completed text 78682\n", + "Completed text 78683\n", + "Completed text 78684\n", + "Completed text 78685\n", + "Completed text 78686\n", + "Completed text 78687\n", + "Completed text 78688\n", + "Completed text 78689\n", + "Completed text 78690\n", + "Completed text 78691\n", + "Completed text 78692\n", + "Completed text 78693\n", + "Completed text 78694\n", + "Completed text 78695\n", + "Completed text 78696\n", + "Completed text 78697\n", + "Completed text 78698\n", + "Completed text 78699\n", + "Completed text 78700\n", + "Completed text 78701\n", + "Completed text 78702\n", + "Completed text 78703\n", + "Completed text 78704\n", + "Completed text 78705\n", + "Completed text 78706\n", + "Completed text 78707\n", + "Completed text 78708\n", + "Completed text 78709\n", + "Completed text 78710\n", + "Completed text 78711\n", + "Completed text 78712\n", + "Completed text 78713\n", + "Completed text 78714\n", + "Completed text 78715\n", + "Completed text 78716\n", + "Completed text 78717\n", + "Completed text 78718\n", + "Completed text 78719\n", + "Completed text 78720\n", + "Completed text 78721\n", + "Completed text 78722\n", + "Completed text 78723\n", + "Completed text 78724\n", + "Completed text 78725\n", + "Completed text 78726\n", + "Completed text 78727\n", + "Completed text 78728\n", + "Completed text 78729\n", + "Completed text 78730\n", + "Completed text 78731\n", + "Completed text 78732\n", + "Completed text 78733\n", + "Completed text 78734\n", + "Completed text 78735\n", + "Completed text 78736\n", + "Completed text 78737\n", + "Completed text 78738\n", + "Completed text 78739\n", + "Completed text 78740\n", + "Completed text 78741\n", + "Completed text 78742\n", + "Completed text 78743\n", + "Completed text 78744\n", + "Completed text 78745\n", + "Completed text 78746\n", + "Completed text 78747\n", + "Completed text 78748\n", + "Completed text 78749\n", + "Completed text 78750\n", + "Completed text 78751\n", + "Completed text 78752\n", + "Completed text 78753\n", + "Completed text 78754\n", + "Completed text 78755\n", + "Completed text 78756\n", + "Completed text 78757\n", + "Completed text 78758\n", + "Completed text 78759\n", + "Completed text 78760\n", + "Completed text 78761\n", + "Completed text 78762\n", + "Completed text 78763\n", + "Completed text 78764\n", + "Completed text 78765\n", + "Completed text 78766\n", + "Completed text 78767\n", + "Completed text 78768\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 78769\n", + "Completed text 78770\n", + "Completed text 78771\n", + "Completed text 78772\n", + "Completed text 78773\n", + "Completed text 78774\n", + "Completed text 78775\n", + "Completed text 78776\n", + "Completed text 78777\n", + "Completed text 78778\n", + "Completed text 78779\n", + "Completed text 78780\n", + "Completed text 78781\n", + "Completed text 78782\n", + "Completed text 78783\n", + "Completed text 78784\n", + "Completed text 78785\n", + "Completed text 78786\n", + "Completed text 78787\n", + "Completed text 78788\n", + "Completed text 78789\n", + "Completed text 78790\n", + "Completed text 78791\n", + "Completed text 78792\n", + "Completed text 78793\n", + "Completed text 78794\n", + "Completed text 78795\n", + "Completed text 78796\n", + "Completed text 78797\n", + "Completed text 78798\n", + "Completed text 78799\n", + "Completed text 78800\n", + "Completed text 78801\n", + "Completed text 78802\n", + "Completed text 78803\n", + "Completed text 78804\n", + "Completed text 78805\n", + "Completed text 78806\n", + "Completed text 78807\n", + "Completed text 78808\n", + "Completed text 78809\n", + "Completed text 78810\n", + "Completed text 78811\n", + "Completed text 78812\n", + "Completed text 78813\n", + "Completed text 78814\n", + "Completed text 78815\n", + "Completed text 78816\n", + "Completed text 78817\n", + "Completed text 78818\n", + "Completed text 78819\n", + "Completed text 78820\n", + "Completed text 78821\n", + "Completed text 78822\n", + "Completed text 78823\n", + "Completed text 78824\n", + "Completed text 78825\n", + "Completed text 78826\n", + "Completed text 78827\n", + "Completed text 78828\n", + "Completed text 78829\n", + "Completed text 78830\n", + "Completed text 78831\n", + "Completed text 78832\n", + "Completed text 78833\n", + "Completed text 78834\n", + "Completed text 78835\n", + "Completed text 78836\n", + "Completed text 78837\n", + "Completed text 78838\n", + "Completed text 78839\n", + "Completed text 78840\n", + "Completed text 78841\n", + "Completed text 78842\n", + "Completed text 78843\n", + "Completed text 78844\n", + "Completed text 78845\n", + "Completed text 78846\n", + "Completed text 78847\n", + "Completed text 78848\n", + "Completed text 78849\n", + "Completed text 78850\n", + "Completed text 78851\n", + "Completed text 78852\n", + "Completed text 78853\n", + "Completed text 78854\n", + "Completed text 78855\n", + "Completed text 78856\n", + "Completed text 78857\n", + "Completed text 78858\n", + "Completed text 78859\n", + "Completed text 78860\n", + "Completed text 78861\n", + "Completed text 78862\n", + "Completed text 78863\n", + "Completed text 78864\n", + "Completed text 78865\n", + "Completed text 78866\n", + "Completed text 78867\n", + "Completed text 78868\n", + "Completed text 78869\n", + "Completed text 78870\n", + "Completed text 78871\n", + "Completed text 78872\n", + "Completed text 78873\n", + "Completed text 78874\n", + "Completed text 78875\n", + "Completed text 78876\n", + "Completed text 78877\n", + "Completed text 78878\n", + "Completed text 78879\n", + "Completed text 78880\n", + "Completed text 78881\n", + "Completed text 78882\n", + "Completed text 78883\n", + "Completed text 78884\n", + "Completed text 78885\n", + "Completed text 78886\n", + "Completed text 78887\n", + "Completed text 78888\n", + "Completed text 78889\n", + "Completed text 78890\n", + "Completed text 78891\n", + "Completed text 78892\n", + "Completed text 78893\n", + "Completed text 78894\n", + "Completed text 78895\n", + "Completed text 78896\n", + "Completed text 78897\n", + "Completed text 78898\n", + "Completed text 78899\n", + "Completed text 78900\n", + "Completed text 78901\n", + "Completed text 78902\n", + "Completed text 78903\n", + "Completed text 78904\n", + "Completed text 78905\n", + "Completed text 78906\n", + "Completed text 78907\n", + "Completed text 78908\n", + "Completed text 78909\n", + "Completed text 78910\n", + "Completed text 78911\n", + "Completed text 78912\n", + "Completed text 78913\n", + "Completed text 78914\n", + "Completed text 78915\n", + "Completed text 78916\n", + "Completed text 78917\n", + "Completed text 78918\n", + "Completed text 78919\n", + "Completed text 78920\n", + "Completed text 78921\n", + "Completed text 78922\n", + "Completed text 78923\n", + "Completed text 78924\n", + "Completed text 78925\n", + "Completed text 78926\n", + "Completed text 78927\n", + "Completed text 78928\n", + "Completed text 78929\n", + "Completed text 78930\n", + "Completed text 78931\n", + "Completed text 78932\n", + "Completed text 78933\n", + "Completed text 78934\n", + "Completed text 78935\n", + "Completed text 78936\n", + "Completed text 78937\n", + "Completed text 78938\n", + "Completed text 78939\n", + "Completed text 78940\n", + "Completed text 78941\n", + "Completed text 78942\n", + "Completed text 78943\n", + "Completed text 78944\n", + "Completed text 78945\n", + "Completed text 78946\n", + "Completed text 78947\n", + "Completed text 78948\n", + "Completed text 78949\n", + "Completed text 78950\n", + "Completed text 78951\n", + "Completed text 78952\n", + "Completed text 78953\n", + "Completed text 78954\n", + "Completed text 78955\n", + "Completed text 78956\n", + "Completed text 78957\n", + "Completed text 78958\n", + "Completed text 78959\n", + "Completed text 78960\n", + "Completed text 78961\n", + "Completed text 78962\n", + "Completed text 78963\n", + "Completed text 78964\n", + "Completed text 78965\n", + "Completed text 78966\n", + "Completed text 78967\n", + "Completed text 78968\n", + "Completed text 78969\n", + "Completed text 78970\n", + "Completed text 78971\n", + "Completed text 78972\n", + "Completed text 78973\n", + "Completed text 78974\n", + "Completed text 78975\n", + "Completed text 78976\n", + "Completed text 78977\n", + "Completed text 78978\n", + "Completed text 78979\n", + "Completed text 78980\n", + "Completed text 78981\n", + "Completed text 78982\n", + "Completed text 78983\n", + "Completed text 78984\n", + "Completed text 78985\n", + "Completed text 78986\n", + "Completed text 78987\n", + "Completed text 78988\n", + "Completed text 78989\n", + "Completed text 78990\n", + "Completed text 78991\n", + "Completed text 78992\n", + "Completed text 78993\n", + "Completed text 78994\n", + "Completed text 78995\n", + "Completed text 78996\n", + "Completed text 78997\n", + "Completed text 78998\n", + "Completed text 78999\n", + "Completed text 79000\n", + "Completed text 79001\n", + "Completed text 79002\n", + "Completed text 79003\n", + "Completed text 79004\n", + "Completed text 79005\n", + "Completed text 79006\n", + "Completed text 79007\n", + "Completed text 79008\n", + "Completed text 79009\n", + "Completed text 79010\n", + "Completed text 79011\n", + "Completed text 79012\n", + "Completed text 79013\n", + "Completed text 79014\n", + "Completed text 79015\n", + "Completed text 79016\n", + "Completed text 79017\n", + "Completed text 79018\n", + "Completed text 79019\n", + "Completed text 79020\n", + "Completed text 79021\n", + "Completed text 79022\n", + "Completed text 79023\n", + "Completed text 79024\n", + "Completed text 79025\n", + "Completed text 79026\n", + "Completed text 79027\n", + "Completed text 79028\n", + "Completed text 79029\n", + "Completed text 79030\n", + "Completed text 79031\n", + "Completed text 79032\n", + "Completed text 79033\n", + "Completed text 79034\n", + "Completed text 79035\n", + "Completed text 79036\n", + "Completed text 79037\n", + "Completed text 79038\n", + "Completed text 79039\n", + "Completed text 79040\n", + "Completed text 79041\n", + "Completed text 79042\n", + "Completed text 79043\n", + "Completed text 79044\n", + "Completed text 79045\n", + "Completed text 79046\n", + "Completed text 79047\n", + "Completed text 79048\n", + "Completed text 79049\n", + "Completed text 79050\n", + "Completed text 79051\n", + "Completed text 79052\n", + "Completed text 79053\n", + "Completed text 79054\n", + "Completed text 79055\n", + "Completed text 79056\n", + "Completed text 79057\n", + "Completed text 79058\n", + "Completed text 79059\n", + "Completed text 79060\n", + "Completed text 79061\n", + "Completed text 79062\n", + "Completed text 79063\n", + "Completed text 79064\n", + "Completed text 79065\n", + "Completed text 79066\n", + "Completed text 79067\n", + "Completed text 79068\n", + "Completed text 79069\n", + "Completed text 79070\n", + "Completed text 79071\n", + "Completed text 79072\n", + "Completed text 79073\n", + "Completed text 79074\n", + "Completed text 79075\n", + "Completed text 79076\n", + "Completed text 79077\n", + "Completed text 79078\n", + "Completed text 79079\n", + "Completed text 79080\n", + "Completed text 79081\n", + "Completed text 79082\n", + "Completed text 79083\n", + "Completed text 79084\n", + "Completed text 79085\n", + "Completed text 79086\n", + "Completed text 79087\n", + "Completed text 79088\n", + "Completed text 79089\n", + "Completed text 79090\n", + "Completed text 79091\n", + "Completed text 79092\n", + "Completed text 79093\n", + "Completed text 79094\n", + "Completed text 79095\n", + "Completed text 79096\n", + "Completed text 79097\n", + "Completed text 79098\n", + "Completed text 79099\n", + "Completed text 79100\n", + "Completed text 79101\n", + "Completed text 79102\n", + "Completed text 79103\n", + "Completed text 79104\n", + "Completed text 79105\n", + "Completed text 79106\n", + "Completed text 79107\n", + "Completed text 79108\n", + "Completed text 79109\n", + "Completed text 79110\n", + "Completed text 79111\n", + "Completed text 79112\n", + "Completed text 79113\n", + "Completed text 79114\n", + "Completed text 79115\n", + "Completed text 79116\n", + "Completed text 79117\n", + "Completed text 79118\n", + "Completed text 79119\n", + "Completed text 79120\n", + "Completed text 79121\n", + "Completed text 79122\n", + "Completed text 79123\n", + "Completed text 79124\n", + "Completed text 79125\n", + "Completed text 79126\n", + "Completed text 79127\n", + "Completed text 79128\n", + "Completed text 79129\n", + "Completed text 79130\n", + "Completed text 79131\n", + "Completed text 79132\n", + "Completed text 79133\n", + "Completed text 79134\n", + "Completed text 79135\n", + "Completed text 79136\n", + "Completed text 79137\n", + "Completed text 79138\n", + "Completed text 79139\n", + "Completed text 79140\n", + "Completed text 79141\n", + "Completed text 79142\n", + "Completed text 79143\n", + "Completed text 79144\n", + "Completed text 79145\n", + "Completed text 79146\n", + "Completed text 79147\n", + "Completed text 79148\n", + "Completed text 79149\n", + "Completed text 79150\n", + "Completed text 79151\n", + "Completed text 79152\n", + "Completed text 79153\n", + "Completed text 79154\n", + "Completed text 79155\n", + "Completed text 79156\n", + "Completed text 79157\n", + "Completed text 79158\n", + "Completed text 79159\n", + "Completed text 79160\n", + "Completed text 79161\n", + "Completed text 79162\n", + "Completed text 79163\n", + "Completed text 79164\n", + "Completed text 79165\n", + "Completed text 79166\n", + "Completed text 79167\n", + "Completed text 79168\n", + "Completed text 79169\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 79170\n", + "Completed text 79171\n", + "Completed text 79172\n", + "Completed text 79173\n", + "Completed text 79174\n", + "Completed text 79175\n", + "Completed text 79176\n", + "Completed text 79177\n", + "Completed text 79178\n", + "Completed text 79179\n", + "Completed text 79180\n", + "Completed text 79181\n", + "Completed text 79182\n", + "Completed text 79183\n", + "Completed text 79184\n", + "Completed text 79185\n", + "Completed text 79186\n", + "Completed text 79187\n", + "Completed text 79188\n", + "Completed text 79189\n", + "Completed text 79190\n", + "Completed text 79191\n", + "Completed text 79192\n", + "Completed text 79193\n", + "Completed text 79194\n", + "Completed text 79195\n", + "Completed text 79196\n", + "Completed text 79197\n", + "Completed text 79198\n", + "Completed text 79199\n", + "Completed text 79200\n", + "Completed text 79201\n", + "Completed text 79202\n", + "Completed text 79203\n", + "Completed text 79204\n", + "Completed text 79205\n", + "Completed text 79206\n", + "Completed text 79207\n", + "Completed text 79208\n", + "Completed text 79209\n", + "Completed text 79210\n", + "Completed text 79211\n", + "Completed text 79212\n", + "Completed text 79213\n", + "Completed text 79214\n", + "Completed text 79215\n", + "Completed text 79216\n", + "Completed text 79217\n", + "Completed text 79218\n", + "Completed text 79219\n", + "Completed text 79220\n", + "Completed text 79221\n", + "Completed text 79222\n", + "Completed text 79223\n", + "Completed text 79224\n", + "Completed text 79225\n", + "Completed text 79226\n", + "Completed text 79227\n", + "Completed text 79228\n", + "Completed text 79229\n", + "Completed text 79230\n", + "Completed text 79231\n", + "Completed text 79232\n", + "Completed text 79233\n", + "Completed text 79234\n", + "Completed text 79235\n", + "Completed text 79236\n", + "Completed text 79237\n", + "Completed text 79238\n", + "Completed text 79239\n", + "Completed text 79240\n", + "Completed text 79241\n", + "Completed text 79242\n", + "Completed text 79243\n", + "Completed text 79244\n", + "Completed text 79245\n", + "Completed text 79246\n", + "Completed text 79247\n", + "Completed text 79248\n", + "Completed text 79249\n", + "Completed text 79250\n", + "Completed text 79251\n", + "Completed text 79252\n", + "Completed text 79253\n", + "Completed text 79254\n", + "Completed text 79255\n", + "Completed text 79256\n", + "Completed text 79257\n", + "Completed text 79258\n", + "Completed text 79259\n", + "Completed text 79260\n", + "Completed text 79261\n", + "Completed text 79262\n", + "Completed text 79263\n", + "Completed text 79264\n", + "Completed text 79265\n", + "Completed text 79266\n", + "Completed text 79267\n", + "Completed text 79268\n", + "Completed text 79269\n", + "Completed text 79270\n", + "Completed text 79271\n", + "Completed text 79272\n", + "Completed text 79273\n", + "Completed text 79274\n", + "Completed text 79275\n", + "Completed text 79276\n", + "Completed text 79277\n", + "Completed text 79278\n", + "Completed text 79279\n", + "Completed text 79280\n", + "Completed text 79281\n", + "Completed text 79282\n", + "Completed text 79283\n", + "Completed text 79284\n", + "Completed text 79285\n", + "Completed text 79286\n", + "Completed text 79287\n", + "Completed text 79288\n", + "Completed text 79289\n", + "Completed text 79290\n", + "Completed text 79291\n", + "Completed text 79292\n", + "Completed text 79293\n", + "Completed text 79294\n", + "Completed text 79295\n", + "Completed text 79296\n", + "Completed text 79297\n", + "Completed text 79298\n", + "Completed text 79299\n", + "Completed text 79300\n", + "Completed text 79301\n", + "Completed text 79302\n", + "Completed text 79303\n", + "Completed text 79304\n", + "Completed text 79305\n", + "Completed text 79306\n", + "Completed text 79307\n", + "Completed text 79308\n", + "Completed text 79309\n", + "Completed text 79310\n", + "Completed text 79311\n", + "Completed text 79312\n", + "Completed text 79313\n", + "Completed text 79314\n", + "Completed text 79315\n", + "Completed text 79316\n", + "Completed text 79317\n", + "Completed text 79318\n", + "Completed text 79319\n", + "Completed text 79320\n", + "Completed text 79321\n", + "Completed text 79322\n", + "Completed text 79323\n", + "Completed text 79324\n", + "Completed text 79325\n", + "Completed text 79326\n", + "Completed text 79327\n", + "Completed text 79328\n", + "Completed text 79329\n", + "Completed text 79330\n", + "Completed text 79331\n", + "Completed text 79332\n", + "Completed text 79333\n", + "Completed text 79334\n", + "Completed text 79335\n", + "Completed text 79336\n", + "Completed text 79337\n", + "Completed text 79338\n", + "Completed text 79339\n", + "Completed text 79340\n", + "Completed text 79341\n", + "Completed text 79342\n", + "Completed text 79343\n", + "Completed text 79344\n", + "Completed text 79345\n", + "Completed text 79346\n", + "Completed text 79347\n", + "Completed text 79348\n", + "Completed text 79349\n", + "Completed text 79350\n", + "Completed text 79351\n", + "Completed text 79352\n", + "Completed text 79353\n", + "Completed text 79354\n", + "Completed text 79355\n", + "Completed text 79356\n", + "Completed text 79357\n", + "Completed text 79358\n", + "Completed text 79359\n", + "Completed text 79360\n", + "Completed text 79361\n", + "Completed text 79362\n", + "Completed text 79363\n", + "Completed text 79364\n", + "Completed text 79365\n", + "Completed text 79366\n", + "Completed text 79367\n", + "Completed text 79368\n", + "Completed text 79369\n", + "Completed text 79370\n", + "Completed text 79371\n", + "Completed text 79372\n", + "Completed text 79373\n", + "Completed text 79374\n", + "Completed text 79375\n", + "Completed text 79376\n", + "Completed text 79377\n", + "Completed text 79378\n", + "Completed text 79379\n", + "Completed text 79380\n", + "Completed text 79381\n", + "Completed text 79382\n", + "Completed text 79383\n", + "Completed text 79384\n", + "Completed text 79385\n", + "Completed text 79386\n", + "Completed text 79387\n", + "Completed text 79388\n", + "Completed text 79389\n", + "Completed text 79390\n", + "Completed text 79391\n", + "Completed text 79392\n", + "Completed text 79393\n", + "Completed text 79394\n", + "Completed text 79395\n", + "Completed text 79396\n", + "Completed text 79397\n", + "Completed text 79398\n", + "Completed text 79399\n", + "Completed text 79400\n", + "Completed text 79401\n", + "Completed text 79402\n", + "Completed text 79403\n", + "Completed text 79404\n", + "Completed text 79405\n", + "Completed text 79406\n", + "Completed text 79407\n", + "Completed text 79408\n", + "Completed text 79409\n", + "Completed text 79410\n", + "Completed text 79411\n", + "Completed text 79412\n", + "Completed text 79413\n", + "Completed text 79414\n", + "Completed text 79415\n", + "Completed text 79416\n", + "Completed text 79417\n", + "Completed text 79418\n", + "Completed text 79419\n", + "Completed text 79420\n", + "Completed text 79421\n", + "Completed text 79422\n", + "Completed text 79423\n", + "Completed text 79424\n", + "Completed text 79425\n", + "Completed text 79426\n", + "Completed text 79427\n", + "Completed text 79428\n", + "Completed text 79429\n", + "Completed text 79430\n", + "Completed text 79431\n", + "Completed text 79432\n", + "Completed text 79433\n", + "Completed text 79434\n", + "Completed text 79435\n", + "Completed text 79436\n", + "Completed text 79437\n", + "Completed text 79438\n", + "Completed text 79439\n", + "Completed text 79440\n", + "Completed text 79441\n", + "Completed text 79442\n", + "Completed text 79443\n", + "Completed text 79444\n", + "Completed text 79445\n", + "Completed text 79446\n", + "Completed text 79447\n", + "Completed text 79448\n", + "Completed text 79449\n", + "Completed text 79450\n", + "Completed text 79451\n", + "Completed text 79452\n", + "Completed text 79453\n", + "Completed text 79454\n", + "Completed text 79455\n", + "Completed text 79456\n", + "Completed text 79457\n", + "Completed text 79458\n", + "Completed text 79459\n", + "Completed text 79460\n", + "Completed text 79461\n", + "Completed text 79462\n", + "Completed text 79463\n", + "Completed text 79464\n", + "Completed text 79465\n", + "Completed text 79466\n", + "Completed text 79467\n", + "Completed text 79468\n", + "Completed text 79469\n", + "Completed text 79470\n", + "Completed text 79471\n", + "Completed text 79472\n", + "Completed text 79473\n", + "Completed text 79474\n", + "Completed text 79475\n", + "Completed text 79476\n", + "Completed text 79477\n", + "Completed text 79478\n", + "Completed text 79479\n", + "Completed text 79480\n", + "Completed text 79481\n", + "Completed text 79482\n", + "Completed text 79483\n", + "Completed text 79484\n", + "Completed text 79485\n", + "Completed text 79486\n", + "Completed text 79487\n", + "Completed text 79488\n", + "Completed text 79489\n", + "Completed text 79490\n", + "Completed text 79491\n", + "Completed text 79492\n", + "Completed text 79493\n", + "Completed text 79494\n", + "Completed text 79495\n", + "Completed text 79496\n", + "Completed text 79497\n", + "Completed text 79498\n", + "Completed text 79499\n", + "Completed text 79500\n", + "Completed text 79501\n", + "Completed text 79502\n", + "Completed text 79503\n", + "Completed text 79504\n", + "Completed text 79505\n", + "Completed text 79506\n", + "Completed text 79507\n", + "Completed text 79508\n", + "Completed text 79509\n", + "Completed text 79510\n", + "Completed text 79511\n", + "Completed text 79512\n", + "Completed text 79513\n", + "Completed text 79514\n", + "Completed text 79515\n", + "Completed text 79516\n", + "Completed text 79517\n", + "Completed text 79518\n", + "Completed text 79519\n", + "Completed text 79520\n", + "Completed text 79521\n", + "Completed text 79522\n", + "Completed text 79523\n", + "Completed text 79524\n", + "Completed text 79525\n", + "Completed text 79526\n", + "Completed text 79527\n", + "Completed text 79528\n", + "Completed text 79529\n", + "Completed text 79530\n", + "Completed text 79531\n", + "Completed text 79532\n", + "Completed text 79533\n", + "Completed text 79534\n", + "Completed text 79535\n", + "Completed text 79536\n", + "Completed text 79537\n", + "Completed text 79538\n", + "Completed text 79539\n", + "Completed text 79540\n", + "Completed text 79541\n", + "Completed text 79542\n", + "Completed text 79543\n", + "Completed text 79544\n", + "Completed text 79545\n", + "Completed text 79546\n", + "Completed text 79547\n", + "Completed text 79548\n", + "Completed text 79549\n", + "Completed text 79550\n", + "Completed text 79551\n", + "Completed text 79552\n", + "Completed text 79553\n", + "Completed text 79554\n", + "Completed text 79555\n", + "Completed text 79556\n", + "Completed text 79557\n", + "Completed text 79558\n", + "Completed text 79559\n", + "Completed text 79560\n", + "Completed text 79561\n", + "Completed text 79562\n", + "Completed text 79563\n", + "Completed text 79564\n", + "Completed text 79565\n", + "Completed text 79566\n", + "Completed text 79567\n", + "Completed text 79568\n", + "Completed text 79569\n", + "Completed text 79570\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 79571\n", + "Completed text 79572\n", + "Completed text 79573\n", + "Completed text 79574\n", + "Completed text 79575\n", + "Completed text 79576\n", + "Completed text 79577\n", + "Completed text 79578\n", + "Completed text 79579\n", + "Completed text 79580\n", + "Completed text 79581\n", + "Completed text 79582\n", + "Completed text 79583\n", + "Completed text 79584\n", + "Completed text 79585\n", + "Completed text 79586\n", + "Completed text 79587\n", + "Completed text 79588\n", + "Completed text 79589\n", + "Completed text 79590\n", + "Completed text 79591\n", + "Completed text 79592\n", + "Completed text 79593\n", + "Completed text 79594\n", + "Completed text 79595\n", + "Completed text 79596\n", + "Completed text 79597\n", + "Completed text 79598\n", + "Completed text 79599\n", + "Completed text 79600\n", + "Completed text 79601\n", + "Completed text 79602\n", + "Completed text 79603\n", + "Completed text 79604\n", + "Completed text 79605\n", + "Completed text 79606\n", + "Completed text 79607\n", + "Completed text 79608\n", + "Completed text 79609\n", + "Completed text 79610\n", + "Completed text 79611\n", + "Completed text 79612\n", + "Completed text 79613\n", + "Completed text 79614\n", + "Completed text 79615\n", + "Completed text 79616\n", + "Completed text 79617\n", + "Completed text 79618\n", + "Completed text 79619\n", + "Completed text 79620\n", + "Completed text 79621\n", + "Completed text 79622\n", + "Completed text 79623\n", + "Completed text 79624\n", + "Completed text 79625\n", + "Completed text 79626\n", + "Completed text 79627\n", + "Completed text 79628\n", + "Completed text 79629\n", + "Completed text 79630\n", + "Completed text 79631\n", + "Completed text 79632\n", + "Completed text 79633\n", + "Completed text 79634\n", + "Completed text 79635\n", + "Completed text 79636\n", + "Completed text 79637\n", + "Completed text 79638\n", + "Completed text 79639\n", + "Completed text 79640\n", + "Completed text 79641\n", + "Completed text 79642\n", + "Completed text 79643\n", + "Completed text 79644\n", + "Completed text 79645\n", + "Completed text 79646\n", + "Completed text 79647\n", + "Completed text 79648\n", + "Completed text 79649\n", + "Completed text 79650\n", + "Completed text 79651\n", + "Completed text 79652\n", + "Completed text 79653\n", + "Completed text 79654\n", + "Completed text 79655\n", + "Completed text 79656\n", + "Completed text 79657\n", + "Completed text 79658\n", + "Completed text 79659\n", + "Completed text 79660\n", + "Completed text 79661\n", + "Completed text 79662\n", + "Completed text 79663\n", + "Completed text 79664\n", + "Completed text 79665\n", + "Completed text 79666\n", + "Completed text 79667\n", + "Completed text 79668\n", + "Completed text 79669\n", + "Completed text 79670\n", + "Completed text 79671\n", + "Completed text 79672\n", + "Completed text 79673\n", + "Completed text 79674\n", + "Completed text 79675\n", + "Completed text 79676\n", + "Completed text 79677\n", + "Completed text 79678\n", + "Completed text 79679\n", + "Completed text 79680\n", + "Completed text 79681\n", + "Completed text 79682\n", + "Completed text 79683\n", + "Completed text 79684\n", + "Completed text 79685\n", + "Completed text 79686\n", + "Completed text 79687\n", + "Completed text 79688\n", + "Completed text 79689\n", + "Completed text 79690\n", + "Completed text 79691\n", + "Completed text 79692\n", + "Completed text 79693\n", + "Completed text 79694\n", + "Completed text 79695\n", + "Completed text 79696\n", + "Completed text 79697\n", + "Completed text 79698\n", + "Completed text 79699\n", + "Completed text 79700\n", + "Completed text 79701\n", + "Completed text 79702\n", + "Completed text 79703\n", + "Completed text 79704\n", + "Completed text 79705\n", + "Completed text 79706\n", + "Completed text 79707\n", + "Completed text 79708\n", + "Completed text 79709\n", + "Completed text 79710\n", + "Completed text 79711\n", + "Completed text 79712\n", + "Completed text 79713\n", + "Completed text 79714\n", + "Completed text 79715\n", + "Completed text 79716\n", + "Completed text 79717\n", + "Completed text 79718\n", + "Completed text 79719\n", + "Completed text 79720\n", + "Completed text 79721\n", + "Completed text 79722\n", + "Completed text 79723\n", + "Completed text 79724\n", + "Completed text 79725\n", + "Completed text 79726\n", + "Completed text 79727\n", + "Completed text 79728\n", + "Completed text 79729\n", + "Completed text 79730\n", + "Completed text 79731\n", + "Completed text 79732\n", + "Completed text 79733\n", + "Completed text 79734\n", + "Completed text 79735\n", + "Completed text 79736\n", + "Completed text 79737\n", + "Completed text 79738\n", + "Completed text 79739\n", + "Completed text 79740\n", + "Completed text 79741\n", + "Completed text 79742\n", + "Completed text 79743\n", + "Completed text 79744\n", + "Completed text 79745\n", + "Completed text 79746\n", + "Completed text 79747\n", + "Completed text 79748\n", + "Completed text 79749\n", + "Completed text 79750\n", + "Completed text 79751\n", + "Completed text 79752\n", + "Completed text 79753\n", + "Completed text 79754\n", + "Completed text 79755\n", + "Completed text 79756\n", + "Completed text 79757\n", + "Completed text 79758\n", + "Completed text 79759\n", + "Completed text 79760\n", + "Completed text 79761\n", + "Completed text 79762\n", + "Completed text 79763\n", + "Completed text 79764\n", + "Completed text 79765\n", + "Completed text 79766\n", + "Completed text 79767\n", + "Completed text 79768\n", + "Completed text 79769\n", + "Completed text 79770\n", + "Completed text 79771\n", + "Completed text 79772\n", + "Completed text 79773\n", + "Completed text 79774\n", + "Completed text 79775\n", + "Completed text 79776\n", + "Completed text 79777\n", + "Completed text 79778\n", + "Completed text 79779\n", + "Completed text 79780\n", + "Completed text 79781\n", + "Completed text 79782\n", + "Completed text 79783\n", + "Completed text 79784\n", + "Completed text 79785\n", + "Completed text 79786\n", + "Completed text 79787\n", + "Completed text 79788\n", + "Completed text 79789\n", + "Completed text 79790\n", + "Completed text 79791\n", + "Completed text 79792\n", + "Completed text 79793\n", + "Completed text 79794\n", + "Completed text 79795\n", + "Completed text 79796\n", + "Completed text 79797\n", + "Completed text 79798\n", + "Completed text 79799\n", + "Completed text 79800\n", + "Completed text 79801\n", + "Completed text 79802\n", + "Completed text 79803\n", + "Completed text 79804\n", + "Completed text 79805\n", + "Completed text 79806\n", + "Completed text 79807\n", + "Completed text 79808\n", + "Completed text 79809\n", + "Completed text 79810\n", + "Completed text 79811\n", + "Completed text 79812\n", + "Completed text 79813\n", + "Completed text 79814\n", + "Completed text 79815\n", + "Completed text 79816\n", + "Completed text 79817\n", + "Completed text 79818\n", + "Completed text 79819\n", + "Completed text 79820\n", + "Completed text 79821\n", + "Completed text 79822\n", + "Completed text 79823\n", + "Completed text 79824\n", + "Completed text 79825\n", + "Completed text 79826\n", + "Completed text 79827\n", + "Completed text 79828\n", + "Completed text 79829\n", + "Completed text 79830\n", + "Completed text 79831\n", + "Completed text 79832\n", + "Completed text 79833\n", + "Completed text 79834\n", + "Completed text 79835\n", + "Completed text 79836\n", + "Completed text 79837\n", + "Completed text 79838\n", + "Completed text 79839\n", + "Completed text 79840\n", + "Completed text 79841\n", + "Completed text 79842\n", + "Completed text 79843\n", + "Completed text 79844\n", + "Completed text 79845\n", + "Completed text 79846\n", + "Completed text 79847\n", + "Completed text 79848\n", + "Completed text 79849\n", + "Completed text 79850\n", + "Completed text 79851\n", + "Completed text 79852\n", + "Completed text 79853\n", + "Completed text 79854\n", + "Completed text 79855\n", + "Completed text 79856\n", + "Completed text 79857\n", + "Completed text 79858\n", + "Completed text 79859\n", + "Completed text 79860\n", + "Completed text 79861\n", + "Completed text 79862\n", + "Completed text 79863\n", + "Completed text 79864\n", + "Completed text 79865\n", + "Completed text 79866\n", + "Completed text 79867\n", + "Completed text 79868\n", + "Completed text 79869\n", + "Completed text 79870\n", + "Completed text 79871\n", + "Completed text 79872\n", + "Completed text 79873\n", + "Completed text 79874\n", + "Completed text 79875\n", + "Completed text 79876\n", + "Completed text 79877\n", + "Completed text 79878\n", + "Completed text 79879\n", + "Completed text 79880\n", + "Completed text 79881\n", + "Completed text 79882\n", + "Completed text 79883\n", + "Completed text 79884\n", + "Completed text 79885\n", + "Completed text 79886\n", + "Completed text 79887\n", + "Completed text 79888\n", + "Completed text 79889\n", + "Completed text 79890\n", + "Completed text 79891\n", + "Completed text 79892\n", + "Completed text 79893\n", + "Completed text 79894\n", + "Completed text 79895\n", + "Completed text 79896\n", + "Completed text 79897\n", + "Completed text 79898\n", + "Completed text 79899\n", + "Completed text 79900\n", + "Completed text 79901\n", + "Completed text 79902\n", + "Completed text 79903\n", + "Completed text 79904\n", + "Completed text 79905\n", + "Completed text 79906\n", + "Completed text 79907\n", + "Completed text 79908\n", + "Completed text 79909\n", + "Completed text 79910\n", + "Completed text 79911\n", + "Completed text 79912\n", + "Completed text 79913\n", + "Completed text 79914\n", + "Completed text 79915\n", + "Completed text 79916\n", + "Completed text 79917\n", + "Completed text 79918\n", + "Completed text 79919\n", + "Completed text 79920\n", + "Completed text 79921\n", + "Completed text 79922\n", + "Completed text 79923\n", + "Completed text 79924\n", + "Completed text 79925\n", + "Completed text 79926\n", + "Completed text 79927\n", + "Completed text 79928\n", + "Completed text 79929\n", + "Completed text 79930\n", + "Completed text 79931\n", + "Completed text 79932\n", + "Completed text 79933\n", + "Completed text 79934\n", + "Completed text 79935\n", + "Completed text 79936\n", + "Completed text 79937\n", + "Completed text 79938\n", + "Completed text 79939\n", + "Completed text 79940\n", + "Completed text 79941\n", + "Completed text 79942\n", + "Completed text 79943\n", + "Completed text 79944\n", + "Completed text 79945\n", + "Completed text 79946\n", + "Completed text 79947\n", + "Completed text 79948\n", + "Completed text 79949\n", + "Completed text 79950\n", + "Completed text 79951\n", + "Completed text 79952\n", + "Completed text 79953\n", + "Completed text 79954\n", + "Completed text 79955\n", + "Completed text 79956\n", + "Completed text 79957\n", + "Completed text 79958\n", + "Completed text 79959\n", + "Completed text 79960\n", + "Completed text 79961\n", + "Completed text 79962\n", + "Completed text 79963\n", + "Completed text 79964\n", + "Completed text 79965\n", + "Completed text 79966\n", + "Completed text 79967\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 79968\n", + "Completed text 79969\n", + "Completed text 79970\n", + "Completed text 79971\n", + "Completed text 79972\n", + "Completed text 79973\n", + "Completed text 79974\n", + "Completed text 79975\n", + "Completed text 79976\n", + "Completed text 79977\n", + "Completed text 79978\n", + "Completed text 79979\n", + "Completed text 79980\n", + "Completed text 79981\n", + "Completed text 79982\n", + "Completed text 79983\n", + "Completed text 79984\n", + "Completed text 79985\n", + "Completed text 79986\n", + "Completed text 79987\n", + "Completed text 79988\n", + "Completed text 79989\n", + "Completed text 79990\n", + "Completed text 79991\n", + "Completed text 79992\n", + "Completed text 79993\n", + "Completed text 79994\n", + "Completed text 79995\n", + "Completed text 79996\n", + "Completed text 79997\n", + "Completed text 79998\n", + "Completed text 79999\n", + "Completed text 80000\n", + "Completed text 80001\n", + "Completed text 80002\n", + "Completed text 80003\n", + "Completed text 80004\n", + "Completed text 80005\n", + "Completed text 80006\n", + "Completed text 80007\n", + "Completed text 80008\n", + "Completed text 80009\n", + "Completed text 80010\n", + "Completed text 80011\n", + "Completed text 80012\n", + "Completed text 80013\n", + "Completed text 80014\n", + "Completed text 80015\n", + "Completed text 80016\n", + "Completed text 80017\n", + "Completed text 80018\n", + "Completed text 80019\n", + "Completed text 80020\n", + "Completed text 80021\n", + "Completed text 80022\n", + "Completed text 80023\n", + "Completed text 80024\n", + "Completed text 80025\n", + "Completed text 80026\n", + "Completed text 80027\n", + "Completed text 80028\n", + "Completed text 80029\n", + "Completed text 80030\n", + "Completed text 80031\n", + "Completed text 80032\n", + "Completed text 80033\n", + "Completed text 80034\n", + "Completed text 80035\n", + "Completed text 80036\n", + "Completed text 80037\n", + "Completed text 80038\n", + "Completed text 80039\n", + "Completed text 80040\n", + "Completed text 80041\n", + "Completed text 80042\n", + "Completed text 80043\n", + "Completed text 80044\n", + "Completed text 80045\n", + "Completed text 80046\n", + "Completed text 80047\n", + "Completed text 80048\n", + "Completed text 80049\n", + "Completed text 80050\n", + "Completed text 80051\n", + "Completed text 80052\n", + "Completed text 80053\n", + "Completed text 80054\n", + "Completed text 80055\n", + "Completed text 80056\n", + "Completed text 80057\n", + "Completed text 80058\n", + "Completed text 80059\n", + "Completed text 80060\n", + "Completed text 80061\n", + "Completed text 80062\n", + "Completed text 80063\n", + "Completed text 80064\n", + "Completed text 80065\n", + "Completed text 80066\n", + "Completed text 80067\n", + "Completed text 80068\n", + "Completed text 80069\n", + "Completed text 80070\n", + "Completed text 80071\n", + "Completed text 80072\n", + "Completed text 80073\n", + "Completed text 80074\n", + "Completed text 80075\n", + "Completed text 80076\n", + "Completed text 80077\n", + "Completed text 80078\n", + "Completed text 80079\n", + "Completed text 80080\n", + "Completed text 80081\n", + "Completed text 80082\n", + "Completed text 80083\n", + "Completed text 80084\n", + "Completed text 80085\n", + "Completed text 80086\n", + "Completed text 80087\n", + "Completed text 80088\n", + "Completed text 80089\n", + "Completed text 80090\n", + "Completed text 80091\n", + "Completed text 80092\n", + "Completed text 80093\n", + "Completed text 80094\n", + "Completed text 80095\n", + "Completed text 80096\n", + "Completed text 80097\n", + "Completed text 80098\n", + "Completed text 80099\n", + "Completed text 80100\n", + "Completed text 80101\n", + "Completed text 80102\n", + "Completed text 80103\n", + "Completed text 80104\n", + "Completed text 80105\n", + "Completed text 80106\n", + "Completed text 80107\n", + "Completed text 80108\n", + "Completed text 80109\n", + "Completed text 80110\n", + "Completed text 80111\n", + "Completed text 80112\n", + "Completed text 80113\n", + "Completed text 80114\n", + "Completed text 80115\n", + "Completed text 80116\n", + "Completed text 80117\n", + "Completed text 80118\n", + "Completed text 80119\n", + "Completed text 80120\n", + "Completed text 80121\n", + "Completed text 80122\n", + "Completed text 80123\n", + "Completed text 80124\n", + "Completed text 80125\n", + "Completed text 80126\n", + "Completed text 80127\n", + "Completed text 80128\n", + "Completed text 80129\n", + "Completed text 80130\n", + "Completed text 80131\n", + "Completed text 80132\n", + "Completed text 80133\n", + "Completed text 80134\n", + "Completed text 80135\n", + "Completed text 80136\n", + "Completed text 80137\n", + "Completed text 80138\n", + "Completed text 80139\n", + "Completed text 80140\n", + "Completed text 80141\n", + "Completed text 80142\n", + "Completed text 80143\n", + "Completed text 80144\n", + "Completed text 80145\n", + "Completed text 80146\n", + "Completed text 80147\n", + "Completed text 80148\n", + "Completed text 80149\n", + "Completed text 80150\n", + "Completed text 80151\n", + "Completed text 80152\n", + "Completed text 80153\n", + "Completed text 80154\n", + "Completed text 80155\n", + "Completed text 80156\n", + "Completed text 80157\n", + "Completed text 80158\n", + "Completed text 80159\n", + "Completed text 80160\n", + "Completed text 80161\n", + "Completed text 80162\n", + "Completed text 80163\n", + "Completed text 80164\n", + "Completed text 80165\n", + "Completed text 80166\n", + "Completed text 80167\n", + "Completed text 80168\n", + "Completed text 80169\n", + "Completed text 80170\n", + "Completed text 80171\n", + "Completed text 80172\n", + "Completed text 80173\n", + "Completed text 80174\n", + "Completed text 80175\n", + "Completed text 80176\n", + "Completed text 80177\n", + "Completed text 80178\n", + "Completed text 80179\n", + "Completed text 80180\n", + "Completed text 80181\n", + "Completed text 80182\n", + "Completed text 80183\n", + "Completed text 80184\n", + "Completed text 80185\n", + "Completed text 80186\n", + "Completed text 80187\n", + "Completed text 80188\n", + "Completed text 80189\n", + "Completed text 80190\n", + "Completed text 80191\n", + "Completed text 80192\n", + "Completed text 80193\n", + "Completed text 80194\n", + "Completed text 80195\n", + "Completed text 80196\n", + "Completed text 80197\n", + "Completed text 80198\n", + "Completed text 80199\n", + "Completed text 80200\n", + "Completed text 80201\n", + "Completed text 80202\n", + "Completed text 80203\n", + "Completed text 80204\n", + "Completed text 80205\n", + "Completed text 80206\n", + "Completed text 80207\n", + "Completed text 80208\n", + "Completed text 80209\n", + "Completed text 80210\n", + "Completed text 80211\n", + "Completed text 80212\n", + "Completed text 80213\n", + "Completed text 80214\n", + "Completed text 80215\n", + "Completed text 80216\n", + "Completed text 80217\n", + "Completed text 80218\n", + "Completed text 80219\n", + "Completed text 80220\n", + "Completed text 80221\n", + "Completed text 80222\n", + "Completed text 80223\n", + "Completed text 80224\n", + "Completed text 80225\n", + "Completed text 80226\n", + "Completed text 80227\n", + "Completed text 80228\n", + "Completed text 80229\n", + "Completed text 80230\n", + "Completed text 80231\n", + "Completed text 80232\n", + "Completed text 80233\n", + "Completed text 80234\n", + "Completed text 80235\n", + "Completed text 80236\n", + "Completed text 80237\n", + "Completed text 80238\n", + "Completed text 80239\n", + "Completed text 80240\n", + "Completed text 80241\n", + "Completed text 80242\n", + "Completed text 80243\n", + "Completed text 80244\n", + "Completed text 80245\n", + "Completed text 80246\n", + "Completed text 80247\n", + "Completed text 80248\n", + "Completed text 80249\n", + "Completed text 80250\n", + "Completed text 80251\n", + "Completed text 80252\n", + "Completed text 80253\n", + "Completed text 80254\n", + "Completed text 80255\n", + "Completed text 80256\n", + "Completed text 80257\n", + "Completed text 80258\n", + "Completed text 80259\n", + "Completed text 80260\n", + "Completed text 80261\n", + "Completed text 80262\n", + "Completed text 80263\n", + "Completed text 80264\n", + "Completed text 80265\n", + "Completed text 80266\n", + "Completed text 80267\n", + "Completed text 80268\n", + "Completed text 80269\n", + "Completed text 80270\n", + "Completed text 80271\n", + "Completed text 80272\n", + "Completed text 80273\n", + "Completed text 80274\n", + "Completed text 80275\n", + "Completed text 80276\n", + "Completed text 80277\n", + "Completed text 80278\n", + "Completed text 80279\n", + "Completed text 80280\n", + "Completed text 80281\n", + "Completed text 80282\n", + "Completed text 80283\n", + "Completed text 80284\n", + "Completed text 80285\n", + "Completed text 80286\n", + "Completed text 80287\n", + "Completed text 80288\n", + "Completed text 80289\n", + "Completed text 80290\n", + "Completed text 80291\n", + "Completed text 80292\n", + "Completed text 80293\n", + "Completed text 80294\n", + "Completed text 80295\n", + "Completed text 80296\n", + "Completed text 80297\n", + "Completed text 80298\n", + "Completed text 80299\n", + "Completed text 80300\n", + "Completed text 80301\n", + "Completed text 80302\n", + "Completed text 80303\n", + "Completed text 80304\n", + "Completed text 80305\n", + "Completed text 80306\n", + "Completed text 80307\n", + "Completed text 80308\n", + "Completed text 80309\n", + "Completed text 80310\n", + "Completed text 80311\n", + "Completed text 80312\n", + "Completed text 80313\n", + "Completed text 80314\n", + "Completed text 80315\n", + "Completed text 80316\n", + "Completed text 80317\n", + "Completed text 80318\n", + "Completed text 80319\n", + "Completed text 80320\n", + "Completed text 80321\n", + "Completed text 80322\n", + "Completed text 80323\n", + "Completed text 80324\n", + "Completed text 80325\n", + "Completed text 80326\n", + "Completed text 80327\n", + "Completed text 80328\n", + "Completed text 80329\n", + "Completed text 80330\n", + "Completed text 80331\n", + "Completed text 80332\n", + "Completed text 80333\n", + "Completed text 80334\n", + "Completed text 80335\n", + "Completed text 80336\n", + "Completed text 80337\n", + "Completed text 80338\n", + "Completed text 80339\n", + "Completed text 80340\n", + "Completed text 80341\n", + "Completed text 80342\n", + "Completed text 80343\n", + "Completed text 80344\n", + "Completed text 80345\n", + "Completed text 80346\n", + "Completed text 80347\n", + "Completed text 80348\n", + "Completed text 80349\n", + "Completed text 80350\n", + "Completed text 80351\n", + "Completed text 80352\n", + "Completed text 80353\n", + "Completed text 80354\n", + "Completed text 80355\n", + "Completed text 80356\n", + "Completed text 80357\n", + "Completed text 80358\n", + "Completed text 80359\n", + "Completed text 80360\n", + "Completed text 80361\n", + "Completed text 80362\n", + "Completed text 80363\n", + "Completed text 80364\n", + "Completed text 80365\n", + "Completed text 80366\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 80367\n", + "Completed text 80368\n", + "Completed text 80369\n", + "Completed text 80370\n", + "Completed text 80371\n", + "Completed text 80372\n", + "Completed text 80373\n", + "Completed text 80374\n", + "Completed text 80375\n", + "Completed text 80376\n", + "Completed text 80377\n", + "Completed text 80378\n", + "Completed text 80379\n", + "Completed text 80380\n", + "Completed text 80381\n", + "Completed text 80382\n", + "Completed text 80383\n", + "Completed text 80384\n", + "Completed text 80385\n", + "Completed text 80386\n", + "Completed text 80387\n", + "Completed text 80388\n", + "Completed text 80389\n", + "Completed text 80390\n", + "Completed text 80391\n", + "Completed text 80392\n", + "Completed text 80393\n", + "Completed text 80394\n", + "Completed text 80395\n", + "Completed text 80396\n", + "Completed text 80397\n", + "Completed text 80398\n", + "Completed text 80399\n", + "Completed text 80400\n", + "Completed text 80401\n", + "Completed text 80402\n", + "Completed text 80403\n", + "Completed text 80404\n", + "Completed text 80405\n", + "Completed text 80406\n", + "Completed text 80407\n", + "Completed text 80408\n", + "Completed text 80409\n", + "Completed text 80410\n", + "Completed text 80411\n", + "Completed text 80412\n", + "Completed text 80413\n", + "Completed text 80414\n", + "Completed text 80415\n", + "Completed text 80416\n", + "Completed text 80417\n", + "Completed text 80418\n", + "Completed text 80419\n", + "Completed text 80420\n", + "Completed text 80421\n", + "Completed text 80422\n", + "Completed text 80423\n", + "Completed text 80424\n", + "Completed text 80425\n", + "Completed text 80426\n", + "Completed text 80427\n", + "Completed text 80428\n", + "Completed text 80429\n", + "Completed text 80430\n", + "Completed text 80431\n", + "Completed text 80432\n", + "Completed text 80433\n", + "Completed text 80434\n", + "Completed text 80435\n", + "Completed text 80436\n", + "Completed text 80437\n", + "Completed text 80438\n", + "Completed text 80439\n", + "Completed text 80440\n", + "Completed text 80441\n", + "Completed text 80442\n", + "Completed text 80443\n", + "Completed text 80444\n", + "Completed text 80445\n", + "Completed text 80446\n", + "Completed text 80447\n", + "Completed text 80448\n", + "Completed text 80449\n", + "Completed text 80450\n", + "Completed text 80451\n", + "Completed text 80452\n", + "Completed text 80453\n", + "Completed text 80454\n", + "Completed text 80455\n", + "Completed text 80456\n", + "Completed text 80457\n", + "Completed text 80458\n", + "Completed text 80459\n", + "Completed text 80460\n", + "Completed text 80461\n", + "Completed text 80462\n", + "Completed text 80463\n", + "Completed text 80464\n", + "Completed text 80465\n", + "Completed text 80466\n", + "Completed text 80467\n", + "Completed text 80468\n", + "Completed text 80469\n", + "Completed text 80470\n", + "Completed text 80471\n", + "Completed text 80472\n", + "Completed text 80473\n", + "Completed text 80474\n", + "Completed text 80475\n", + "Completed text 80476\n", + "Completed text 80477\n", + "Completed text 80478\n", + "Completed text 80479\n", + "Completed text 80480\n", + "Completed text 80481\n", + "Completed text 80482\n", + "Completed text 80483\n", + "Completed text 80484\n", + "Completed text 80485\n", + "Completed text 80486\n", + "Completed text 80487\n", + "Completed text 80488\n", + "Completed text 80489\n", + "Completed text 80490\n", + "Completed text 80491\n", + "Completed text 80492\n", + "Completed text 80493\n", + "Completed text 80494\n", + "Completed text 80495\n", + "Completed text 80496\n", + "Completed text 80497\n", + "Completed text 80498\n", + "Completed text 80499\n", + "Completed text 80500\n", + "Completed text 80501\n", + "Completed text 80502\n", + "Completed text 80503\n", + "Completed text 80504\n", + "Completed text 80505\n", + "Completed text 80506\n", + "Completed text 80507\n", + "Completed text 80508\n", + "Completed text 80509\n", + "Completed text 80510\n", + "Completed text 80511\n", + "Completed text 80512\n", + "Completed text 80513\n", + "Completed text 80514\n", + "Completed text 80515\n", + "Completed text 80516\n", + "Completed text 80517\n", + "Completed text 80518\n", + "Completed text 80519\n", + "Completed text 80520\n", + "Completed text 80521\n", + "Completed text 80522\n", + "Completed text 80523\n", + "Completed text 80524\n", + "Completed text 80525\n", + "Completed text 80526\n", + "Completed text 80527\n", + "Completed text 80528\n", + "Completed text 80529\n", + "Completed text 80530\n", + "Completed text 80531\n", + "Completed text 80532\n", + "Completed text 80533\n", + "Completed text 80534\n", + "Completed text 80535\n", + "Completed text 80536\n", + "Completed text 80537\n", + "Completed text 80538\n", + "Completed text 80539\n", + "Completed text 80540\n", + "Completed text 80541\n", + "Completed text 80542\n", + "Completed text 80543\n", + "Completed text 80544\n", + "Completed text 80545\n", + "Completed text 80546\n", + "Completed text 80547\n", + "Completed text 80548\n", + "Completed text 80549\n", + "Completed text 80550\n", + "Completed text 80551\n", + "Completed text 80552\n", + "Completed text 80553\n", + "Completed text 80554\n", + "Completed text 80555\n", + "Completed text 80556\n", + "Completed text 80557\n", + "Completed text 80558\n", + "Completed text 80559\n", + "Completed text 80560\n", + "Completed text 80561\n", + "Completed text 80562\n", + "Completed text 80563\n", + "Completed text 80564\n", + "Completed text 80565\n", + "Completed text 80566\n", + "Completed text 80567\n", + "Completed text 80568\n", + "Completed text 80569\n", + "Completed text 80570\n", + "Completed text 80571\n", + "Completed text 80572\n", + "Completed text 80573\n", + "Completed text 80574\n", + "Completed text 80575\n", + "Completed text 80576\n", + "Completed text 80577\n", + "Completed text 80578\n", + "Completed text 80579\n", + "Completed text 80580\n", + "Completed text 80581\n", + "Completed text 80582\n", + "Completed text 80583\n", + "Completed text 80584\n", + "Completed text 80585\n", + "Completed text 80586\n", + "Completed text 80587\n", + "Completed text 80588\n", + "Completed text 80589\n", + "Completed text 80590\n", + "Completed text 80591\n", + "Completed text 80592\n", + "Completed text 80593\n", + "Completed text 80594\n", + "Completed text 80595\n", + "Completed text 80596\n", + "Completed text 80597\n", + "Completed text 80598\n", + "Completed text 80599\n", + "Completed text 80600\n", + "Completed text 80601\n", + "Completed text 80602\n", + "Completed text 80603\n", + "Completed text 80604\n", + "Completed text 80605\n", + "Completed text 80606\n", + "Completed text 80607\n", + "Completed text 80608\n", + "Completed text 80609\n", + "Completed text 80610\n", + "Completed text 80611\n", + "Completed text 80612\n", + "Completed text 80613\n", + "Completed text 80614\n", + "Completed text 80615\n", + "Completed text 80616\n", + "Completed text 80617\n", + "Completed text 80618\n", + "Completed text 80619\n", + "Completed text 80620\n", + "Completed text 80621\n", + "Completed text 80622\n", + "Completed text 80623\n", + "Completed text 80624\n", + "Completed text 80625\n", + "Completed text 80626\n", + "Completed text 80627\n", + "Completed text 80628\n", + "Completed text 80629\n", + "Completed text 80630\n", + "Completed text 80631\n", + "Completed text 80632\n", + "Completed text 80633\n", + "Completed text 80634\n", + "Completed text 80635\n", + "Completed text 80636\n", + "Completed text 80637\n", + "Completed text 80638\n", + "Completed text 80639\n", + "Completed text 80640\n", + "Completed text 80641\n", + "Completed text 80642\n", + "Completed text 80643\n", + "Completed text 80644\n", + "Completed text 80645\n", + "Completed text 80646\n", + "Completed text 80647\n", + "Completed text 80648\n", + "Completed text 80649\n", + "Completed text 80650\n", + "Completed text 80651\n", + "Completed text 80652\n", + "Completed text 80653\n", + "Completed text 80654\n", + "Completed text 80655\n", + "Completed text 80656\n", + "Completed text 80657\n", + "Completed text 80658\n", + "Completed text 80659\n", + "Completed text 80660\n", + "Completed text 80661\n", + "Completed text 80662\n", + "Completed text 80663\n", + "Completed text 80664\n", + "Completed text 80665\n", + "Completed text 80666\n", + "Completed text 80667\n", + "Completed text 80668\n", + "Completed text 80669\n", + "Completed text 80670\n", + "Completed text 80671\n", + "Completed text 80672\n", + "Completed text 80673\n", + "Completed text 80674\n", + "Completed text 80675\n", + "Completed text 80676\n", + "Completed text 80677\n", + "Completed text 80678\n", + "Completed text 80679\n", + "Completed text 80680\n", + "Completed text 80681\n", + "Completed text 80682\n", + "Completed text 80683\n", + "Completed text 80684\n", + "Completed text 80685\n", + "Completed text 80686\n", + "Completed text 80687\n", + "Completed text 80688\n", + "Completed text 80689\n", + "Completed text 80690\n", + "Completed text 80691\n", + "Completed text 80692\n", + "Completed text 80693\n", + "Completed text 80694\n", + "Completed text 80695\n", + "Completed text 80696\n", + "Completed text 80697\n", + "Completed text 80698\n", + "Completed text 80699\n", + "Completed text 80700\n", + "Completed text 80701\n", + "Completed text 80702\n", + "Completed text 80703\n", + "Completed text 80704\n", + "Completed text 80705\n", + "Completed text 80706\n", + "Completed text 80707\n", + "Completed text 80708\n", + "Completed text 80709\n", + "Completed text 80710\n", + "Completed text 80711\n", + "Completed text 80712\n", + "Completed text 80713\n", + "Completed text 80714\n", + "Completed text 80715\n", + "Completed text 80716\n", + "Completed text 80717\n", + "Completed text 80718\n", + "Completed text 80719\n", + "Completed text 80720\n", + "Completed text 80721\n", + "Completed text 80722\n", + "Completed text 80723\n", + "Completed text 80724\n", + "Completed text 80725\n", + "Completed text 80726\n", + "Completed text 80727\n", + "Completed text 80728\n", + "Completed text 80729\n", + "Completed text 80730\n", + "Completed text 80731\n", + "Completed text 80732\n", + "Completed text 80733\n", + "Completed text 80734\n", + "Completed text 80735\n", + "Completed text 80736\n", + "Completed text 80737\n", + "Completed text 80738\n", + "Completed text 80739\n", + "Completed text 80740\n", + "Completed text 80741\n", + "Completed text 80742\n", + "Completed text 80743\n", + "Completed text 80744\n", + "Completed text 80745\n", + "Completed text 80746\n", + "Completed text 80747\n", + "Completed text 80748\n", + "Completed text 80749\n", + "Completed text 80750\n", + "Completed text 80751\n", + "Completed text 80752\n", + "Completed text 80753\n", + "Completed text 80754\n", + "Completed text 80755\n", + "Completed text 80756\n", + "Completed text 80757\n", + "Completed text 80758\n", + "Completed text 80759\n", + "Completed text 80760\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 80761\n", + "Completed text 80762\n", + "Completed text 80763\n", + "Completed text 80764\n", + "Completed text 80765\n", + "Completed text 80766\n", + "Completed text 80767\n", + "Completed text 80768\n", + "Completed text 80769\n", + "Completed text 80770\n", + "Completed text 80771\n", + "Completed text 80772\n", + "Completed text 80773\n", + "Completed text 80774\n", + "Completed text 80775\n", + "Completed text 80776\n", + "Completed text 80777\n", + "Completed text 80778\n", + "Completed text 80779\n", + "Completed text 80780\n", + "Completed text 80781\n", + "Completed text 80782\n", + "Completed text 80783\n", + "Completed text 80784\n", + "Completed text 80785\n", + "Completed text 80786\n", + "Completed text 80787\n", + "Completed text 80788\n", + "Completed text 80789\n", + "Completed text 80790\n", + "Completed text 80791\n", + "Completed text 80792\n", + "Completed text 80793\n", + "Completed text 80794\n", + "Completed text 80795\n", + "Completed text 80796\n", + "Completed text 80797\n", + "Completed text 80798\n", + "Completed text 80799\n", + "Completed text 80800\n", + "Completed text 80801\n", + "Completed text 80802\n", + "Completed text 80803\n", + "Completed text 80804\n", + "Completed text 80805\n", + "Completed text 80806\n", + "Completed text 80807\n", + "Completed text 80808\n", + "Completed text 80809\n", + "Completed text 80810\n", + "Completed text 80811\n", + "Completed text 80812\n", + "Completed text 80813\n", + "Completed text 80814\n", + "Completed text 80815\n", + "Completed text 80816\n", + "Completed text 80817\n", + "Completed text 80818\n", + "Completed text 80819\n", + "Completed text 80820\n", + "Completed text 80821\n", + "Completed text 80822\n", + "Completed text 80823\n", + "Completed text 80824\n", + "Completed text 80825\n", + "Completed text 80826\n", + "Completed text 80827\n", + "Completed text 80828\n", + "Completed text 80829\n", + "Completed text 80830\n", + "Completed text 80831\n", + "Completed text 80832\n", + "Completed text 80833\n", + "Completed text 80834\n", + "Completed text 80835\n", + "Completed text 80836\n", + "Completed text 80837\n", + "Completed text 80838\n", + "Completed text 80839\n", + "Completed text 80840\n", + "Completed text 80841\n", + "Completed text 80842\n", + "Completed text 80843\n", + "Completed text 80844\n", + "Completed text 80845\n", + "Completed text 80846\n", + "Completed text 80847\n", + "Completed text 80848\n", + "Completed text 80849\n", + "Completed text 80850\n", + "Completed text 80851\n", + "Completed text 80852\n", + "Completed text 80853\n", + "Completed text 80854\n", + "Completed text 80855\n", + "Completed text 80856\n", + "Completed text 80857\n", + "Completed text 80858\n", + "Completed text 80859\n", + "Completed text 80860\n", + "Completed text 80861\n", + "Completed text 80862\n", + "Completed text 80863\n", + "Completed text 80864\n", + "Completed text 80865\n", + "Completed text 80866\n", + "Completed text 80867\n", + "Completed text 80868\n", + "Completed text 80869\n", + "Completed text 80870\n", + "Completed text 80871\n", + "Completed text 80872\n", + "Completed text 80873\n", + "Completed text 80874\n", + "Completed text 80875\n", + "Completed text 80876\n", + "Completed text 80877\n", + "Completed text 80878\n", + "Completed text 80879\n", + "Completed text 80880\n", + "Completed text 80881\n", + "Completed text 80882\n", + "Completed text 80883\n", + "Completed text 80884\n", + "Completed text 80885\n", + "Completed text 80886\n", + "Completed text 80887\n", + "Completed text 80888\n", + "Completed text 80889\n", + "Completed text 80890\n", + "Completed text 80891\n", + "Completed text 80892\n", + "Completed text 80893\n", + "Completed text 80894\n", + "Completed text 80895\n", + "Completed text 80896\n", + "Completed text 80897\n", + "Completed text 80898\n", + "Completed text 80899\n", + "Completed text 80900\n", + "Completed text 80901\n", + "Completed text 80902\n", + "Completed text 80903\n", + "Completed text 80904\n", + "Completed text 80905\n", + "Completed text 80906\n", + "Completed text 80907\n", + "Completed text 80908\n", + "Completed text 80909\n", + "Completed text 80910\n", + "Completed text 80911\n", + "Completed text 80912\n", + "Completed text 80913\n", + "Completed text 80914\n", + "Completed text 80915\n", + "Completed text 80916\n", + "Completed text 80917\n", + "Completed text 80918\n", + "Completed text 80919\n", + "Completed text 80920\n", + "Completed text 80921\n", + "Completed text 80922\n", + "Completed text 80923\n", + "Completed text 80924\n", + "Completed text 80925\n", + "Completed text 80926\n", + "Completed text 80927\n", + "Completed text 80928\n", + "Completed text 80929\n", + "Completed text 80930\n", + "Completed text 80931\n", + "Completed text 80932\n", + "Completed text 80933\n", + "Completed text 80934\n", + "Completed text 80935\n", + "Completed text 80936\n", + "Completed text 80937\n", + "Completed text 80938\n", + "Completed text 80939\n", + "Completed text 80940\n", + "Completed text 80941\n", + "Completed text 80942\n", + "Completed text 80943\n", + "Completed text 80944\n", + "Completed text 80945\n", + "Completed text 80946\n", + "Completed text 80947\n", + "Completed text 80948\n", + "Completed text 80949\n", + "Completed text 80950\n", + "Completed text 80951\n", + "Completed text 80952\n", + "Completed text 80953\n", + "Completed text 80954\n", + "Completed text 80955\n", + "Completed text 80956\n", + "Completed text 80957\n", + "Completed text 80958\n", + "Completed text 80959\n", + "Completed text 80960\n", + "Completed text 80961\n", + "Completed text 80962\n", + "Completed text 80963\n", + "Completed text 80964\n", + "Completed text 80965\n", + "Completed text 80966\n", + "Completed text 80967\n", + "Completed text 80968\n", + "Completed text 80969\n", + "Completed text 80970\n", + "Completed text 80971\n", + "Completed text 80972\n", + "Completed text 80973\n", + "Completed text 80974\n", + "Completed text 80975\n", + "Completed text 80976\n", + "Completed text 80977\n", + "Completed text 80978\n", + "Completed text 80979\n", + "Completed text 80980\n", + "Completed text 80981\n", + "Completed text 80982\n", + "Completed text 80983\n", + "Completed text 80984\n", + "Completed text 80985\n", + "Completed text 80986\n", + "Completed text 80987\n", + "Completed text 80988\n", + "Completed text 80989\n", + "Completed text 80990\n", + "Completed text 80991\n", + "Completed text 80992\n", + "Completed text 80993\n", + "Completed text 80994\n", + "Completed text 80995\n", + "Completed text 80996\n", + "Completed text 80997\n", + "Completed text 80998\n", + "Completed text 80999\n", + "Completed text 81000\n", + "Completed text 81001\n", + "Completed text 81002\n", + "Completed text 81003\n", + "Completed text 81004\n", + "Completed text 81005\n", + "Completed text 81006\n", + "Completed text 81007\n", + "Completed text 81008\n", + "Completed text 81009\n", + "Completed text 81010\n", + "Completed text 81011\n", + "Completed text 81012\n", + "Completed text 81013\n", + "Completed text 81014\n", + "Completed text 81015\n", + "Completed text 81016\n", + "Completed text 81017\n", + "Completed text 81018\n", + "Completed text 81019\n", + "Completed text 81020\n", + "Completed text 81021\n", + "Completed text 81022\n", + "Completed text 81023\n", + "Completed text 81024\n", + "Completed text 81025\n", + "Completed text 81026\n", + "Completed text 81027\n", + "Completed text 81028\n", + "Completed text 81029\n", + "Completed text 81030\n", + "Completed text 81031\n", + "Completed text 81032\n", + "Completed text 81033\n", + "Completed text 81034\n", + "Completed text 81035\n", + "Completed text 81036\n", + "Completed text 81037\n", + "Completed text 81038\n", + "Completed text 81039\n", + "Completed text 81040\n", + "Completed text 81041\n", + "Completed text 81042\n", + "Completed text 81043\n", + "Completed text 81044\n", + "Completed text 81045\n", + "Completed text 81046\n", + "Completed text 81047\n", + "Completed text 81048\n", + "Completed text 81049\n", + "Completed text 81050\n", + "Completed text 81051\n", + "Completed text 81052\n", + "Completed text 81053\n", + "Completed text 81054\n", + "Completed text 81055\n", + "Completed text 81056\n", + "Completed text 81057\n", + "Completed text 81058\n", + "Completed text 81059\n", + "Completed text 81060\n", + "Completed text 81061\n", + "Completed text 81062\n", + "Completed text 81063\n", + "Completed text 81064\n", + "Completed text 81065\n", + "Completed text 81066\n", + "Completed text 81067\n", + "Completed text 81068\n", + "Completed text 81069\n", + "Completed text 81070\n", + "Completed text 81071\n", + "Completed text 81072\n", + "Completed text 81073\n", + "Completed text 81074\n", + "Completed text 81075\n", + "Completed text 81076\n", + "Completed text 81077\n", + "Completed text 81078\n", + "Completed text 81079\n", + "Completed text 81080\n", + "Completed text 81081\n", + "Completed text 81082\n", + "Completed text 81083\n", + "Completed text 81084\n", + "Completed text 81085\n", + "Completed text 81086\n", + "Completed text 81087\n", + "Completed text 81088\n", + "Completed text 81089\n", + "Completed text 81090\n", + "Completed text 81091\n", + "Completed text 81092\n", + "Completed text 81093\n", + "Completed text 81094\n", + "Completed text 81095\n", + "Completed text 81096\n", + "Completed text 81097\n", + "Completed text 81098\n", + "Completed text 81099\n", + "Completed text 81100\n", + "Completed text 81101\n", + "Completed text 81102\n", + "Completed text 81103\n", + "Completed text 81104\n", + "Completed text 81105\n", + "Completed text 81106\n", + "Completed text 81107\n", + "Completed text 81108\n", + "Completed text 81109\n", + "Completed text 81110\n", + "Completed text 81111\n", + "Completed text 81112\n", + "Completed text 81113\n", + "Completed text 81114\n", + "Completed text 81115\n", + "Completed text 81116\n", + "Completed text 81117\n", + "Completed text 81118\n", + "Completed text 81119\n", + "Completed text 81120\n", + "Completed text 81121\n", + "Completed text 81122\n", + "Completed text 81123\n", + "Completed text 81124\n", + "Completed text 81125\n", + "Completed text 81126\n", + "Completed text 81127\n", + "Completed text 81128\n", + "Completed text 81129\n", + "Completed text 81130\n", + "Completed text 81131\n", + "Completed text 81132\n", + "Completed text 81133\n", + "Completed text 81134\n", + "Completed text 81135\n", + "Completed text 81136\n", + "Completed text 81137\n", + "Completed text 81138\n", + "Completed text 81139\n", + "Completed text 81140\n", + "Completed text 81141\n", + "Completed text 81142\n", + "Completed text 81143\n", + "Completed text 81144\n", + "Completed text 81145\n", + "Completed text 81146\n", + "Completed text 81147\n", + "Completed text 81148\n", + "Completed text 81149\n", + "Completed text 81150\n", + "Completed text 81151\n", + "Completed text 81152\n", + "Completed text 81153\n", + "Completed text 81154\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 81155\n", + "Completed text 81156\n", + "Completed text 81157\n", + "Completed text 81158\n", + "Completed text 81159\n", + "Completed text 81160\n", + "Completed text 81161\n", + "Completed text 81162\n", + "Completed text 81163\n", + "Completed text 81164\n", + "Completed text 81165\n", + "Completed text 81166\n", + "Completed text 81167\n", + "Completed text 81168\n", + "Completed text 81169\n", + "Completed text 81170\n", + "Completed text 81171\n", + "Completed text 81172\n", + "Completed text 81173\n", + "Completed text 81174\n", + "Completed text 81175\n", + "Completed text 81176\n", + "Completed text 81177\n", + "Completed text 81178\n", + "Completed text 81179\n", + "Completed text 81180\n", + "Completed text 81181\n", + "Completed text 81182\n", + "Completed text 81183\n", + "Completed text 81184\n", + "Completed text 81185\n", + "Completed text 81186\n", + "Completed text 81187\n", + "Completed text 81188\n", + "Completed text 81189\n", + "Completed text 81190\n", + "Completed text 81191\n", + "Completed text 81192\n", + "Completed text 81193\n", + "Completed text 81194\n", + "Completed text 81195\n", + "Completed text 81196\n", + "Completed text 81197\n", + "Completed text 81198\n", + "Completed text 81199\n", + "Completed text 81200\n", + "Completed text 81201\n", + "Completed text 81202\n", + "Completed text 81203\n", + "Completed text 81204\n", + "Completed text 81205\n", + "Completed text 81206\n", + "Completed text 81207\n", + "Completed text 81208\n", + "Completed text 81209\n", + "Completed text 81210\n", + "Completed text 81211\n", + "Completed text 81212\n", + "Completed text 81213\n", + "Completed text 81214\n", + "Completed text 81215\n", + "Completed text 81216\n", + "Completed text 81217\n", + "Completed text 81218\n", + "Completed text 81219\n", + "Completed text 81220\n", + "Completed text 81221\n", + "Completed text 81222\n", + "Completed text 81223\n", + "Completed text 81224\n", + "Completed text 81225\n", + "Completed text 81226\n", + "Completed text 81227\n", + "Completed text 81228\n", + "Completed text 81229\n", + "Completed text 81230\n", + "Completed text 81231\n", + "Completed text 81232\n", + "Completed text 81233\n", + "Completed text 81234\n", + "Completed text 81235\n", + "Completed text 81236\n", + "Completed text 81237\n", + "Completed text 81238\n", + "Completed text 81239\n", + "Completed text 81240\n", + "Completed text 81241\n", + "Completed text 81242\n", + "Completed text 81243\n", + "Completed text 81244\n", + "Completed text 81245\n", + "Completed text 81246\n", + "Completed text 81247\n", + "Completed text 81248\n", + "Completed text 81249\n", + "Completed text 81250\n", + "Completed text 81251\n", + "Completed text 81252\n", + "Completed text 81253\n", + "Completed text 81254\n", + "Completed text 81255\n", + "Completed text 81256\n", + "Completed text 81257\n", + "Completed text 81258\n", + "Completed text 81259\n", + "Completed text 81260\n", + "Completed text 81261\n", + "Completed text 81262\n", + "Completed text 81263\n", + "Completed text 81264\n", + "Completed text 81265\n", + "Completed text 81266\n", + "Completed text 81267\n", + "Completed text 81268\n", + "Completed text 81269\n", + "Completed text 81270\n", + "Completed text 81271\n", + "Completed text 81272\n", + "Completed text 81273\n", + "Completed text 81274\n", + "Completed text 81275\n", + "Completed text 81276\n", + "Completed text 81277\n", + "Completed text 81278\n", + "Completed text 81279\n", + "Completed text 81280\n", + "Completed text 81281\n", + "Completed text 81282\n", + "Completed text 81283\n", + "Completed text 81284\n", + "Completed text 81285\n", + "Completed text 81286\n", + "Completed text 81287\n", + "Completed text 81288\n", + "Completed text 81289\n", + "Completed text 81290\n", + "Completed text 81291\n", + "Completed text 81292\n", + "Completed text 81293\n", + "Completed text 81294\n", + "Completed text 81295\n", + "Completed text 81296\n", + "Completed text 81297\n", + "Completed text 81298\n", + "Completed text 81299\n", + "Completed text 81300\n", + "Completed text 81301\n", + "Completed text 81302\n", + "Completed text 81303\n", + "Completed text 81304\n", + "Completed text 81305\n", + "Completed text 81306\n", + "Completed text 81307\n", + "Completed text 81308\n", + "Completed text 81309\n", + "Completed text 81310\n", + "Completed text 81311\n", + "Completed text 81312\n", + "Completed text 81313\n", + "Completed text 81314\n", + "Completed text 81315\n", + "Completed text 81316\n", + "Completed text 81317\n", + "Completed text 81318\n", + "Completed text 81319\n", + "Completed text 81320\n", + "Completed text 81321\n", + "Completed text 81322\n", + "Completed text 81323\n", + "Completed text 81324\n", + "Completed text 81325\n", + "Completed text 81326\n", + "Completed text 81327\n", + "Completed text 81328\n", + "Completed text 81329\n", + "Completed text 81330\n", + "Completed text 81331\n", + "Completed text 81332\n", + "Completed text 81333\n", + "Completed text 81334\n", + "Completed text 81335\n", + "Completed text 81336\n", + "Completed text 81337\n", + "Completed text 81338\n", + "Completed text 81339\n", + "Completed text 81340\n", + "Completed text 81341\n", + "Completed text 81342\n", + "Completed text 81343\n", + "Completed text 81344\n", + "Completed text 81345\n", + "Completed text 81346\n", + "Completed text 81347\n", + "Completed text 81348\n", + "Completed text 81349\n", + "Completed text 81350\n", + "Completed text 81351\n", + "Completed text 81352\n", + "Completed text 81353\n", + "Completed text 81354\n", + "Completed text 81355\n", + "Completed text 81356\n", + "Completed text 81357\n", + "Completed text 81358\n", + "Completed text 81359\n", + "Completed text 81360\n", + "Completed text 81361\n", + "Completed text 81362\n", + "Completed text 81363\n", + "Completed text 81364\n", + "Completed text 81365\n", + "Completed text 81366\n", + "Completed text 81367\n", + "Completed text 81368\n", + "Completed text 81369\n", + "Completed text 81370\n", + "Completed text 81371\n", + "Completed text 81372\n", + "Completed text 81373\n", + "Completed text 81374\n", + "Completed text 81375\n", + "Completed text 81376\n", + "Completed text 81377\n", + "Completed text 81378\n", + "Completed text 81379\n", + "Completed text 81380\n", + "Completed text 81381\n", + "Completed text 81382\n", + "Completed text 81383\n", + "Completed text 81384\n", + "Completed text 81385\n", + "Completed text 81386\n", + "Completed text 81387\n", + "Completed text 81388\n", + "Completed text 81389\n", + "Completed text 81390\n", + "Completed text 81391\n", + "Completed text 81392\n", + "Completed text 81393\n", + "Completed text 81394\n", + "Completed text 81395\n", + "Completed text 81396\n", + "Completed text 81397\n", + "Completed text 81398\n", + "Completed text 81399\n", + "Completed text 81400\n", + "Completed text 81401\n", + "Completed text 81402\n", + "Completed text 81403\n", + "Completed text 81404\n", + "Completed text 81405\n", + "Completed text 81406\n", + "Completed text 81407\n", + "Completed text 81408\n", + "Completed text 81409\n", + "Completed text 81410\n", + "Completed text 81411\n", + "Completed text 81412\n", + "Completed text 81413\n", + "Completed text 81414\n", + "Completed text 81415\n", + "Completed text 81416\n", + "Completed text 81417\n", + "Completed text 81418\n", + "Completed text 81419\n", + "Completed text 81420\n", + "Completed text 81421\n", + "Completed text 81422\n", + "Completed text 81423\n", + "Completed text 81424\n", + "Completed text 81425\n", + "Completed text 81426\n", + "Completed text 81427\n", + "Completed text 81428\n", + "Completed text 81429\n", + "Completed text 81430\n", + "Completed text 81431\n", + "Completed text 81432\n", + "Completed text 81433\n", + "Completed text 81434\n", + "Completed text 81435\n", + "Completed text 81436\n", + "Completed text 81437\n", + "Completed text 81438\n", + "Completed text 81439\n", + "Completed text 81440\n", + "Completed text 81441\n", + "Completed text 81442\n", + "Completed text 81443\n", + "Completed text 81444\n", + "Completed text 81445\n", + "Completed text 81446\n", + "Completed text 81447\n", + "Completed text 81448\n", + "Completed text 81449\n", + "Completed text 81450\n", + "Completed text 81451\n", + "Completed text 81452\n", + "Completed text 81453\n", + "Completed text 81454\n", + "Completed text 81455\n", + "Completed text 81456\n", + "Completed text 81457\n", + "Completed text 81458\n", + "Completed text 81459\n", + "Completed text 81460\n", + "Completed text 81461\n", + "Completed text 81462\n", + "Completed text 81463\n", + "Completed text 81464\n", + "Completed text 81465\n", + "Completed text 81466\n", + "Completed text 81467\n", + "Completed text 81468\n", + "Completed text 81469\n", + "Completed text 81470\n", + "Completed text 81471\n", + "Completed text 81472\n", + "Completed text 81473\n", + "Completed text 81474\n", + "Completed text 81475\n", + "Completed text 81476\n", + "Completed text 81477\n", + "Completed text 81478\n", + "Completed text 81479\n", + "Completed text 81480\n", + "Completed text 81481\n", + "Completed text 81482\n", + "Completed text 81483\n", + "Completed text 81484\n", + "Completed text 81485\n", + "Completed text 81486\n", + "Completed text 81487\n", + "Completed text 81488\n", + "Completed text 81489\n", + "Completed text 81490\n", + "Completed text 81491\n", + "Completed text 81492\n", + "Completed text 81493\n", + "Completed text 81494\n", + "Completed text 81495\n", + "Completed text 81496\n", + "Completed text 81497\n", + "Completed text 81498\n", + "Completed text 81499\n", + "Completed text 81500\n", + "Completed text 81501\n", + "Completed text 81502\n", + "Completed text 81503\n", + "Completed text 81504\n", + "Completed text 81505\n", + "Completed text 81506\n", + "Completed text 81507\n", + "Completed text 81508\n", + "Completed text 81509\n", + "Completed text 81510\n", + "Completed text 81511\n", + "Completed text 81512\n", + "Completed text 81513\n", + "Completed text 81514\n", + "Completed text 81515\n", + "Completed text 81516\n", + "Completed text 81517\n", + "Completed text 81518\n", + "Completed text 81519\n", + "Completed text 81520\n", + "Completed text 81521\n", + "Completed text 81522\n", + "Completed text 81523\n", + "Completed text 81524\n", + "Completed text 81525\n", + "Completed text 81526\n", + "Completed text 81527\n", + "Completed text 81528\n", + "Completed text 81529\n", + "Completed text 81530\n", + "Completed text 81531\n", + "Completed text 81532\n", + "Completed text 81533\n", + "Completed text 81534\n", + "Completed text 81535\n", + "Completed text 81536\n", + "Completed text 81537\n", + "Completed text 81538\n", + "Completed text 81539\n", + "Completed text 81540\n", + "Completed text 81541\n", + "Completed text 81542\n", + "Completed text 81543\n", + "Completed text 81544\n", + "Completed text 81545\n", + "Completed text 81546\n", + "Completed text 81547\n", + "Completed text 81548\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 81549\n", + "Completed text 81550\n", + "Completed text 81551\n", + "Completed text 81552\n", + "Completed text 81553\n", + "Completed text 81554\n", + "Completed text 81555\n", + "Completed text 81556\n", + "Completed text 81557\n", + "Completed text 81558\n", + "Completed text 81559\n", + "Completed text 81560\n", + "Completed text 81561\n", + "Completed text 81562\n", + "Completed text 81563\n", + "Completed text 81564\n", + "Completed text 81565\n", + "Completed text 81566\n", + "Completed text 81567\n", + "Completed text 81568\n", + "Completed text 81569\n", + "Completed text 81570\n", + "Completed text 81571\n", + "Completed text 81572\n", + "Completed text 81573\n", + "Completed text 81574\n", + "Completed text 81575\n", + "Completed text 81576\n", + "Completed text 81577\n", + "Completed text 81578\n", + "Completed text 81579\n", + "Completed text 81580\n", + "Completed text 81581\n", + "Completed text 81582\n", + "Completed text 81583\n", + "Completed text 81584\n", + "Completed text 81585\n", + "Completed text 81586\n", + "Completed text 81587\n", + "Completed text 81588\n", + "Completed text 81589\n", + "Completed text 81590\n", + "Completed text 81591\n", + "Completed text 81592\n", + "Completed text 81593\n", + "Completed text 81594\n", + "Completed text 81595\n", + "Completed text 81596\n", + "Completed text 81597\n", + "Completed text 81598\n", + "Completed text 81599\n", + "Completed text 81600\n", + "Completed text 81601\n", + "Completed text 81602\n", + "Completed text 81603\n", + "Completed text 81604\n", + "Completed text 81605\n", + "Completed text 81606\n", + "Completed text 81607\n", + "Completed text 81608\n", + "Completed text 81609\n", + "Completed text 81610\n", + "Completed text 81611\n", + "Completed text 81612\n", + "Completed text 81613\n", + "Completed text 81614\n", + "Completed text 81615\n", + "Completed text 81616\n", + "Completed text 81617\n", + "Completed text 81618\n", + "Completed text 81619\n", + "Completed text 81620\n", + "Completed text 81621\n", + "Completed text 81622\n", + "Completed text 81623\n", + "Completed text 81624\n", + "Completed text 81625\n", + "Completed text 81626\n", + "Completed text 81627\n", + "Completed text 81628\n", + "Completed text 81629\n", + "Completed text 81630\n", + "Completed text 81631\n", + "Completed text 81632\n", + "Completed text 81633\n", + "Completed text 81634\n", + "Completed text 81635\n", + "Completed text 81636\n", + "Completed text 81637\n", + "Completed text 81638\n", + "Completed text 81639\n", + "Completed text 81640\n", + "Completed text 81641\n", + "Completed text 81642\n", + "Completed text 81643\n", + "Completed text 81644\n", + "Completed text 81645\n", + "Completed text 81646\n", + "Completed text 81647\n", + "Completed text 81648\n", + "Completed text 81649\n", + "Completed text 81650\n", + "Completed text 81651\n", + "Completed text 81652\n", + "Completed text 81653\n", + "Completed text 81654\n", + "Completed text 81655\n", + "Completed text 81656\n", + "Completed text 81657\n", + "Completed text 81658\n", + "Completed text 81659\n", + "Completed text 81660\n", + "Completed text 81661\n", + "Completed text 81662\n", + "Completed text 81663\n", + "Completed text 81664\n", + "Completed text 81665\n", + "Completed text 81666\n", + "Completed text 81667\n", + "Completed text 81668\n", + "Completed text 81669\n", + "Completed text 81670\n", + "Completed text 81671\n", + "Completed text 81672\n", + "Completed text 81673\n", + "Completed text 81674\n", + "Completed text 81675\n", + "Completed text 81676\n", + "Completed text 81677\n", + "Completed text 81678\n", + "Completed text 81679\n", + "Completed text 81680\n", + "Completed text 81681\n", + "Completed text 81682\n", + "Completed text 81683\n", + "Completed text 81684\n", + "Completed text 81685\n", + "Completed text 81686\n", + "Completed text 81687\n", + "Completed text 81688\n", + "Completed text 81689\n", + "Completed text 81690\n", + "Completed text 81691\n", + "Completed text 81692\n", + "Completed text 81693\n", + "Completed text 81694\n", + "Completed text 81695\n", + "Completed text 81696\n", + "Completed text 81697\n", + "Completed text 81698\n", + "Completed text 81699\n", + "Completed text 81700\n", + "Completed text 81701\n", + "Completed text 81702\n", + "Completed text 81703\n", + "Completed text 81704\n", + "Completed text 81705\n", + "Completed text 81706\n", + "Completed text 81707\n", + "Completed text 81708\n", + "Completed text 81709\n", + "Completed text 81710\n", + "Completed text 81711\n", + "Completed text 81712\n", + "Completed text 81713\n", + "Completed text 81714\n", + "Completed text 81715\n", + "Completed text 81716\n", + "Completed text 81717\n", + "Completed text 81718\n", + "Completed text 81719\n", + "Completed text 81720\n", + "Completed text 81721\n", + "Completed text 81722\n", + "Completed text 81723\n", + "Completed text 81724\n", + "Completed text 81725\n", + "Completed text 81726\n", + "Completed text 81727\n", + "Completed text 81728\n", + "Completed text 81729\n", + "Completed text 81730\n", + "Completed text 81731\n", + "Completed text 81732\n", + "Completed text 81733\n", + "Completed text 81734\n", + "Completed text 81735\n", + "Completed text 81736\n", + "Completed text 81737\n", + "Completed text 81738\n", + "Completed text 81739\n", + "Completed text 81740\n", + "Completed text 81741\n", + "Completed text 81742\n", + "Completed text 81743\n", + "Completed text 81744\n", + "Completed text 81745\n", + "Completed text 81746\n", + "Completed text 81747\n", + "Completed text 81748\n", + "Completed text 81749\n", + "Completed text 81750\n", + "Completed text 81751\n", + "Completed text 81752\n", + "Completed text 81753\n", + "Completed text 81754\n", + "Completed text 81755\n", + "Completed text 81756\n", + "Completed text 81757\n", + "Completed text 81758\n", + "Completed text 81759\n", + "Completed text 81760\n", + "Completed text 81761\n", + "Completed text 81762\n", + "Completed text 81763\n", + "Completed text 81764\n", + "Completed text 81765\n", + "Completed text 81766\n", + "Completed text 81767\n", + "Completed text 81768\n", + "Completed text 81769\n", + "Completed text 81770\n", + "Completed text 81771\n", + "Completed text 81772\n", + "Completed text 81773\n", + "Completed text 81774\n", + "Completed text 81775\n", + "Completed text 81776\n", + "Completed text 81777\n", + "Completed text 81778\n", + "Completed text 81779\n", + "Completed text 81780\n", + "Completed text 81781\n", + "Completed text 81782\n", + "Completed text 81783\n", + "Completed text 81784\n", + "Completed text 81785\n", + "Completed text 81786\n", + "Completed text 81787\n", + "Completed text 81788\n", + "Completed text 81789\n", + "Completed text 81790\n", + "Completed text 81791\n", + "Completed text 81792\n", + "Completed text 81793\n", + "Completed text 81794\n", + "Completed text 81795\n", + "Completed text 81796\n", + "Completed text 81797\n", + "Completed text 81798\n", + "Completed text 81799\n", + "Completed text 81800\n", + "Completed text 81801\n", + "Completed text 81802\n", + "Completed text 81803\n", + "Completed text 81804\n", + "Completed text 81805\n", + "Completed text 81806\n", + "Completed text 81807\n", + "Completed text 81808\n", + "Completed text 81809\n", + "Completed text 81810\n", + "Completed text 81811\n", + "Completed text 81812\n", + "Completed text 81813\n", + "Completed text 81814\n", + "Completed text 81815\n", + "Completed text 81816\n", + "Completed text 81817\n", + "Completed text 81818\n", + "Completed text 81819\n", + "Completed text 81820\n", + "Completed text 81821\n", + "Completed text 81822\n", + "Completed text 81823\n", + "Completed text 81824\n", + "Completed text 81825\n", + "Completed text 81826\n", + "Completed text 81827\n", + "Completed text 81828\n", + "Completed text 81829\n", + "Completed text 81830\n", + "Completed text 81831\n", + "Completed text 81832\n", + "Completed text 81833\n", + "Completed text 81834\n", + "Completed text 81835\n", + "Completed text 81836\n", + "Completed text 81837\n", + "Completed text 81838\n", + "Completed text 81839\n", + "Completed text 81840\n", + "Completed text 81841\n", + "Completed text 81842\n", + "Completed text 81843\n", + "Completed text 81844\n", + "Completed text 81845\n", + "Completed text 81846\n", + "Completed text 81847\n", + "Completed text 81848\n", + "Completed text 81849\n", + "Completed text 81850\n", + "Completed text 81851\n", + "Completed text 81852\n", + "Completed text 81853\n", + "Completed text 81854\n", + "Completed text 81855\n", + "Completed text 81856\n", + "Completed text 81857\n", + "Completed text 81858\n", + "Completed text 81859\n", + "Completed text 81860\n", + "Completed text 81861\n", + "Completed text 81862\n", + "Completed text 81863\n", + "Completed text 81864\n", + "Completed text 81865\n", + "Completed text 81866\n", + "Completed text 81867\n", + "Completed text 81868\n", + "Completed text 81869\n", + "Completed text 81870\n", + "Completed text 81871\n", + "Completed text 81872\n", + "Completed text 81873\n", + "Completed text 81874\n", + "Completed text 81875\n", + "Completed text 81876\n", + "Completed text 81877\n", + "Completed text 81878\n", + "Completed text 81879\n", + "Completed text 81880\n", + "Completed text 81881\n", + "Completed text 81882\n", + "Completed text 81883\n", + "Completed text 81884\n", + "Completed text 81885\n", + "Completed text 81886\n", + "Completed text 81887\n", + "Completed text 81888\n", + "Completed text 81889\n", + "Completed text 81890\n", + "Completed text 81891\n", + "Completed text 81892\n", + "Completed text 81893\n", + "Completed text 81894\n", + "Completed text 81895\n", + "Completed text 81896\n", + "Completed text 81897\n", + "Completed text 81898\n", + "Completed text 81899\n", + "Completed text 81900\n", + "Completed text 81901\n", + "Completed text 81902\n", + "Completed text 81903\n", + "Completed text 81904\n", + "Completed text 81905\n", + "Completed text 81906\n", + "Completed text 81907\n", + "Completed text 81908\n", + "Completed text 81909\n", + "Completed text 81910\n", + "Completed text 81911\n", + "Completed text 81912\n", + "Completed text 81913\n", + "Completed text 81914\n", + "Completed text 81915\n", + "Completed text 81916\n", + "Completed text 81917\n", + "Completed text 81918\n", + "Completed text 81919\n", + "Completed text 81920\n", + "Completed text 81921\n", + "Completed text 81922\n", + "Completed text 81923\n", + "Completed text 81924\n", + "Completed text 81925\n", + "Completed text 81926\n", + "Completed text 81927\n", + "Completed text 81928\n", + "Completed text 81929\n", + "Completed text 81930\n", + "Completed text 81931\n", + "Completed text 81932\n", + "Completed text 81933\n", + "Completed text 81934\n", + "Completed text 81935\n", + "Completed text 81936\n", + "Completed text 81937\n", + "Completed text 81938\n", + "Completed text 81939\n", + "Completed text 81940\n", + "Completed text 81941\n", + "Completed text 81942\n", + "Completed text 81943\n", + "Completed text 81944\n", + "Completed text 81945\n", + "Completed text 81946\n", + "Completed text 81947\n", + "Completed text 81948\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 81949\n", + "Completed text 81950\n", + "Completed text 81951\n", + "Completed text 81952\n", + "Completed text 81953\n", + "Completed text 81954\n", + "Completed text 81955\n", + "Completed text 81956\n", + "Completed text 81957\n", + "Completed text 81958\n", + "Completed text 81959\n", + "Completed text 81960\n", + "Completed text 81961\n", + "Completed text 81962\n", + "Completed text 81963\n", + "Completed text 81964\n", + "Completed text 81965\n", + "Completed text 81966\n", + "Completed text 81967\n", + "Completed text 81968\n", + "Completed text 81969\n", + "Completed text 81970\n", + "Completed text 81971\n", + "Completed text 81972\n", + "Completed text 81973\n", + "Completed text 81974\n", + "Completed text 81975\n", + "Completed text 81976\n", + "Completed text 81977\n", + "Completed text 81978\n", + "Completed text 81979\n", + "Completed text 81980\n", + "Completed text 81981\n", + "Completed text 81982\n", + "Completed text 81983\n", + "Completed text 81984\n", + "Completed text 81985\n", + "Completed text 81986\n", + "Completed text 81987\n", + "Completed text 81988\n", + "Completed text 81989\n", + "Completed text 81990\n", + "Completed text 81991\n", + "Completed text 81992\n", + "Completed text 81993\n", + "Completed text 81994\n", + "Completed text 81995\n", + "Completed text 81996\n", + "Completed text 81997\n", + "Completed text 81998\n", + "Completed text 81999\n", + "Completed text 82000\n", + "Completed text 82001\n", + "Completed text 82002\n", + "Completed text 82003\n", + "Completed text 82004\n", + "Completed text 82005\n", + "Completed text 82006\n", + "Completed text 82007\n", + "Completed text 82008\n", + "Completed text 82009\n", + "Completed text 82010\n", + "Completed text 82011\n", + "Completed text 82012\n", + "Completed text 82013\n", + "Completed text 82014\n", + "Completed text 82015\n", + "Completed text 82016\n", + "Completed text 82017\n", + "Completed text 82018\n", + "Completed text 82019\n", + "Completed text 82020\n", + "Completed text 82021\n", + "Completed text 82022\n", + "Completed text 82023\n", + "Completed text 82024\n", + "Completed text 82025\n", + "Completed text 82026\n", + "Completed text 82027\n", + "Completed text 82028\n", + "Completed text 82029\n", + "Completed text 82030\n", + "Completed text 82031\n", + "Completed text 82032\n", + "Completed text 82033\n", + "Completed text 82034\n", + "Completed text 82035\n", + "Completed text 82036\n", + "Completed text 82037\n", + "Completed text 82038\n", + "Completed text 82039\n", + "Completed text 82040\n", + "Completed text 82041\n", + "Completed text 82042\n", + "Completed text 82043\n", + "Completed text 82044\n", + "Completed text 82045\n", + "Completed text 82046\n", + "Completed text 82047\n", + "Completed text 82048\n", + "Completed text 82049\n", + "Completed text 82050\n", + "Completed text 82051\n", + "Completed text 82052\n", + "Completed text 82053\n", + "Completed text 82054\n", + "Completed text 82055\n", + "Completed text 82056\n", + "Completed text 82057\n", + "Completed text 82058\n", + "Completed text 82059\n", + "Completed text 82060\n", + "Completed text 82061\n", + "Completed text 82062\n", + "Completed text 82063\n", + "Completed text 82064\n", + "Completed text 82065\n", + "Completed text 82066\n", + "Completed text 82067\n", + "Completed text 82068\n", + "Completed text 82069\n", + "Completed text 82070\n", + "Completed text 82071\n", + "Completed text 82072\n", + "Completed text 82073\n", + "Completed text 82074\n", + "Completed text 82075\n", + "Completed text 82076\n", + "Completed text 82077\n", + "Completed text 82078\n", + "Completed text 82079\n", + "Completed text 82080\n", + "Completed text 82081\n", + "Completed text 82082\n", + "Completed text 82083\n", + "Completed text 82084\n", + "Completed text 82085\n", + "Completed text 82086\n", + "Completed text 82087\n", + "Completed text 82088\n", + "Completed text 82089\n", + "Completed text 82090\n", + "Completed text 82091\n", + "Completed text 82092\n", + "Completed text 82093\n", + "Completed text 82094\n", + "Completed text 82095\n", + "Completed text 82096\n", + "Completed text 82097\n", + "Completed text 82098\n", + "Completed text 82099\n", + "Completed text 82100\n", + "Completed text 82101\n", + "Completed text 82102\n", + "Completed text 82103\n", + "Completed text 82104\n", + "Completed text 82105\n", + "Completed text 82106\n", + "Completed text 82107\n", + "Completed text 82108\n", + "Completed text 82109\n", + "Completed text 82110\n", + "Completed text 82111\n", + "Completed text 82112\n", + "Completed text 82113\n", + "Completed text 82114\n", + "Completed text 82115\n", + "Completed text 82116\n", + "Completed text 82117\n", + "Completed text 82118\n", + "Completed text 82119\n", + "Completed text 82120\n", + "Completed text 82121\n", + "Completed text 82122\n", + "Completed text 82123\n", + "Completed text 82124\n", + "Completed text 82125\n", + "Completed text 82126\n", + "Completed text 82127\n", + "Completed text 82128\n", + "Completed text 82129\n", + "Completed text 82130\n", + "Completed text 82131\n", + "Completed text 82132\n", + "Completed text 82133\n", + "Completed text 82134\n", + "Completed text 82135\n", + "Completed text 82136\n", + "Completed text 82137\n", + "Completed text 82138\n", + "Completed text 82139\n", + "Completed text 82140\n", + "Completed text 82141\n", + "Completed text 82142\n", + "Completed text 82143\n", + "Completed text 82144\n", + "Completed text 82145\n", + "Completed text 82146\n", + "Completed text 82147\n", + "Completed text 82148\n", + "Completed text 82149\n", + "Completed text 82150\n", + "Completed text 82151\n", + "Completed text 82152\n", + "Completed text 82153\n", + "Completed text 82154\n", + "Completed text 82155\n", + "Completed text 82156\n", + "Completed text 82157\n", + "Completed text 82158\n", + "Completed text 82159\n", + "Completed text 82160\n", + "Completed text 82161\n", + "Completed text 82162\n", + "Completed text 82163\n", + "Completed text 82164\n", + "Completed text 82165\n", + "Completed text 82166\n", + "Completed text 82167\n", + "Completed text 82168\n", + "Completed text 82169\n", + "Completed text 82170\n", + "Completed text 82171\n", + "Completed text 82172\n", + "Completed text 82173\n", + "Completed text 82174\n", + "Completed text 82175\n", + "Completed text 82176\n", + "Completed text 82177\n", + "Completed text 82178\n", + "Completed text 82179\n", + "Completed text 82180\n", + "Completed text 82181\n", + "Completed text 82182\n", + "Completed text 82183\n", + "Completed text 82184\n", + "Completed text 82185\n", + "Completed text 82186\n", + "Completed text 82187\n", + "Completed text 82188\n", + "Completed text 82189\n", + "Completed text 82190\n", + "Completed text 82191\n", + "Completed text 82192\n", + "Completed text 82193\n", + "Completed text 82194\n", + "Completed text 82195\n", + "Completed text 82196\n", + "Completed text 82197\n", + "Completed text 82198\n", + "Completed text 82199\n", + "Completed text 82200\n", + "Completed text 82201\n", + "Completed text 82202\n", + "Completed text 82203\n", + "Completed text 82204\n", + "Completed text 82205\n", + "Completed text 82206\n", + "Completed text 82207\n", + "Completed text 82208\n", + "Completed text 82209\n", + "Completed text 82210\n", + "Completed text 82211\n", + "Completed text 82212\n", + "Completed text 82213\n", + "Completed text 82214\n", + "Completed text 82215\n", + "Completed text 82216\n", + "Completed text 82217\n", + "Completed text 82218\n", + "Completed text 82219\n", + "Completed text 82220\n", + "Completed text 82221\n", + "Completed text 82222\n", + "Completed text 82223\n", + "Completed text 82224\n", + "Completed text 82225\n", + "Completed text 82226\n", + "Completed text 82227\n", + "Completed text 82228\n", + "Completed text 82229\n", + "Completed text 82230\n", + "Completed text 82231\n", + "Completed text 82232\n", + "Completed text 82233\n", + "Completed text 82234\n", + "Completed text 82235\n", + "Completed text 82236\n", + "Completed text 82237\n", + "Completed text 82238\n", + "Completed text 82239\n", + "Completed text 82240\n", + "Completed text 82241\n", + "Completed text 82242\n", + "Completed text 82243\n", + "Completed text 82244\n", + "Completed text 82245\n", + "Completed text 82246\n", + "Completed text 82247\n", + "Completed text 82248\n", + "Completed text 82249\n", + "Completed text 82250\n", + "Completed text 82251\n", + "Completed text 82252\n", + "Completed text 82253\n", + "Completed text 82254\n", + "Completed text 82255\n", + "Completed text 82256\n", + "Completed text 82257\n", + "Completed text 82258\n", + "Completed text 82259\n", + "Completed text 82260\n", + "Completed text 82261\n", + "Completed text 82262\n", + "Completed text 82263\n", + "Completed text 82264\n", + "Completed text 82265\n", + "Completed text 82266\n", + "Completed text 82267\n", + "Completed text 82268\n", + "Completed text 82269\n", + "Completed text 82270\n", + "Completed text 82271\n", + "Completed text 82272\n", + "Completed text 82273\n", + "Completed text 82274\n", + "Completed text 82275\n", + "Completed text 82276\n", + "Completed text 82277\n", + "Completed text 82278\n", + "Completed text 82279\n", + "Completed text 82280\n", + "Completed text 82281\n", + "Completed text 82282\n", + "Completed text 82283\n", + "Completed text 82284\n", + "Completed text 82285\n", + "Completed text 82286\n", + "Completed text 82287\n", + "Completed text 82288\n", + "Completed text 82289\n", + "Completed text 82290\n", + "Completed text 82291\n", + "Completed text 82292\n", + "Completed text 82293\n", + "Completed text 82294\n", + "Completed text 82295\n", + "Completed text 82296\n", + "Completed text 82297\n", + "Completed text 82298\n", + "Completed text 82299\n", + "Completed text 82300\n", + "Completed text 82301\n", + "Completed text 82302\n", + "Completed text 82303\n", + "Completed text 82304\n", + "Completed text 82305\n", + "Completed text 82306\n", + "Completed text 82307\n", + "Completed text 82308\n", + "Completed text 82309\n", + "Completed text 82310\n", + "Completed text 82311\n", + "Completed text 82312\n", + "Completed text 82313\n", + "Completed text 82314\n", + "Completed text 82315\n", + "Completed text 82316\n", + "Completed text 82317\n", + "Completed text 82318\n", + "Completed text 82319\n", + "Completed text 82320\n", + "Completed text 82321\n", + "Completed text 82322\n", + "Completed text 82323\n", + "Completed text 82324\n", + "Completed text 82325\n", + "Completed text 82326\n", + "Completed text 82327\n", + "Completed text 82328\n", + "Completed text 82329\n", + "Completed text 82330\n", + "Completed text 82331\n", + "Completed text 82332\n", + "Completed text 82333\n", + "Completed text 82334\n", + "Completed text 82335\n", + "Completed text 82336\n", + "Completed text 82337\n", + "Completed text 82338\n", + "Completed text 82339\n", + "Completed text 82340\n", + "Completed text 82341\n", + "Completed text 82342\n", + "Completed text 82343\n", + "Completed text 82344\n", + "Completed text 82345\n", + "Completed text 82346\n", + "Completed text 82347\n", + "Completed text 82348\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 82349\n", + "Completed text 82350\n", + "Completed text 82351\n", + "Completed text 82352\n", + "Completed text 82353\n", + "Completed text 82354\n", + "Completed text 82355\n", + "Completed text 82356\n", + "Completed text 82357\n", + "Completed text 82358\n", + "Completed text 82359\n", + "Completed text 82360\n", + "Completed text 82361\n", + "Completed text 82362\n", + "Completed text 82363\n", + "Completed text 82364\n", + "Completed text 82365\n", + "Completed text 82366\n", + "Completed text 82367\n", + "Completed text 82368\n", + "Completed text 82369\n", + "Completed text 82370\n", + "Completed text 82371\n", + "Completed text 82372\n", + "Completed text 82373\n", + "Completed text 82374\n", + "Completed text 82375\n", + "Completed text 82376\n", + "Completed text 82377\n", + "Completed text 82378\n", + "Completed text 82379\n", + "Completed text 82380\n", + "Completed text 82381\n", + "Completed text 82382\n", + "Completed text 82383\n", + "Completed text 82384\n", + "Completed text 82385\n", + "Completed text 82386\n", + "Completed text 82387\n", + "Completed text 82388\n", + "Completed text 82389\n", + "Completed text 82390\n", + "Completed text 82391\n", + "Completed text 82392\n", + "Completed text 82393\n", + "Completed text 82394\n", + "Completed text 82395\n", + "Completed text 82396\n", + "Completed text 82397\n", + "Completed text 82398\n", + "Completed text 82399\n", + "Completed text 82400\n", + "Completed text 82401\n", + "Completed text 82402\n", + "Completed text 82403\n", + "Completed text 82404\n", + "Completed text 82405\n", + "Completed text 82406\n", + "Completed text 82407\n", + "Completed text 82408\n", + "Completed text 82409\n", + "Completed text 82410\n", + "Completed text 82411\n", + "Completed text 82412\n", + "Completed text 82413\n", + "Completed text 82414\n", + "Completed text 82415\n", + "Completed text 82416\n", + "Completed text 82417\n", + "Completed text 82418\n", + "Completed text 82419\n", + "Completed text 82420\n", + "Completed text 82421\n", + "Completed text 82422\n", + "Completed text 82423\n", + "Completed text 82424\n", + "Completed text 82425\n", + "Completed text 82426\n", + "Completed text 82427\n", + "Completed text 82428\n", + "Completed text 82429\n", + "Completed text 82430\n", + "Completed text 82431\n", + "Completed text 82432\n", + "Completed text 82433\n", + "Completed text 82434\n", + "Completed text 82435\n", + "Completed text 82436\n", + "Completed text 82437\n", + "Completed text 82438\n", + "Completed text 82439\n", + "Completed text 82440\n", + "Completed text 82441\n", + "Completed text 82442\n", + "Completed text 82443\n", + "Completed text 82444\n", + "Completed text 82445\n", + "Completed text 82446\n", + "Completed text 82447\n", + "Completed text 82448\n", + "Completed text 82449\n", + "Completed text 82450\n", + "Completed text 82451\n", + "Completed text 82452\n", + "Completed text 82453\n", + "Completed text 82454\n", + "Completed text 82455\n", + "Completed text 82456\n", + "Completed text 82457\n", + "Completed text 82458\n", + "Completed text 82459\n", + "Completed text 82460\n", + "Completed text 82461\n", + "Completed text 82462\n", + "Completed text 82463\n", + "Completed text 82464\n", + "Completed text 82465\n", + "Completed text 82466\n", + "Completed text 82467\n", + "Completed text 82468\n", + "Completed text 82469\n", + "Completed text 82470\n", + "Completed text 82471\n", + "Completed text 82472\n", + "Completed text 82473\n", + "Completed text 82474\n", + "Completed text 82475\n", + "Completed text 82476\n", + "Completed text 82477\n", + "Completed text 82478\n", + "Completed text 82479\n", + "Completed text 82480\n", + "Completed text 82481\n", + "Completed text 82482\n", + "Completed text 82483\n", + "Completed text 82484\n", + "Completed text 82485\n", + "Completed text 82486\n", + "Completed text 82487\n", + "Completed text 82488\n", + "Completed text 82489\n", + "Completed text 82490\n", + "Completed text 82491\n", + "Completed text 82492\n", + "Completed text 82493\n", + "Completed text 82494\n", + "Completed text 82495\n", + "Completed text 82496\n", + "Completed text 82497\n", + "Completed text 82498\n", + "Completed text 82499\n", + "Completed text 82500\n", + "Completed text 82501\n", + "Completed text 82502\n", + "Completed text 82503\n", + "Completed text 82504\n", + "Completed text 82505\n", + "Completed text 82506\n", + "Completed text 82507\n", + "Completed text 82508\n", + "Completed text 82509\n", + "Completed text 82510\n", + "Completed text 82511\n", + "Completed text 82512\n", + "Completed text 82513\n", + "Completed text 82514\n", + "Completed text 82515\n", + "Completed text 82516\n", + "Completed text 82517\n", + "Completed text 82518\n", + "Completed text 82519\n", + "Completed text 82520\n", + "Completed text 82521\n", + "Completed text 82522\n", + "Completed text 82523\n", + "Completed text 82524\n", + "Completed text 82525\n", + "Completed text 82526\n", + "Completed text 82527\n", + "Completed text 82528\n", + "Completed text 82529\n", + "Completed text 82530\n", + "Completed text 82531\n", + "Completed text 82532\n", + "Completed text 82533\n", + "Completed text 82534\n", + "Completed text 82535\n", + "Completed text 82536\n", + "Completed text 82537\n", + "Completed text 82538\n", + "Completed text 82539\n", + "Completed text 82540\n", + "Completed text 82541\n", + "Completed text 82542\n", + "Completed text 82543\n", + "Completed text 82544\n", + "Completed text 82545\n", + "Completed text 82546\n", + "Completed text 82547\n", + "Completed text 82548\n", + "Completed text 82549\n", + "Completed text 82550\n", + "Completed text 82551\n", + "Completed text 82552\n", + "Completed text 82553\n", + "Completed text 82554\n", + "Completed text 82555\n", + "Completed text 82556\n", + "Completed text 82557\n", + "Completed text 82558\n", + "Completed text 82559\n", + "Completed text 82560\n", + "Completed text 82561\n", + "Completed text 82562\n", + "Completed text 82563\n", + "Completed text 82564\n", + "Completed text 82565\n", + "Completed text 82566\n", + "Completed text 82567\n", + "Completed text 82568\n", + "Completed text 82569\n", + "Completed text 82570\n", + "Completed text 82571\n", + "Completed text 82572\n", + "Completed text 82573\n", + "Completed text 82574\n", + "Completed text 82575\n", + "Completed text 82576\n", + "Completed text 82577\n", + "Completed text 82578\n", + "Completed text 82579\n", + "Completed text 82580\n", + "Completed text 82581\n", + "Completed text 82582\n", + "Completed text 82583\n", + "Completed text 82584\n", + "Completed text 82585\n", + "Completed text 82586\n", + "Completed text 82587\n", + "Completed text 82588\n", + "Completed text 82589\n", + "Completed text 82590\n", + "Completed text 82591\n", + "Completed text 82592\n", + "Completed text 82593\n", + "Completed text 82594\n", + "Completed text 82595\n", + "Completed text 82596\n", + "Completed text 82597\n", + "Completed text 82598\n", + "Completed text 82599\n", + "Completed text 82600\n", + "Completed text 82601\n", + "Completed text 82602\n", + "Completed text 82603\n", + "Completed text 82604\n", + "Completed text 82605\n", + "Completed text 82606\n", + "Completed text 82607\n", + "Completed text 82608\n", + "Completed text 82609\n", + "Completed text 82610\n", + "Completed text 82611\n", + "Completed text 82612\n", + "Completed text 82613\n", + "Completed text 82614\n", + "Completed text 82615\n", + "Completed text 82616\n", + "Completed text 82617\n", + "Completed text 82618\n", + "Completed text 82619\n", + "Completed text 82620\n", + "Completed text 82621\n", + "Completed text 82622\n", + "Completed text 82623\n", + "Completed text 82624\n", + "Completed text 82625\n", + "Completed text 82626\n", + "Completed text 82627\n", + "Completed text 82628\n", + "Completed text 82629\n", + "Completed text 82630\n", + "Completed text 82631\n", + "Completed text 82632\n", + "Completed text 82633\n", + "Completed text 82634\n", + "Completed text 82635\n", + "Completed text 82636\n", + "Completed text 82637\n", + "Completed text 82638\n", + "Completed text 82639\n", + "Completed text 82640\n", + "Completed text 82641\n", + "Completed text 82642\n", + "Completed text 82643\n", + "Completed text 82644\n", + "Completed text 82645\n", + "Completed text 82646\n", + "Completed text 82647\n", + "Completed text 82648\n", + "Completed text 82649\n", + "Completed text 82650\n", + "Completed text 82651\n", + "Completed text 82652\n", + "Completed text 82653\n", + "Completed text 82654\n", + "Completed text 82655\n", + "Completed text 82656\n", + "Completed text 82657\n", + "Completed text 82658\n", + "Completed text 82659\n", + "Completed text 82660\n", + "Completed text 82661\n", + "Completed text 82662\n", + "Completed text 82663\n", + "Completed text 82664\n", + "Completed text 82665\n", + "Completed text 82666\n", + "Completed text 82667\n", + "Completed text 82668\n", + "Completed text 82669\n", + "Completed text 82670\n", + "Completed text 82671\n", + "Completed text 82672\n", + "Completed text 82673\n", + "Completed text 82674\n", + "Completed text 82675\n", + "Completed text 82676\n", + "Completed text 82677\n", + "Completed text 82678\n", + "Completed text 82679\n", + "Completed text 82680\n", + "Completed text 82681\n", + "Completed text 82682\n", + "Completed text 82683\n", + "Completed text 82684\n", + "Completed text 82685\n", + "Completed text 82686\n", + "Completed text 82687\n", + "Completed text 82688\n", + "Completed text 82689\n", + "Completed text 82690\n", + "Completed text 82691\n", + "Completed text 82692\n", + "Completed text 82693\n", + "Completed text 82694\n", + "Completed text 82695\n", + "Completed text 82696\n", + "Completed text 82697\n", + "Completed text 82698\n", + "Completed text 82699\n", + "Completed text 82700\n", + "Completed text 82701\n", + "Completed text 82702\n", + "Completed text 82703\n", + "Completed text 82704\n", + "Completed text 82705\n", + "Completed text 82706\n", + "Completed text 82707\n", + "Completed text 82708\n", + "Completed text 82709\n", + "Completed text 82710\n", + "Completed text 82711\n", + "Completed text 82712\n", + "Completed text 82713\n", + "Completed text 82714\n", + "Completed text 82715\n", + "Completed text 82716\n", + "Completed text 82717\n", + "Completed text 82718\n", + "Completed text 82719\n", + "Completed text 82720\n", + "Completed text 82721\n", + "Completed text 82722\n", + "Completed text 82723\n", + "Completed text 82724\n", + "Completed text 82725\n", + "Completed text 82726\n", + "Completed text 82727\n", + "Completed text 82728\n", + "Completed text 82729\n", + "Completed text 82730\n", + "Completed text 82731\n", + "Completed text 82732\n", + "Completed text 82733\n", + "Completed text 82734\n", + "Completed text 82735\n", + "Completed text 82736\n", + "Completed text 82737\n", + "Completed text 82738\n", + "Completed text 82739\n", + "Completed text 82740\n", + "Completed text 82741\n", + "Completed text 82742\n", + "Completed text 82743\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 82744\n", + "Completed text 82745\n", + "Completed text 82746\n", + "Completed text 82747\n", + "Completed text 82748\n", + "Completed text 82749\n", + "Completed text 82750\n", + "Completed text 82751\n", + "Completed text 82752\n", + "Completed text 82753\n", + "Completed text 82754\n", + "Completed text 82755\n", + "Completed text 82756\n", + "Completed text 82757\n", + "Completed text 82758\n", + "Completed text 82759\n", + "Completed text 82760\n", + "Completed text 82761\n", + "Completed text 82762\n", + "Completed text 82763\n", + "Completed text 82764\n", + "Completed text 82765\n", + "Completed text 82766\n", + "Completed text 82767\n", + "Completed text 82768\n", + "Completed text 82769\n", + "Completed text 82770\n", + "Completed text 82771\n", + "Completed text 82772\n", + "Completed text 82773\n", + "Completed text 82774\n", + "Completed text 82775\n", + "Completed text 82776\n", + "Completed text 82777\n", + "Completed text 82778\n", + "Completed text 82779\n", + "Completed text 82780\n", + "Completed text 82781\n", + "Completed text 82782\n", + "Completed text 82783\n", + "Completed text 82784\n", + "Completed text 82785\n", + "Completed text 82786\n", + "Completed text 82787\n", + "Completed text 82788\n", + "Completed text 82789\n", + "Completed text 82790\n", + "Completed text 82791\n", + "Completed text 82792\n", + "Completed text 82793\n", + "Completed text 82794\n", + "Completed text 82795\n", + "Completed text 82796\n", + "Completed text 82797\n", + "Completed text 82798\n", + "Completed text 82799\n", + "Completed text 82800\n", + "Completed text 82801\n", + "Completed text 82802\n", + "Completed text 82803\n", + "Completed text 82804\n", + "Completed text 82805\n", + "Completed text 82806\n", + "Completed text 82807\n", + "Completed text 82808\n", + "Completed text 82809\n", + "Completed text 82810\n", + "Completed text 82811\n", + "Completed text 82812\n", + "Completed text 82813\n", + "Completed text 82814\n", + "Completed text 82815\n", + "Completed text 82816\n", + "Completed text 82817\n", + "Completed text 82818\n", + "Completed text 82819\n", + "Completed text 82820\n", + "Completed text 82821\n", + "Completed text 82822\n", + "Completed text 82823\n", + "Completed text 82824\n", + "Completed text 82825\n", + "Completed text 82826\n", + "Completed text 82827\n", + "Completed text 82828\n", + "Completed text 82829\n", + "Completed text 82830\n", + "Completed text 82831\n", + "Completed text 82832\n", + "Completed text 82833\n", + "Completed text 82834\n", + "Completed text 82835\n", + "Completed text 82836\n", + "Completed text 82837\n", + "Completed text 82838\n", + "Completed text 82839\n", + "Completed text 82840\n", + "Completed text 82841\n", + "Completed text 82842\n", + "Completed text 82843\n", + "Completed text 82844\n", + "Completed text 82845\n", + "Completed text 82846\n", + "Completed text 82847\n", + "Completed text 82848\n", + "Completed text 82849\n", + "Completed text 82850\n", + "Completed text 82851\n", + "Completed text 82852\n", + "Completed text 82853\n", + "Completed text 82854\n", + "Completed text 82855\n", + "Completed text 82856\n", + "Completed text 82857\n", + "Completed text 82858\n", + "Completed text 82859\n", + "Completed text 82860\n", + "Completed text 82861\n", + "Completed text 82862\n", + "Completed text 82863\n", + "Completed text 82864\n", + "Completed text 82865\n", + "Completed text 82866\n", + "Completed text 82867\n", + "Completed text 82868\n", + "Completed text 82869\n", + "Completed text 82870\n", + "Completed text 82871\n", + "Completed text 82872\n", + "Completed text 82873\n", + "Completed text 82874\n", + "Completed text 82875\n", + "Completed text 82876\n", + "Completed text 82877\n", + "Completed text 82878\n", + "Completed text 82879\n", + "Completed text 82880\n", + "Completed text 82881\n", + "Completed text 82882\n", + "Completed text 82883\n", + "Completed text 82884\n", + "Completed text 82885\n", + "Completed text 82886\n", + "Completed text 82887\n", + "Completed text 82888\n", + "Completed text 82889\n", + "Completed text 82890\n", + "Completed text 82891\n", + "Completed text 82892\n", + "Completed text 82893\n", + "Completed text 82894\n", + "Completed text 82895\n", + "Completed text 82896\n", + "Completed text 82897\n", + "Completed text 82898\n", + "Completed text 82899\n", + "Completed text 82900\n", + "Completed text 82901\n", + "Completed text 82902\n", + "Completed text 82903\n", + "Completed text 82904\n", + "Completed text 82905\n", + "Completed text 82906\n", + "Completed text 82907\n", + "Completed text 82908\n", + "Completed text 82909\n", + "Completed text 82910\n", + "Completed text 82911\n", + "Completed text 82912\n", + "Completed text 82913\n", + "Completed text 82914\n", + "Completed text 82915\n", + "Completed text 82916\n", + "Completed text 82917\n", + "Completed text 82918\n", + "Completed text 82919\n", + "Completed text 82920\n", + "Completed text 82921\n", + "Completed text 82922\n", + "Completed text 82923\n", + "Completed text 82924\n", + "Completed text 82925\n", + "Completed text 82926\n", + "Completed text 82927\n", + "Completed text 82928\n", + "Completed text 82929\n", + "Completed text 82930\n", + "Completed text 82931\n", + "Completed text 82932\n", + "Completed text 82933\n", + "Completed text 82934\n", + "Completed text 82935\n", + "Completed text 82936\n", + "Completed text 82937\n", + "Completed text 82938\n", + "Completed text 82939\n", + "Completed text 82940\n", + "Completed text 82941\n", + "Completed text 82942\n", + "Completed text 82943\n", + "Completed text 82944\n", + "Completed text 82945\n", + "Completed text 82946\n", + "Completed text 82947\n", + "Completed text 82948\n", + "Completed text 82949\n", + "Completed text 82950\n", + "Completed text 82951\n", + "Completed text 82952\n", + "Completed text 82953\n", + "Completed text 82954\n", + "Completed text 82955\n", + "Completed text 82956\n", + "Completed text 82957\n", + "Completed text 82958\n", + "Completed text 82959\n", + "Completed text 82960\n", + "Completed text 82961\n", + "Completed text 82962\n", + "Completed text 82963\n", + "Completed text 82964\n", + "Completed text 82965\n", + "Completed text 82966\n", + "Completed text 82967\n", + "Completed text 82968\n", + "Completed text 82969\n", + "Completed text 82970\n", + "Completed text 82971\n", + "Completed text 82972\n", + "Completed text 82973\n", + "Completed text 82974\n", + "Completed text 82975\n", + "Completed text 82976\n", + "Completed text 82977\n", + "Completed text 82978\n", + "Completed text 82979\n", + "Completed text 82980\n", + "Completed text 82981\n", + "Completed text 82982\n", + "Completed text 82983\n", + "Completed text 82984\n", + "Completed text 82985\n", + "Completed text 82986\n", + "Completed text 82987\n", + "Completed text 82988\n", + "Completed text 82989\n", + "Completed text 82990\n", + "Completed text 82991\n", + "Completed text 82992\n", + "Completed text 82993\n", + "Completed text 82994\n", + "Completed text 82995\n", + "Completed text 82996\n", + "Completed text 82997\n", + "Completed text 82998\n", + "Completed text 82999\n", + "Completed text 83000\n", + "Completed text 83001\n", + "Completed text 83002\n", + "Completed text 83003\n", + "Completed text 83004\n", + "Completed text 83005\n", + "Completed text 83006\n", + "Completed text 83007\n", + "Completed text 83008\n", + "Completed text 83009\n", + "Completed text 83010\n", + "Completed text 83011\n", + "Completed text 83012\n", + "Completed text 83013\n", + "Completed text 83014\n", + "Completed text 83015\n", + "Completed text 83016\n", + "Completed text 83017\n", + "Completed text 83018\n", + "Completed text 83019\n", + "Completed text 83020\n", + "Completed text 83021\n", + "Completed text 83022\n", + "Completed text 83023\n", + "Completed text 83024\n", + "Completed text 83025\n", + "Completed text 83026\n", + "Completed text 83027\n", + "Completed text 83028\n", + "Completed text 83029\n", + "Completed text 83030\n", + "Completed text 83031\n", + "Completed text 83032\n", + "Completed text 83033\n", + "Completed text 83034\n", + "Completed text 83035\n", + "Completed text 83036\n", + "Completed text 83037\n", + "Completed text 83038\n", + "Completed text 83039\n", + "Completed text 83040\n", + "Completed text 83041\n", + "Completed text 83042\n", + "Completed text 83043\n", + "Completed text 83044\n", + "Completed text 83045\n", + "Completed text 83046\n", + "Completed text 83047\n", + "Completed text 83048\n", + "Completed text 83049\n", + "Completed text 83050\n", + "Completed text 83051\n", + "Completed text 83052\n", + "Completed text 83053\n", + "Completed text 83054\n", + "Completed text 83055\n", + "Completed text 83056\n", + "Completed text 83057\n", + "Completed text 83058\n", + "Completed text 83059\n", + "Completed text 83060\n", + "Completed text 83061\n", + "Completed text 83062\n", + "Completed text 83063\n", + "Completed text 83064\n", + "Completed text 83065\n", + "Completed text 83066\n", + "Completed text 83067\n", + "Completed text 83068\n", + "Completed text 83069\n", + "Completed text 83070\n", + "Completed text 83071\n", + "Completed text 83072\n", + "Completed text 83073\n", + "Completed text 83074\n", + "Completed text 83075\n", + "Completed text 83076\n", + "Completed text 83077\n", + "Completed text 83078\n", + "Completed text 83079\n", + "Completed text 83080\n", + "Completed text 83081\n", + "Completed text 83082\n", + "Completed text 83083\n", + "Completed text 83084\n", + "Completed text 83085\n", + "Completed text 83086\n", + "Completed text 83087\n", + "Completed text 83088\n", + "Completed text 83089\n", + "Completed text 83090\n", + "Completed text 83091\n", + "Completed text 83092\n", + "Completed text 83093\n", + "Completed text 83094\n", + "Completed text 83095\n", + "Completed text 83096\n", + "Completed text 83097\n", + "Completed text 83098\n", + "Completed text 83099\n", + "Completed text 83100\n", + "Completed text 83101\n", + "Completed text 83102\n", + "Completed text 83103\n", + "Completed text 83104\n", + "Completed text 83105\n", + "Completed text 83106\n", + "Completed text 83107\n", + "Completed text 83108\n", + "Completed text 83109\n", + "Completed text 83110\n", + "Completed text 83111\n", + "Completed text 83112\n", + "Completed text 83113\n", + "Completed text 83114\n", + "Completed text 83115\n", + "Completed text 83116\n", + "Completed text 83117\n", + "Completed text 83118\n", + "Completed text 83119\n", + "Completed text 83120\n", + "Completed text 83121\n", + "Completed text 83122\n", + "Completed text 83123\n", + "Completed text 83124\n", + "Completed text 83125\n", + "Completed text 83126\n", + "Completed text 83127\n", + "Completed text 83128\n", + "Completed text 83129\n", + "Completed text 83130\n", + "Completed text 83131\n", + "Completed text 83132\n", + "Completed text 83133\n", + "Completed text 83134\n", + "Completed text 83135\n", + "Completed text 83136\n", + "Completed text 83137\n", + "Completed text 83138\n", + "Completed text 83139\n", + "Completed text 83140\n", + "Completed text 83141\n", + "Completed text 83142\n", + "Completed text 83143\n", + "Completed text 83144\n", + "Completed text 83145\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 83146\n", + "Completed text 83147\n", + "Completed text 83148\n", + "Completed text 83149\n", + "Completed text 83150\n", + "Completed text 83151\n", + "Completed text 83152\n", + "Completed text 83153\n", + "Completed text 83154\n", + "Completed text 83155\n", + "Completed text 83156\n", + "Completed text 83157\n", + "Completed text 83158\n", + "Completed text 83159\n", + "Completed text 83160\n", + "Completed text 83161\n", + "Completed text 83162\n", + "Completed text 83163\n", + "Completed text 83164\n", + "Completed text 83165\n", + "Completed text 83166\n", + "Completed text 83167\n", + "Completed text 83168\n", + "Completed text 83169\n", + "Completed text 83170\n", + "Completed text 83171\n", + "Completed text 83172\n", + "Completed text 83173\n", + "Completed text 83174\n", + "Completed text 83175\n", + "Completed text 83176\n", + "Completed text 83177\n", + "Completed text 83178\n", + "Completed text 83179\n", + "Completed text 83180\n", + "Completed text 83181\n", + "Completed text 83182\n", + "Completed text 83183\n", + "Completed text 83184\n", + "Completed text 83185\n", + "Completed text 83186\n", + "Completed text 83187\n", + "Completed text 83188\n", + "Completed text 83189\n", + "Completed text 83190\n", + "Completed text 83191\n", + "Completed text 83192\n", + "Completed text 83193\n", + "Completed text 83194\n", + "Completed text 83195\n", + "Completed text 83196\n", + "Completed text 83197\n", + "Completed text 83198\n", + "Completed text 83199\n", + "Completed text 83200\n", + "Completed text 83201\n", + "Completed text 83202\n", + "Completed text 83203\n", + "Completed text 83204\n", + "Completed text 83205\n", + "Completed text 83206\n", + "Completed text 83207\n", + "Completed text 83208\n", + "Completed text 83209\n", + "Completed text 83210\n", + "Completed text 83211\n", + "Completed text 83212\n", + "Completed text 83213\n", + "Completed text 83214\n", + "Completed text 83215\n", + "Completed text 83216\n", + "Completed text 83217\n", + "Completed text 83218\n", + "Completed text 83219\n", + "Completed text 83220\n", + "Completed text 83221\n", + "Completed text 83222\n", + "Completed text 83223\n", + "Completed text 83224\n", + "Completed text 83225\n", + "Completed text 83226\n", + "Completed text 83227\n", + "Completed text 83228\n", + "Completed text 83229\n", + "Completed text 83230\n", + "Completed text 83231\n", + "Completed text 83232\n", + "Completed text 83233\n", + "Completed text 83234\n", + "Completed text 83235\n", + "Completed text 83236\n", + "Completed text 83237\n", + "Completed text 83238\n", + "Completed text 83239\n", + "Completed text 83240\n", + "Completed text 83241\n", + "Completed text 83242\n", + "Completed text 83243\n", + "Completed text 83244\n", + "Completed text 83245\n", + "Completed text 83246\n", + "Completed text 83247\n", + "Completed text 83248\n", + "Completed text 83249\n", + "Completed text 83250\n", + "Completed text 83251\n", + "Completed text 83252\n", + "Completed text 83253\n", + "Completed text 83254\n", + "Completed text 83255\n", + "Completed text 83256\n", + "Completed text 83257\n", + "Completed text 83258\n", + "Completed text 83259\n", + "Completed text 83260\n", + "Completed text 83261\n", + "Completed text 83262\n", + "Completed text 83263\n", + "Completed text 83264\n", + "Completed text 83265\n", + "Completed text 83266\n", + "Completed text 83267\n", + "Completed text 83268\n", + "Completed text 83269\n", + "Completed text 83270\n", + "Completed text 83271\n", + "Completed text 83272\n", + "Completed text 83273\n", + "Completed text 83274\n", + "Completed text 83275\n", + "Completed text 83276\n", + "Completed text 83277\n", + "Completed text 83278\n", + "Completed text 83279\n", + "Completed text 83280\n", + "Completed text 83281\n", + "Completed text 83282\n", + "Completed text 83283\n", + "Completed text 83284\n", + "Completed text 83285\n", + "Completed text 83286\n", + "Completed text 83287\n", + "Completed text 83288\n", + "Completed text 83289\n", + "Completed text 83290\n", + "Completed text 83291\n", + "Completed text 83292\n", + "Completed text 83293\n", + "Completed text 83294\n", + "Completed text 83295\n", + "Completed text 83296\n", + "Completed text 83297\n", + "Completed text 83298\n", + "Completed text 83299\n", + "Completed text 83300\n", + "Completed text 83301\n", + "Completed text 83302\n", + "Completed text 83303\n", + "Completed text 83304\n", + "Completed text 83305\n", + "Completed text 83306\n", + "Completed text 83307\n", + "Completed text 83308\n", + "Completed text 83309\n", + "Completed text 83310\n", + "Completed text 83311\n", + "Completed text 83312\n", + "Completed text 83313\n", + "Completed text 83314\n", + "Completed text 83315\n", + "Completed text 83316\n", + "Completed text 83317\n", + "Completed text 83318\n", + "Completed text 83319\n", + "Completed text 83320\n", + "Completed text 83321\n", + "Completed text 83322\n", + "Completed text 83323\n", + "Completed text 83324\n", + "Completed text 83325\n", + "Completed text 83326\n", + "Completed text 83327\n", + "Completed text 83328\n", + "Completed text 83329\n", + "Completed text 83330\n", + "Completed text 83331\n", + "Completed text 83332\n", + "Completed text 83333\n", + "Completed text 83334\n", + "Completed text 83335\n", + "Completed text 83336\n", + "Completed text 83337\n", + "Completed text 83338\n", + "Completed text 83339\n", + "Completed text 83340\n", + "Completed text 83341\n", + "Completed text 83342\n", + "Completed text 83343\n", + "Completed text 83344\n", + "Completed text 83345\n", + "Completed text 83346\n", + "Completed text 83347\n", + "Completed text 83348\n", + "Completed text 83349\n", + "Completed text 83350\n", + "Completed text 83351\n", + "Completed text 83352\n", + "Completed text 83353\n", + "Completed text 83354\n", + "Completed text 83355\n", + "Completed text 83356\n", + "Completed text 83357\n", + "Completed text 83358\n", + "Completed text 83359\n", + "Completed text 83360\n", + "Completed text 83361\n", + "Completed text 83362\n", + "Completed text 83363\n", + "Completed text 83364\n", + "Completed text 83365\n", + "Completed text 83366\n", + "Completed text 83367\n", + "Completed text 83368\n", + "Completed text 83369\n", + "Completed text 83370\n", + "Completed text 83371\n", + "Completed text 83372\n", + "Completed text 83373\n", + "Completed text 83374\n", + "Completed text 83375\n", + "Completed text 83376\n", + "Completed text 83377\n", + "Completed text 83378\n", + "Completed text 83379\n", + "Completed text 83380\n", + "Completed text 83381\n", + "Completed text 83382\n", + "Completed text 83383\n", + "Completed text 83384\n", + "Completed text 83385\n", + "Completed text 83386\n", + "Completed text 83387\n", + "Completed text 83388\n", + "Completed text 83389\n", + "Completed text 83390\n", + "Completed text 83391\n", + "Completed text 83392\n", + "Completed text 83393\n", + "Completed text 83394\n", + "Completed text 83395\n", + "Completed text 83396\n", + "Completed text 83397\n", + "Completed text 83398\n", + "Completed text 83399\n", + "Completed text 83400\n", + "Completed text 83401\n", + "Completed text 83402\n", + "Completed text 83403\n", + "Completed text 83404\n", + "Completed text 83405\n", + "Completed text 83406\n", + "Completed text 83407\n", + "Completed text 83408\n", + "Completed text 83409\n", + "Completed text 83410\n", + "Completed text 83411\n", + "Completed text 83412\n", + "Completed text 83413\n", + "Completed text 83414\n", + "Completed text 83415\n", + "Completed text 83416\n", + "Completed text 83417\n", + "Completed text 83418\n", + "Completed text 83419\n", + "Completed text 83420\n", + "Completed text 83421\n", + "Completed text 83422\n", + "Completed text 83423\n", + "Completed text 83424\n", + "Completed text 83425\n", + "Completed text 83426\n", + "Completed text 83427\n", + "Completed text 83428\n", + "Completed text 83429\n", + "Completed text 83430\n", + "Completed text 83431\n", + "Completed text 83432\n", + "Completed text 83433\n", + "Completed text 83434\n", + "Completed text 83435\n", + "Completed text 83436\n", + "Completed text 83437\n", + "Completed text 83438\n", + "Completed text 83439\n", + "Completed text 83440\n", + "Completed text 83441\n", + "Completed text 83442\n", + "Completed text 83443\n", + "Completed text 83444\n", + "Completed text 83445\n", + "Completed text 83446\n", + "Completed text 83447\n", + "Completed text 83448\n", + "Completed text 83449\n", + "Completed text 83450\n", + "Completed text 83451\n", + "Completed text 83452\n", + "Completed text 83453\n", + "Completed text 83454\n", + "Completed text 83455\n", + "Completed text 83456\n", + "Completed text 83457\n", + "Completed text 83458\n", + "Completed text 83459\n", + "Completed text 83460\n", + "Completed text 83461\n", + "Completed text 83462\n", + "Completed text 83463\n", + "Completed text 83464\n", + "Completed text 83465\n", + "Completed text 83466\n", + "Completed text 83467\n", + "Completed text 83468\n", + "Completed text 83469\n", + "Completed text 83470\n", + "Completed text 83471\n", + "Completed text 83472\n", + "Completed text 83473\n", + "Completed text 83474\n", + "Completed text 83475\n", + "Completed text 83476\n", + "Completed text 83477\n", + "Completed text 83478\n", + "Completed text 83479\n", + "Completed text 83480\n", + "Completed text 83481\n", + "Completed text 83482\n", + "Completed text 83483\n", + "Completed text 83484\n", + "Completed text 83485\n", + "Completed text 83486\n", + "Completed text 83487\n", + "Completed text 83488\n", + "Completed text 83489\n", + "Completed text 83490\n", + "Completed text 83491\n", + "Completed text 83492\n", + "Completed text 83493\n", + "Completed text 83494\n", + "Completed text 83495\n", + "Completed text 83496\n", + "Completed text 83497\n", + "Completed text 83498\n", + "Completed text 83499\n", + "Completed text 83500\n", + "Completed text 83501\n", + "Completed text 83502\n", + "Completed text 83503\n", + "Completed text 83504\n", + "Completed text 83505\n", + "Completed text 83506\n", + "Completed text 83507\n", + "Completed text 83508\n", + "Completed text 83509\n", + "Completed text 83510\n", + "Completed text 83511\n", + "Completed text 83512\n", + "Completed text 83513\n", + "Completed text 83514\n", + "Completed text 83515\n", + "Completed text 83516\n", + "Completed text 83517\n", + "Completed text 83518\n", + "Completed text 83519\n", + "Completed text 83520\n", + "Completed text 83521\n", + "Completed text 83522\n", + "Completed text 83523\n", + "Completed text 83524\n", + "Completed text 83525\n", + "Completed text 83526\n", + "Completed text 83527\n", + "Completed text 83528\n", + "Completed text 83529\n", + "Completed text 83530\n", + "Completed text 83531\n", + "Completed text 83532\n", + "Completed text 83533\n", + "Completed text 83534\n", + "Completed text 83535\n", + "Completed text 83536\n", + "Completed text 83537\n", + "Completed text 83538\n", + "Completed text 83539\n", + "Completed text 83540\n", + "Completed text 83541\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 83542\n", + "Completed text 83543\n", + "Completed text 83544\n", + "Completed text 83545\n", + "Completed text 83546\n", + "Completed text 83547\n", + "Completed text 83548\n", + "Completed text 83549\n", + "Completed text 83550\n", + "Completed text 83551\n", + "Completed text 83552\n", + "Completed text 83553\n", + "Completed text 83554\n", + "Completed text 83555\n", + "Completed text 83556\n", + "Completed text 83557\n", + "Completed text 83558\n", + "Completed text 83559\n", + "Completed text 83560\n", + "Completed text 83561\n", + "Completed text 83562\n", + "Completed text 83563\n", + "Completed text 83564\n", + "Completed text 83565\n", + "Completed text 83566\n", + "Completed text 83567\n", + "Completed text 83568\n", + "Completed text 83569\n", + "Completed text 83570\n", + "Completed text 83571\n", + "Completed text 83572\n", + "Completed text 83573\n", + "Completed text 83574\n", + "Completed text 83575\n", + "Completed text 83576\n", + "Completed text 83577\n", + "Completed text 83578\n", + "Completed text 83579\n", + "Completed text 83580\n", + "Completed text 83581\n", + "Completed text 83582\n", + "Completed text 83583\n", + "Completed text 83584\n", + "Completed text 83585\n", + "Completed text 83586\n", + "Completed text 83587\n", + "Completed text 83588\n", + "Completed text 83589\n", + "Completed text 83590\n", + "Completed text 83591\n", + "Completed text 83592\n", + "Completed text 83593\n", + "Completed text 83594\n", + "Completed text 83595\n", + "Completed text 83596\n", + "Completed text 83597\n", + "Completed text 83598\n", + "Completed text 83599\n", + "Completed text 83600\n", + "Completed text 83601\n", + "Completed text 83602\n", + "Completed text 83603\n", + "Completed text 83604\n", + "Completed text 83605\n", + "Completed text 83606\n", + "Completed text 83607\n", + "Completed text 83608\n", + "Completed text 83609\n", + "Completed text 83610\n", + "Completed text 83611\n", + "Completed text 83612\n", + "Completed text 83613\n", + "Completed text 83614\n", + "Completed text 83615\n", + "Completed text 83616\n", + "Completed text 83617\n", + "Completed text 83618\n", + "Completed text 83619\n", + "Completed text 83620\n", + "Completed text 83621\n", + "Completed text 83622\n", + "Completed text 83623\n", + "Completed text 83624\n", + "Completed text 83625\n", + "Completed text 83626\n", + "Completed text 83627\n", + "Completed text 83628\n", + "Completed text 83629\n", + "Completed text 83630\n", + "Completed text 83631\n", + "Completed text 83632\n", + "Completed text 83633\n", + "Completed text 83634\n", + "Completed text 83635\n", + "Completed text 83636\n", + "Completed text 83637\n", + "Completed text 83638\n", + "Completed text 83639\n", + "Completed text 83640\n", + "Completed text 83641\n", + "Completed text 83642\n", + "Completed text 83643\n", + "Completed text 83644\n", + "Completed text 83645\n", + "Completed text 83646\n", + "Completed text 83647\n", + "Completed text 83648\n", + "Completed text 83649\n", + "Completed text 83650\n", + "Completed text 83651\n", + "Completed text 83652\n", + "Completed text 83653\n", + "Completed text 83654\n", + "Completed text 83655\n", + "Completed text 83656\n", + "Completed text 83657\n", + "Completed text 83658\n", + "Completed text 83659\n", + "Completed text 83660\n", + "Completed text 83661\n", + "Completed text 83662\n", + "Completed text 83663\n", + "Completed text 83664\n", + "Completed text 83665\n", + "Completed text 83666\n", + "Completed text 83667\n", + "Completed text 83668\n", + "Completed text 83669\n", + "Completed text 83670\n", + "Completed text 83671\n", + "Completed text 83672\n", + "Completed text 83673\n", + "Completed text 83674\n", + "Completed text 83675\n", + "Completed text 83676\n", + "Completed text 83677\n", + "Completed text 83678\n", + "Completed text 83679\n", + "Completed text 83680\n", + "Completed text 83681\n", + "Completed text 83682\n", + "Completed text 83683\n", + "Completed text 83684\n", + "Completed text 83685\n", + "Completed text 83686\n", + "Completed text 83687\n", + "Completed text 83688\n", + "Completed text 83689\n", + "Completed text 83690\n", + "Completed text 83691\n", + "Completed text 83692\n", + "Completed text 83693\n", + "Completed text 83694\n", + "Completed text 83695\n", + "Completed text 83696\n", + "Completed text 83697\n", + "Completed text 83698\n", + "Completed text 83699\n", + "Completed text 83700\n", + "Completed text 83701\n", + "Completed text 83702\n", + "Completed text 83703\n", + "Completed text 83704\n", + "Completed text 83705\n", + "Completed text 83706\n", + "Completed text 83707\n", + "Completed text 83708\n", + "Completed text 83709\n", + "Completed text 83710\n", + "Completed text 83711\n", + "Completed text 83712\n", + "Completed text 83713\n", + "Completed text 83714\n", + "Completed text 83715\n", + "Completed text 83716\n", + "Completed text 83717\n", + "Completed text 83718\n", + "Completed text 83719\n", + "Completed text 83720\n", + "Completed text 83721\n", + "Completed text 83722\n", + "Completed text 83723\n", + "Completed text 83724\n", + "Completed text 83725\n", + "Completed text 83726\n", + "Completed text 83727\n", + "Completed text 83728\n", + "Completed text 83729\n", + "Completed text 83730\n", + "Completed text 83731\n", + "Completed text 83732\n", + "Completed text 83733\n", + "Completed text 83734\n", + "Completed text 83735\n", + "Completed text 83736\n", + "Completed text 83737\n", + "Completed text 83738\n", + "Completed text 83739\n", + "Completed text 83740\n", + "Completed text 83741\n", + "Completed text 83742\n", + "Completed text 83743\n", + "Completed text 83744\n", + "Completed text 83745\n", + "Completed text 83746\n", + "Completed text 83747\n", + "Completed text 83748\n", + "Completed text 83749\n", + "Completed text 83750\n", + "Completed text 83751\n", + "Completed text 83752\n", + "Completed text 83753\n", + "Completed text 83754\n", + "Completed text 83755\n", + "Completed text 83756\n", + "Completed text 83757\n", + "Completed text 83758\n", + "Completed text 83759\n", + "Completed text 83760\n", + "Completed text 83761\n", + "Completed text 83762\n", + "Completed text 83763\n", + "Completed text 83764\n", + "Completed text 83765\n", + "Completed text 83766\n", + "Completed text 83767\n", + "Completed text 83768\n", + "Completed text 83769\n", + "Completed text 83770\n", + "Completed text 83771\n", + "Completed text 83772\n", + "Completed text 83773\n", + "Completed text 83774\n", + "Completed text 83775\n", + "Completed text 83776\n", + "Completed text 83777\n", + "Completed text 83778\n", + "Completed text 83779\n", + "Completed text 83780\n", + "Completed text 83781\n", + "Completed text 83782\n", + "Completed text 83783\n", + "Completed text 83784\n", + "Completed text 83785\n", + "Completed text 83786\n", + "Completed text 83787\n", + "Completed text 83788\n", + "Completed text 83789\n", + "Completed text 83790\n", + "Completed text 83791\n", + "Completed text 83792\n", + "Completed text 83793\n", + "Completed text 83794\n", + "Completed text 83795\n", + "Completed text 83796\n", + "Completed text 83797\n", + "Completed text 83798\n", + "Completed text 83799\n", + "Completed text 83800\n", + "Completed text 83801\n", + "Completed text 83802\n", + "Completed text 83803\n", + "Completed text 83804\n", + "Completed text 83805\n", + "Completed text 83806\n", + "Completed text 83807\n", + "Completed text 83808\n", + "Completed text 83809\n", + "Completed text 83810\n", + "Completed text 83811\n", + "Completed text 83812\n", + "Completed text 83813\n", + "Completed text 83814\n", + "Completed text 83815\n", + "Completed text 83816\n", + "Completed text 83817\n", + "Completed text 83818\n", + "Completed text 83819\n", + "Completed text 83820\n", + "Completed text 83821\n", + "Completed text 83822\n", + "Completed text 83823\n", + "Completed text 83824\n", + "Completed text 83825\n", + "Completed text 83826\n", + "Completed text 83827\n", + "Completed text 83828\n", + "Completed text 83829\n", + "Completed text 83830\n", + "Completed text 83831\n", + "Completed text 83832\n", + "Completed text 83833\n", + "Completed text 83834\n", + "Completed text 83835\n", + "Completed text 83836\n", + "Completed text 83837\n", + "Completed text 83838\n", + "Completed text 83839\n", + "Completed text 83840\n", + "Completed text 83841\n", + "Completed text 83842\n", + "Completed text 83843\n", + "Completed text 83844\n", + "Completed text 83845\n", + "Completed text 83846\n", + "Completed text 83847\n", + "Completed text 83848\n", + "Completed text 83849\n", + "Completed text 83850\n", + "Completed text 83851\n", + "Completed text 83852\n", + "Completed text 83853\n", + "Completed text 83854\n", + "Completed text 83855\n", + "Completed text 83856\n", + "Completed text 83857\n", + "Completed text 83858\n", + "Completed text 83859\n", + "Completed text 83860\n", + "Completed text 83861\n", + "Completed text 83862\n", + "Completed text 83863\n", + "Completed text 83864\n", + "Completed text 83865\n", + "Completed text 83866\n", + "Completed text 83867\n", + "Completed text 83868\n", + "Completed text 83869\n", + "Completed text 83870\n", + "Completed text 83871\n", + "Completed text 83872\n", + "Completed text 83873\n", + "Completed text 83874\n", + "Completed text 83875\n", + "Completed text 83876\n", + "Completed text 83877\n", + "Completed text 83878\n", + "Completed text 83879\n", + "Completed text 83880\n", + "Completed text 83881\n", + "Completed text 83882\n", + "Completed text 83883\n", + "Completed text 83884\n", + "Completed text 83885\n", + "Completed text 83886\n", + "Completed text 83887\n", + "Completed text 83888\n", + "Completed text 83889\n", + "Completed text 83890\n", + "Completed text 83891\n", + "Completed text 83892\n", + "Completed text 83893\n", + "Completed text 83894\n", + "Completed text 83895\n", + "Completed text 83896\n", + "Completed text 83897\n", + "Completed text 83898\n", + "Completed text 83899\n", + "Completed text 83900\n", + "Completed text 83901\n", + "Completed text 83902\n", + "Completed text 83903\n", + "Completed text 83904\n", + "Completed text 83905\n", + "Completed text 83906\n", + "Completed text 83907\n", + "Completed text 83908\n", + "Completed text 83909\n", + "Completed text 83910\n", + "Completed text 83911\n", + "Completed text 83912\n", + "Completed text 83913\n", + "Completed text 83914\n", + "Completed text 83915\n", + "Completed text 83916\n", + "Completed text 83917\n", + "Completed text 83918\n", + "Completed text 83919\n", + "Completed text 83920\n", + "Completed text 83921\n", + "Completed text 83922\n", + "Completed text 83923\n", + "Completed text 83924\n", + "Completed text 83925\n", + "Completed text 83926\n", + "Completed text 83927\n", + "Completed text 83928\n", + "Completed text 83929\n", + "Completed text 83930\n", + "Completed text 83931\n", + "Completed text 83932\n", + "Completed text 83933\n", + "Completed text 83934\n", + "Completed text 83935\n", + "Completed text 83936\n", + "Completed text 83937\n", + "Completed text 83938\n", + "Completed text 83939\n", + "Completed text 83940\n", + "Completed text 83941\n", + "Completed text 83942\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 83943\n", + "Completed text 83944\n", + "Completed text 83945\n", + "Completed text 83946\n", + "Completed text 83947\n", + "Completed text 83948\n", + "Completed text 83949\n", + "Completed text 83950\n", + "Completed text 83951\n", + "Completed text 83952\n", + "Completed text 83953\n", + "Completed text 83954\n", + "Completed text 83955\n", + "Completed text 83956\n", + "Completed text 83957\n", + "Completed text 83958\n", + "Completed text 83959\n", + "Completed text 83960\n", + "Completed text 83961\n", + "Completed text 83962\n", + "Completed text 83963\n", + "Completed text 83964\n", + "Completed text 83965\n", + "Completed text 83966\n", + "Completed text 83967\n", + "Completed text 83968\n", + "Completed text 83969\n", + "Completed text 83970\n", + "Completed text 83971\n", + "Completed text 83972\n", + "Completed text 83973\n", + "Completed text 83974\n", + "Completed text 83975\n", + "Completed text 83976\n", + "Completed text 83977\n", + "Completed text 83978\n", + "Completed text 83979\n", + "Completed text 83980\n", + "Completed text 83981\n", + "Completed text 83982\n", + "Completed text 83983\n", + "Completed text 83984\n", + "Completed text 83985\n", + "Completed text 83986\n", + "Completed text 83987\n", + "Completed text 83988\n", + "Completed text 83989\n", + "Completed text 83990\n", + "Completed text 83991\n", + "Completed text 83992\n", + "Completed text 83993\n", + "Completed text 83994\n", + "Completed text 83995\n", + "Completed text 83996\n", + "Completed text 83997\n", + "Completed text 83998\n", + "Completed text 83999\n", + "Completed text 84000\n", + "Completed text 84001\n", + "Completed text 84002\n", + "Completed text 84003\n", + "Completed text 84004\n", + "Completed text 84005\n", + "Completed text 84006\n", + "Completed text 84007\n", + "Completed text 84008\n", + "Completed text 84009\n", + "Completed text 84010\n", + "Completed text 84011\n", + "Completed text 84012\n", + "Completed text 84013\n", + "Completed text 84014\n", + "Completed text 84015\n", + "Completed text 84016\n", + "Completed text 84017\n", + "Completed text 84018\n", + "Completed text 84019\n", + "Completed text 84020\n", + "Completed text 84021\n", + "Completed text 84022\n", + "Completed text 84023\n", + "Completed text 84024\n", + "Completed text 84025\n", + "Completed text 84026\n", + "Completed text 84027\n", + "Completed text 84028\n", + "Completed text 84029\n", + "Completed text 84030\n", + "Completed text 84031\n", + "Completed text 84032\n", + "Completed text 84033\n", + "Completed text 84034\n", + "Completed text 84035\n", + "Completed text 84036\n", + "Completed text 84037\n", + "Completed text 84038\n", + "Completed text 84039\n", + "Completed text 84040\n", + "Completed text 84041\n", + "Completed text 84042\n", + "Completed text 84043\n", + "Completed text 84044\n", + "Completed text 84045\n", + "Completed text 84046\n", + "Completed text 84047\n", + "Completed text 84048\n", + "Completed text 84049\n", + "Completed text 84050\n", + "Completed text 84051\n", + "Completed text 84052\n", + "Completed text 84053\n", + "Completed text 84054\n", + "Completed text 84055\n", + "Completed text 84056\n", + "Completed text 84057\n", + "Completed text 84058\n", + "Completed text 84059\n", + "Completed text 84060\n", + "Completed text 84061\n", + "Completed text 84062\n", + "Completed text 84063\n", + "Completed text 84064\n", + "Completed text 84065\n", + "Completed text 84066\n", + "Completed text 84067\n", + "Completed text 84068\n", + "Completed text 84069\n", + "Completed text 84070\n", + "Completed text 84071\n", + "Completed text 84072\n", + "Completed text 84073\n", + "Completed text 84074\n", + "Completed text 84075\n", + "Completed text 84076\n", + "Completed text 84077\n", + "Completed text 84078\n", + "Completed text 84079\n", + "Completed text 84080\n", + "Completed text 84081\n", + "Completed text 84082\n", + "Completed text 84083\n", + "Completed text 84084\n", + "Completed text 84085\n", + "Completed text 84086\n", + "Completed text 84087\n", + "Completed text 84088\n", + "Completed text 84089\n", + "Completed text 84090\n", + "Completed text 84091\n", + "Completed text 84092\n", + "Completed text 84093\n", + "Completed text 84094\n", + "Completed text 84095\n", + "Completed text 84096\n", + "Completed text 84097\n", + "Completed text 84098\n", + "Completed text 84099\n", + "Completed text 84100\n", + "Completed text 84101\n", + "Completed text 84102\n", + "Completed text 84103\n", + "Completed text 84104\n", + "Completed text 84105\n", + "Completed text 84106\n", + "Completed text 84107\n", + "Completed text 84108\n", + "Completed text 84109\n", + "Completed text 84110\n", + "Completed text 84111\n", + "Completed text 84112\n", + "Completed text 84113\n", + "Completed text 84114\n", + "Completed text 84115\n", + "Completed text 84116\n", + "Completed text 84117\n", + "Completed text 84118\n", + "Completed text 84119\n", + "Completed text 84120\n", + "Completed text 84121\n", + "Completed text 84122\n", + "Completed text 84123\n", + "Completed text 84124\n", + "Completed text 84125\n", + "Completed text 84126\n", + "Completed text 84127\n", + "Completed text 84128\n", + "Completed text 84129\n", + "Completed text 84130\n", + "Completed text 84131\n", + "Completed text 84132\n", + "Completed text 84133\n", + "Completed text 84134\n", + "Completed text 84135\n", + "Completed text 84136\n", + "Completed text 84137\n", + "Completed text 84138\n", + "Completed text 84139\n", + "Completed text 84140\n", + "Completed text 84141\n", + "Completed text 84142\n", + "Completed text 84143\n", + "Completed text 84144\n", + "Completed text 84145\n", + "Completed text 84146\n", + "Completed text 84147\n", + "Completed text 84148\n", + "Completed text 84149\n", + "Completed text 84150\n", + "Completed text 84151\n", + "Completed text 84152\n", + "Completed text 84153\n", + "Completed text 84154\n", + "Completed text 84155\n", + "Completed text 84156\n", + "Completed text 84157\n", + "Completed text 84158\n", + "Completed text 84159\n", + "Completed text 84160\n", + "Completed text 84161\n", + "Completed text 84162\n", + "Completed text 84163\n", + "Completed text 84164\n", + "Completed text 84165\n", + "Completed text 84166\n", + "Completed text 84167\n", + "Completed text 84168\n", + "Completed text 84169\n", + "Completed text 84170\n", + "Completed text 84171\n", + "Completed text 84172\n", + "Completed text 84173\n", + "Completed text 84174\n", + "Completed text 84175\n", + "Completed text 84176\n", + "Completed text 84177\n", + "Completed text 84178\n", + "Completed text 84179\n", + "Completed text 84180\n", + "Completed text 84181\n", + "Completed text 84182\n", + "Completed text 84183\n", + "Completed text 84184\n", + "Completed text 84185\n", + "Completed text 84186\n", + "Completed text 84187\n", + "Completed text 84188\n", + "Completed text 84189\n", + "Completed text 84190\n", + "Completed text 84191\n", + "Completed text 84192\n", + "Completed text 84193\n", + "Completed text 84194\n", + "Completed text 84195\n", + "Completed text 84196\n", + "Completed text 84197\n", + "Completed text 84198\n", + "Completed text 84199\n", + "Completed text 84200\n", + "Completed text 84201\n", + "Completed text 84202\n", + "Completed text 84203\n", + "Completed text 84204\n", + "Completed text 84205\n", + "Completed text 84206\n", + "Completed text 84207\n", + "Completed text 84208\n", + "Completed text 84209\n", + "Completed text 84210\n", + "Completed text 84211\n", + "Completed text 84212\n", + "Completed text 84213\n", + "Completed text 84214\n", + "Completed text 84215\n", + "Completed text 84216\n", + "Completed text 84217\n", + "Completed text 84218\n", + "Completed text 84219\n", + "Completed text 84220\n", + "Completed text 84221\n", + "Completed text 84222\n", + "Completed text 84223\n", + "Completed text 84224\n", + "Completed text 84225\n", + "Completed text 84226\n", + "Completed text 84227\n", + "Completed text 84228\n", + "Completed text 84229\n", + "Completed text 84230\n", + "Completed text 84231\n", + "Completed text 84232\n", + "Completed text 84233\n", + "Completed text 84234\n", + "Completed text 84235\n", + "Completed text 84236\n", + "Completed text 84237\n", + "Completed text 84238\n", + "Completed text 84239\n", + "Completed text 84240\n", + "Completed text 84241\n", + "Completed text 84242\n", + "Completed text 84243\n", + "Completed text 84244\n", + "Completed text 84245\n", + "Completed text 84246\n", + "Completed text 84247\n", + "Completed text 84248\n", + "Completed text 84249\n", + "Completed text 84250\n", + "Completed text 84251\n", + "Completed text 84252\n", + "Completed text 84253\n", + "Completed text 84254\n", + "Completed text 84255\n", + "Completed text 84256\n", + "Completed text 84257\n", + "Completed text 84258\n", + "Completed text 84259\n", + "Completed text 84260\n", + "Completed text 84261\n", + "Completed text 84262\n", + "Completed text 84263\n", + "Completed text 84264\n", + "Completed text 84265\n", + "Completed text 84266\n", + "Completed text 84267\n", + "Completed text 84268\n", + "Completed text 84269\n", + "Completed text 84270\n", + "Completed text 84271\n", + "Completed text 84272\n", + "Completed text 84273\n", + "Completed text 84274\n", + "Completed text 84275\n", + "Completed text 84276\n", + "Completed text 84277\n", + "Completed text 84278\n", + "Completed text 84279\n", + "Completed text 84280\n", + "Completed text 84281\n", + "Completed text 84282\n", + "Completed text 84283\n", + "Completed text 84284\n", + "Completed text 84285\n", + "Completed text 84286\n", + "Completed text 84287\n", + "Completed text 84288\n", + "Completed text 84289\n", + "Completed text 84290\n", + "Completed text 84291\n", + "Completed text 84292\n", + "Completed text 84293\n", + "Completed text 84294\n", + "Completed text 84295\n", + "Completed text 84296\n", + "Completed text 84297\n", + "Completed text 84298\n", + "Completed text 84299\n", + "Completed text 84300\n", + "Completed text 84301\n", + "Completed text 84302\n", + "Completed text 84303\n", + "Completed text 84304\n", + "Completed text 84305\n", + "Completed text 84306\n", + "Completed text 84307\n", + "Completed text 84308\n", + "Completed text 84309\n", + "Completed text 84310\n", + "Completed text 84311\n", + "Completed text 84312\n", + "Completed text 84313\n", + "Completed text 84314\n", + "Completed text 84315\n", + "Completed text 84316\n", + "Completed text 84317\n", + "Completed text 84318\n", + "Completed text 84319\n", + "Completed text 84320\n", + "Completed text 84321\n", + "Completed text 84322\n", + "Completed text 84323\n", + "Completed text 84324\n", + "Completed text 84325\n", + "Completed text 84326\n", + "Completed text 84327\n", + "Completed text 84328\n", + "Completed text 84329\n", + "Completed text 84330\n", + "Completed text 84331\n", + "Completed text 84332\n", + "Completed text 84333\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 84334\n", + "Completed text 84335\n", + "Completed text 84336\n", + "Completed text 84337\n", + "Completed text 84338\n", + "Completed text 84339\n", + "Completed text 84340\n", + "Completed text 84341\n", + "Completed text 84342\n", + "Completed text 84343\n", + "Completed text 84344\n", + "Completed text 84345\n", + "Completed text 84346\n", + "Completed text 84347\n", + "Completed text 84348\n", + "Completed text 84349\n", + "Completed text 84350\n", + "Completed text 84351\n", + "Completed text 84352\n", + "Completed text 84353\n", + "Completed text 84354\n", + "Completed text 84355\n", + "Completed text 84356\n", + "Completed text 84357\n", + "Completed text 84358\n", + "Completed text 84359\n", + "Completed text 84360\n", + "Completed text 84361\n", + "Completed text 84362\n", + "Completed text 84363\n", + "Completed text 84364\n", + "Completed text 84365\n", + "Completed text 84366\n", + "Completed text 84367\n", + "Completed text 84368\n", + "Completed text 84369\n", + "Completed text 84370\n", + "Completed text 84371\n", + "Completed text 84372\n", + "Completed text 84373\n", + "Completed text 84374\n", + "Completed text 84375\n", + "Completed text 84376\n", + "Completed text 84377\n", + "Completed text 84378\n", + "Completed text 84379\n", + "Completed text 84380\n", + "Completed text 84381\n", + "Completed text 84382\n", + "Completed text 84383\n", + "Completed text 84384\n", + "Completed text 84385\n", + "Completed text 84386\n", + "Completed text 84387\n", + "Completed text 84388\n", + "Completed text 84389\n", + "Completed text 84390\n", + "Completed text 84391\n", + "Completed text 84392\n", + "Completed text 84393\n", + "Completed text 84394\n", + "Completed text 84395\n", + "Completed text 84396\n", + "Completed text 84397\n", + "Completed text 84398\n", + "Completed text 84399\n", + "Completed text 84400\n", + "Completed text 84401\n", + "Completed text 84402\n", + "Completed text 84403\n", + "Completed text 84404\n", + "Completed text 84405\n", + "Completed text 84406\n", + "Completed text 84407\n", + "Completed text 84408\n", + "Completed text 84409\n", + "Completed text 84410\n", + "Completed text 84411\n", + "Completed text 84412\n", + "Completed text 84413\n", + "Completed text 84414\n", + "Completed text 84415\n", + "Completed text 84416\n", + "Completed text 84417\n", + "Completed text 84418\n", + "Completed text 84419\n", + "Completed text 84420\n", + "Completed text 84421\n", + "Completed text 84422\n", + "Completed text 84423\n", + "Completed text 84424\n", + "Completed text 84425\n", + "Completed text 84426\n", + "Completed text 84427\n", + "Completed text 84428\n", + "Completed text 84429\n", + "Completed text 84430\n", + "Completed text 84431\n", + "Completed text 84432\n", + "Completed text 84433\n", + "Completed text 84434\n", + "Completed text 84435\n", + "Completed text 84436\n", + "Completed text 84437\n", + "Completed text 84438\n", + "Completed text 84439\n", + "Completed text 84440\n", + "Completed text 84441\n", + "Completed text 84442\n", + "Completed text 84443\n", + "Completed text 84444\n", + "Completed text 84445\n", + "Completed text 84446\n", + "Completed text 84447\n", + "Completed text 84448\n", + "Completed text 84449\n", + "Completed text 84450\n", + "Completed text 84451\n", + "Completed text 84452\n", + "Completed text 84453\n", + "Completed text 84454\n", + "Completed text 84455\n", + "Completed text 84456\n", + "Completed text 84457\n", + "Completed text 84458\n", + "Completed text 84459\n", + "Completed text 84460\n", + "Completed text 84461\n", + "Completed text 84462\n", + "Completed text 84463\n", + "Completed text 84464\n", + "Completed text 84465\n", + "Completed text 84466\n", + "Completed text 84467\n", + "Completed text 84468\n", + "Completed text 84469\n", + "Completed text 84470\n", + "Completed text 84471\n", + "Completed text 84472\n", + "Completed text 84473\n", + "Completed text 84474\n", + "Completed text 84475\n", + "Completed text 84476\n", + "Completed text 84477\n", + "Completed text 84478\n", + "Completed text 84479\n", + "Completed text 84480\n", + "Completed text 84481\n", + "Completed text 84482\n", + "Completed text 84483\n", + "Completed text 84484\n", + "Completed text 84485\n", + "Completed text 84486\n", + "Completed text 84487\n", + "Completed text 84488\n", + "Completed text 84489\n", + "Completed text 84490\n", + "Completed text 84491\n", + "Completed text 84492\n", + "Completed text 84493\n", + "Completed text 84494\n", + "Completed text 84495\n", + "Completed text 84496\n", + "Completed text 84497\n", + "Completed text 84498\n", + "Completed text 84499\n", + "Completed text 84500\n", + "Completed text 84501\n", + "Completed text 84502\n", + "Completed text 84503\n", + "Completed text 84504\n", + "Completed text 84505\n", + "Completed text 84506\n", + "Completed text 84507\n", + "Completed text 84508\n", + "Completed text 84509\n", + "Completed text 84510\n", + "Completed text 84511\n", + "Completed text 84512\n", + "Completed text 84513\n", + "Completed text 84514\n", + "Completed text 84515\n", + "Completed text 84516\n", + "Completed text 84517\n", + "Completed text 84518\n", + "Completed text 84519\n", + "Completed text 84520\n", + "Completed text 84521\n", + "Completed text 84522\n", + "Completed text 84523\n", + "Completed text 84524\n", + "Completed text 84525\n", + "Completed text 84526\n", + "Completed text 84527\n", + "Completed text 84528\n", + "Completed text 84529\n", + "Completed text 84530\n", + "Completed text 84531\n", + "Completed text 84532\n", + "Completed text 84533\n", + "Completed text 84534\n", + "Completed text 84535\n", + "Completed text 84536\n", + "Completed text 84537\n", + "Completed text 84538\n", + "Completed text 84539\n", + "Completed text 84540\n", + "Completed text 84541\n", + "Completed text 84542\n", + "Completed text 84543\n", + "Completed text 84544\n", + "Completed text 84545\n", + "Completed text 84546\n", + "Completed text 84547\n", + "Completed text 84548\n", + "Completed text 84549\n", + "Completed text 84550\n", + "Completed text 84551\n", + "Completed text 84552\n", + "Completed text 84553\n", + "Completed text 84554\n", + "Completed text 84555\n", + "Completed text 84556\n", + "Completed text 84557\n", + "Completed text 84558\n", + "Completed text 84559\n", + "Completed text 84560\n", + "Completed text 84561\n", + "Completed text 84562\n", + "Completed text 84563\n", + "Completed text 84564\n", + "Completed text 84565\n", + "Completed text 84566\n", + "Completed text 84567\n", + "Completed text 84568\n", + "Completed text 84569\n", + "Completed text 84570\n", + "Completed text 84571\n", + "Completed text 84572\n", + "Completed text 84573\n", + "Completed text 84574\n", + "Completed text 84575\n", + "Completed text 84576\n", + "Completed text 84577\n", + "Completed text 84578\n", + "Completed text 84579\n", + "Completed text 84580\n", + "Completed text 84581\n", + "Completed text 84582\n", + "Completed text 84583\n", + "Completed text 84584\n", + "Completed text 84585\n", + "Completed text 84586\n", + "Completed text 84587\n", + "Completed text 84588\n", + "Completed text 84589\n", + "Completed text 84590\n", + "Completed text 84591\n", + "Completed text 84592\n", + "Completed text 84593\n", + "Completed text 84594\n", + "Completed text 84595\n", + "Completed text 84596\n", + "Completed text 84597\n", + "Completed text 84598\n", + "Completed text 84599\n", + "Completed text 84600\n", + "Completed text 84601\n", + "Completed text 84602\n", + "Completed text 84603\n", + "Completed text 84604\n", + "Completed text 84605\n", + "Completed text 84606\n", + "Completed text 84607\n", + "Completed text 84608\n", + "Completed text 84609\n", + "Completed text 84610\n", + "Completed text 84611\n", + "Completed text 84612\n", + "Completed text 84613\n", + "Completed text 84614\n", + "Completed text 84615\n", + "Completed text 84616\n", + "Completed text 84617\n", + "Completed text 84618\n", + "Completed text 84619\n", + "Completed text 84620\n", + "Completed text 84621\n", + "Completed text 84622\n", + "Completed text 84623\n", + "Completed text 84624\n", + "Completed text 84625\n", + "Completed text 84626\n", + "Completed text 84627\n", + "Completed text 84628\n", + "Completed text 84629\n", + "Completed text 84630\n", + "Completed text 84631\n", + "Completed text 84632\n", + "Completed text 84633\n", + "Completed text 84634\n", + "Completed text 84635\n", + "Completed text 84636\n", + "Completed text 84637\n", + "Completed text 84638\n", + "Completed text 84639\n", + "Completed text 84640\n", + "Completed text 84641\n", + "Completed text 84642\n", + "Completed text 84643\n", + "Completed text 84644\n", + "Completed text 84645\n", + "Completed text 84646\n", + "Completed text 84647\n", + "Completed text 84648\n", + "Completed text 84649\n", + "Completed text 84650\n", + "Completed text 84651\n", + "Completed text 84652\n", + "Completed text 84653\n", + "Completed text 84654\n", + "Completed text 84655\n", + "Completed text 84656\n", + "Completed text 84657\n", + "Completed text 84658\n", + "Completed text 84659\n", + "Completed text 84660\n", + "Completed text 84661\n", + "Completed text 84662\n", + "Completed text 84663\n", + "Completed text 84664\n", + "Completed text 84665\n", + "Completed text 84666\n", + "Completed text 84667\n", + "Completed text 84668\n", + "Completed text 84669\n", + "Completed text 84670\n", + "Completed text 84671\n", + "Completed text 84672\n", + "Completed text 84673\n", + "Completed text 84674\n", + "Completed text 84675\n", + "Completed text 84676\n", + "Completed text 84677\n", + "Completed text 84678\n", + "Completed text 84679\n", + "Completed text 84680\n", + "Completed text 84681\n", + "Completed text 84682\n", + "Completed text 84683\n", + "Completed text 84684\n", + "Completed text 84685\n", + "Completed text 84686\n", + "Completed text 84687\n", + "Completed text 84688\n", + "Completed text 84689\n", + "Completed text 84690\n", + "Completed text 84691\n", + "Completed text 84692\n", + "Completed text 84693\n", + "Completed text 84694\n", + "Completed text 84695\n", + "Completed text 84696\n", + "Completed text 84697\n", + "Completed text 84698\n", + "Completed text 84699\n", + "Completed text 84700\n", + "Completed text 84701\n", + "Completed text 84702\n", + "Completed text 84703\n", + "Completed text 84704\n", + "Completed text 84705\n", + "Completed text 84706\n", + "Completed text 84707\n", + "Completed text 84708\n", + "Completed text 84709\n", + "Completed text 84710\n", + "Completed text 84711\n", + "Completed text 84712\n", + "Completed text 84713\n", + "Completed text 84714\n", + "Completed text 84715\n", + "Completed text 84716\n", + "Completed text 84717\n", + "Completed text 84718\n", + "Completed text 84719\n", + "Completed text 84720\n", + "Completed text 84721\n", + "Completed text 84722\n", + "Completed text 84723\n", + "Completed text 84724\n", + "Completed text 84725\n", + "Completed text 84726\n", + "Completed text 84727\n", + "Completed text 84728\n", + "Completed text 84729\n", + "Completed text 84730\n", + "Completed text 84731\n", + "Completed text 84732\n", + "Completed text 84733\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 84734\n", + "Completed text 84735\n", + "Completed text 84736\n", + "Completed text 84737\n", + "Completed text 84738\n", + "Completed text 84739\n", + "Completed text 84740\n", + "Completed text 84741\n", + "Completed text 84742\n", + "Completed text 84743\n", + "Completed text 84744\n", + "Completed text 84745\n", + "Completed text 84746\n", + "Completed text 84747\n", + "Completed text 84748\n", + "Completed text 84749\n", + "Completed text 84750\n", + "Completed text 84751\n", + "Completed text 84752\n", + "Completed text 84753\n", + "Completed text 84754\n", + "Completed text 84755\n", + "Completed text 84756\n", + "Completed text 84757\n", + "Completed text 84758\n", + "Completed text 84759\n", + "Completed text 84760\n", + "Completed text 84761\n", + "Completed text 84762\n", + "Completed text 84763\n", + "Completed text 84764\n", + "Completed text 84765\n", + "Completed text 84766\n", + "Completed text 84767\n", + "Completed text 84768\n", + "Completed text 84769\n", + "Completed text 84770\n", + "Completed text 84771\n", + "Completed text 84772\n", + "Completed text 84773\n", + "Completed text 84774\n", + "Completed text 84775\n", + "Completed text 84776\n", + "Completed text 84777\n", + "Completed text 84778\n", + "Completed text 84779\n", + "Completed text 84780\n", + "Completed text 84781\n", + "Completed text 84782\n", + "Completed text 84783\n", + "Completed text 84784\n", + "Completed text 84785\n", + "Completed text 84786\n", + "Completed text 84787\n", + "Completed text 84788\n", + "Completed text 84789\n", + "Completed text 84790\n", + "Completed text 84791\n", + "Completed text 84792\n", + "Completed text 84793\n", + "Completed text 84794\n", + "Completed text 84795\n", + "Completed text 84796\n", + "Completed text 84797\n", + "Completed text 84798\n", + "Completed text 84799\n", + "Completed text 84800\n", + "Completed text 84801\n", + "Completed text 84802\n", + "Completed text 84803\n", + "Completed text 84804\n", + "Completed text 84805\n", + "Completed text 84806\n", + "Completed text 84807\n", + "Completed text 84808\n", + "Completed text 84809\n", + "Completed text 84810\n", + "Completed text 84811\n", + "Completed text 84812\n", + "Completed text 84813\n", + "Completed text 84814\n", + "Completed text 84815\n", + "Completed text 84816\n", + "Completed text 84817\n", + "Completed text 84818\n", + "Completed text 84819\n", + "Completed text 84820\n", + "Completed text 84821\n", + "Completed text 84822\n", + "Completed text 84823\n", + "Completed text 84824\n", + "Completed text 84825\n", + "Completed text 84826\n", + "Completed text 84827\n", + "Completed text 84828\n", + "Completed text 84829\n", + "Completed text 84830\n", + "Completed text 84831\n", + "Completed text 84832\n", + "Completed text 84833\n", + "Completed text 84834\n", + "Completed text 84835\n", + "Completed text 84836\n", + "Completed text 84837\n", + "Completed text 84838\n", + "Completed text 84839\n", + "Completed text 84840\n", + "Completed text 84841\n", + "Completed text 84842\n", + "Completed text 84843\n", + "Completed text 84844\n", + "Completed text 84845\n", + "Completed text 84846\n", + "Completed text 84847\n", + "Completed text 84848\n", + "Completed text 84849\n", + "Completed text 84850\n", + "Completed text 84851\n", + "Completed text 84852\n", + "Completed text 84853\n", + "Completed text 84854\n", + "Completed text 84855\n", + "Completed text 84856\n", + "Completed text 84857\n", + "Completed text 84858\n", + "Completed text 84859\n", + "Completed text 84860\n", + "Completed text 84861\n", + "Completed text 84862\n", + "Completed text 84863\n", + "Completed text 84864\n", + "Completed text 84865\n", + "Completed text 84866\n", + "Completed text 84867\n", + "Completed text 84868\n", + "Completed text 84869\n", + "Completed text 84870\n", + "Completed text 84871\n", + "Completed text 84872\n", + "Completed text 84873\n", + "Completed text 84874\n", + "Completed text 84875\n", + "Completed text 84876\n", + "Completed text 84877\n", + "Completed text 84878\n", + "Completed text 84879\n", + "Completed text 84880\n", + "Completed text 84881\n", + "Completed text 84882\n", + "Completed text 84883\n", + "Completed text 84884\n", + "Completed text 84885\n", + "Completed text 84886\n", + "Completed text 84887\n", + "Completed text 84888\n", + "Completed text 84889\n", + "Completed text 84890\n", + "Completed text 84891\n", + "Completed text 84892\n", + "Completed text 84893\n", + "Completed text 84894\n", + "Completed text 84895\n", + "Completed text 84896\n", + "Completed text 84897\n", + "Completed text 84898\n", + "Completed text 84899\n", + "Completed text 84900\n", + "Completed text 84901\n", + "Completed text 84902\n", + "Completed text 84903\n", + "Completed text 84904\n", + "Completed text 84905\n", + "Completed text 84906\n", + "Completed text 84907\n", + "Completed text 84908\n", + "Completed text 84909\n", + "Completed text 84910\n", + "Completed text 84911\n", + "Completed text 84912\n", + "Completed text 84913\n", + "Completed text 84914\n", + "Completed text 84915\n", + "Completed text 84916\n", + "Completed text 84917\n", + "Completed text 84918\n", + "Completed text 84919\n", + "Completed text 84920\n", + "Completed text 84921\n", + "Completed text 84922\n", + "Completed text 84923\n", + "Completed text 84924\n", + "Completed text 84925\n", + "Completed text 84926\n", + "Completed text 84927\n", + "Completed text 84928\n", + "Completed text 84929\n", + "Completed text 84930\n", + "Completed text 84931\n", + "Completed text 84932\n", + "Completed text 84933\n", + "Completed text 84934\n", + "Completed text 84935\n", + "Completed text 84936\n", + "Completed text 84937\n", + "Completed text 84938\n", + "Completed text 84939\n", + "Completed text 84940\n", + "Completed text 84941\n", + "Completed text 84942\n", + "Completed text 84943\n", + "Completed text 84944\n", + "Completed text 84945\n", + "Completed text 84946\n", + "Completed text 84947\n", + "Completed text 84948\n", + "Completed text 84949\n", + "Completed text 84950\n", + "Completed text 84951\n", + "Completed text 84952\n", + "Completed text 84953\n", + "Completed text 84954\n", + "Completed text 84955\n", + "Completed text 84956\n", + "Completed text 84957\n", + "Completed text 84958\n", + "Completed text 84959\n", + "Completed text 84960\n", + "Completed text 84961\n", + "Completed text 84962\n", + "Completed text 84963\n", + "Completed text 84964\n", + "Completed text 84965\n", + "Completed text 84966\n", + "Completed text 84967\n", + "Completed text 84968\n", + "Completed text 84969\n", + "Completed text 84970\n", + "Completed text 84971\n", + "Completed text 84972\n", + "Completed text 84973\n", + "Completed text 84974\n", + "Completed text 84975\n", + "Completed text 84976\n", + "Completed text 84977\n", + "Completed text 84978\n", + "Completed text 84979\n", + "Completed text 84980\n", + "Completed text 84981\n", + "Completed text 84982\n", + "Completed text 84983\n", + "Completed text 84984\n", + "Completed text 84985\n", + "Completed text 84986\n", + "Completed text 84987\n", + "Completed text 84988\n", + "Completed text 84989\n", + "Completed text 84990\n", + "Completed text 84991\n", + "Completed text 84992\n", + "Completed text 84993\n", + "Completed text 84994\n", + "Completed text 84995\n", + "Completed text 84996\n", + "Completed text 84997\n", + "Completed text 84998\n", + "Completed text 84999\n", + "Completed text 85000\n", + "Completed text 85001\n", + "Completed text 85002\n", + "Completed text 85003\n", + "Completed text 85004\n", + "Completed text 85005\n", + "Completed text 85006\n", + "Completed text 85007\n", + "Completed text 85008\n", + "Completed text 85009\n", + "Completed text 85010\n", + "Completed text 85011\n", + "Completed text 85012\n", + "Completed text 85013\n", + "Completed text 85014\n", + "Completed text 85015\n", + "Completed text 85016\n", + "Completed text 85017\n", + "Completed text 85018\n", + "Completed text 85019\n", + "Completed text 85020\n", + "Completed text 85021\n", + "Completed text 85022\n", + "Completed text 85023\n", + "Completed text 85024\n", + "Completed text 85025\n", + "Completed text 85026\n", + "Completed text 85027\n", + "Completed text 85028\n", + "Completed text 85029\n", + "Completed text 85030\n", + "Completed text 85031\n", + "Completed text 85032\n", + "Completed text 85033\n", + "Completed text 85034\n", + "Completed text 85035\n", + "Completed text 85036\n", + "Completed text 85037\n", + "Completed text 85038\n", + "Completed text 85039\n", + "Completed text 85040\n", + "Completed text 85041\n", + "Completed text 85042\n", + "Completed text 85043\n", + "Completed text 85044\n", + "Completed text 85045\n", + "Completed text 85046\n", + "Completed text 85047\n", + "Completed text 85048\n", + "Completed text 85049\n", + "Completed text 85050\n", + "Completed text 85051\n", + "Completed text 85052\n", + "Completed text 85053\n", + "Completed text 85054\n", + "Completed text 85055\n", + "Completed text 85056\n", + "Completed text 85057\n", + "Completed text 85058\n", + "Completed text 85059\n", + "Completed text 85060\n", + "Completed text 85061\n", + "Completed text 85062\n", + "Completed text 85063\n", + "Completed text 85064\n", + "Completed text 85065\n", + "Completed text 85066\n", + "Completed text 85067\n", + "Completed text 85068\n", + "Completed text 85069\n", + "Completed text 85070\n", + "Completed text 85071\n", + "Completed text 85072\n", + "Completed text 85073\n", + "Completed text 85074\n", + "Completed text 85075\n", + "Completed text 85076\n", + "Completed text 85077\n", + "Completed text 85078\n", + "Completed text 85079\n", + "Completed text 85080\n", + "Completed text 85081\n", + "Completed text 85082\n", + "Completed text 85083\n", + "Completed text 85084\n", + "Completed text 85085\n", + "Completed text 85086\n", + "Completed text 85087\n", + "Completed text 85088\n", + "Completed text 85089\n", + "Completed text 85090\n", + "Completed text 85091\n", + "Completed text 85092\n", + "Completed text 85093\n", + "Completed text 85094\n", + "Completed text 85095\n", + "Completed text 85096\n", + "Completed text 85097\n", + "Completed text 85098\n", + "Completed text 85099\n", + "Completed text 85100\n", + "Completed text 85101\n", + "Completed text 85102\n", + "Completed text 85103\n", + "Completed text 85104\n", + "Completed text 85105\n", + "Completed text 85106\n", + "Completed text 85107\n", + "Completed text 85108\n", + "Completed text 85109\n", + "Completed text 85110\n", + "Completed text 85111\n", + "Completed text 85112\n", + "Completed text 85113\n", + "Completed text 85114\n", + "Completed text 85115\n", + "Completed text 85116\n", + "Completed text 85117\n", + "Completed text 85118\n", + "Completed text 85119\n", + "Completed text 85120\n", + "Completed text 85121\n", + "Completed text 85122\n", + "Completed text 85123\n", + "Completed text 85124\n", + "Completed text 85125\n", + "Completed text 85126\n", + "Completed text 85127\n", + "Completed text 85128\n", + "Completed text 85129\n", + "Completed text 85130\n", + "Completed text 85131\n", + "Completed text 85132\n", + "Completed text 85133\n", + "Completed text 85134\n", + "Completed text 85135\n", + "Completed text 85136\n", + "Completed text 85137\n", + "Completed text 85138\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 85139\n", + "Completed text 85140\n", + "Completed text 85141\n", + "Completed text 85142\n", + "Completed text 85143\n", + "Completed text 85144\n", + "Completed text 85145\n", + "Completed text 85146\n", + "Completed text 85147\n", + "Completed text 85148\n", + "Completed text 85149\n", + "Completed text 85150\n", + "Completed text 85151\n", + "Completed text 85152\n", + "Completed text 85153\n", + "Completed text 85154\n", + "Completed text 85155\n", + "Completed text 85156\n", + "Completed text 85157\n", + "Completed text 85158\n", + "Completed text 85159\n", + "Completed text 85160\n", + "Completed text 85161\n", + "Completed text 85162\n", + "Completed text 85163\n", + "Completed text 85164\n", + "Completed text 85165\n", + "Completed text 85166\n", + "Completed text 85167\n", + "Completed text 85168\n", + "Completed text 85169\n", + "Completed text 85170\n", + "Completed text 85171\n", + "Completed text 85172\n", + "Completed text 85173\n", + "Completed text 85174\n", + "Completed text 85175\n", + "Completed text 85176\n", + "Completed text 85177\n", + "Completed text 85178\n", + "Completed text 85179\n", + "Completed text 85180\n", + "Completed text 85181\n", + "Completed text 85182\n", + "Completed text 85183\n", + "Completed text 85184\n", + "Completed text 85185\n", + "Completed text 85186\n", + "Completed text 85187\n", + "Completed text 85188\n", + "Completed text 85189\n", + "Completed text 85190\n", + "Completed text 85191\n", + "Completed text 85192\n", + "Completed text 85193\n", + "Completed text 85194\n", + "Completed text 85195\n", + "Completed text 85196\n", + "Completed text 85197\n", + "Completed text 85198\n", + "Completed text 85199\n", + "Completed text 85200\n", + "Completed text 85201\n", + "Completed text 85202\n", + "Completed text 85203\n", + "Completed text 85204\n", + "Completed text 85205\n", + "Completed text 85206\n", + "Completed text 85207\n", + "Completed text 85208\n", + "Completed text 85209\n", + "Completed text 85210\n", + "Completed text 85211\n", + "Completed text 85212\n", + "Completed text 85213\n", + "Completed text 85214\n", + "Completed text 85215\n", + "Completed text 85216\n", + "Completed text 85217\n", + "Completed text 85218\n", + "Completed text 85219\n", + "Completed text 85220\n", + "Completed text 85221\n", + "Completed text 85222\n", + "Completed text 85223\n", + "Completed text 85224\n", + "Completed text 85225\n", + "Completed text 85226\n", + "Completed text 85227\n", + "Completed text 85228\n", + "Completed text 85229\n", + "Completed text 85230\n", + "Completed text 85231\n", + "Completed text 85232\n", + "Completed text 85233\n", + "Completed text 85234\n", + "Completed text 85235\n", + "Completed text 85236\n", + "Completed text 85237\n", + "Completed text 85238\n", + "Completed text 85239\n", + "Completed text 85240\n", + "Completed text 85241\n", + "Completed text 85242\n", + "Completed text 85243\n", + "Completed text 85244\n", + "Completed text 85245\n", + "Completed text 85246\n", + "Completed text 85247\n", + "Completed text 85248\n", + "Completed text 85249\n", + "Completed text 85250\n", + "Completed text 85251\n", + "Completed text 85252\n", + "Completed text 85253\n", + "Completed text 85254\n", + "Completed text 85255\n", + "Completed text 85256\n", + "Completed text 85257\n", + "Completed text 85258\n", + "Completed text 85259\n", + "Completed text 85260\n", + "Completed text 85261\n", + "Completed text 85262\n", + "Completed text 85263\n", + "Completed text 85264\n", + "Completed text 85265\n", + "Completed text 85266\n", + "Completed text 85267\n", + "Completed text 85268\n", + "Completed text 85269\n", + "Completed text 85270\n", + "Completed text 85271\n", + "Completed text 85272\n", + "Completed text 85273\n", + "Completed text 85274\n", + "Completed text 85275\n", + "Completed text 85276\n", + "Completed text 85277\n", + "Completed text 85278\n", + "Completed text 85279\n", + "Completed text 85280\n", + "Completed text 85281\n", + "Completed text 85282\n", + "Completed text 85283\n", + "Completed text 85284\n", + "Completed text 85285\n", + "Completed text 85286\n", + "Completed text 85287\n", + "Completed text 85288\n", + "Completed text 85289\n", + "Completed text 85290\n", + "Completed text 85291\n", + "Completed text 85292\n", + "Completed text 85293\n", + "Completed text 85294\n", + "Completed text 85295\n", + "Completed text 85296\n", + "Completed text 85297\n", + "Completed text 85298\n", + "Completed text 85299\n", + "Completed text 85300\n", + "Completed text 85301\n", + "Completed text 85302\n", + "Completed text 85303\n", + "Completed text 85304\n", + "Completed text 85305\n", + "Completed text 85306\n", + "Completed text 85307\n", + "Completed text 85308\n", + "Completed text 85309\n", + "Completed text 85310\n", + "Completed text 85311\n", + "Completed text 85312\n", + "Completed text 85313\n", + "Completed text 85314\n", + "Completed text 85315\n", + "Completed text 85316\n", + "Completed text 85317\n", + "Completed text 85318\n", + "Completed text 85319\n", + "Completed text 85320\n", + "Completed text 85321\n", + "Completed text 85322\n", + "Completed text 85323\n", + "Completed text 85324\n", + "Completed text 85325\n", + "Completed text 85326\n", + "Completed text 85327\n", + "Completed text 85328\n", + "Completed text 85329\n", + "Completed text 85330\n", + "Completed text 85331\n", + "Completed text 85332\n", + "Completed text 85333\n", + "Completed text 85334\n", + "Completed text 85335\n", + "Completed text 85336\n", + "Completed text 85337\n", + "Completed text 85338\n", + "Completed text 85339\n", + "Completed text 85340\n", + "Completed text 85341\n", + "Completed text 85342\n", + "Completed text 85343\n", + "Completed text 85344\n", + "Completed text 85345\n", + "Completed text 85346\n", + "Completed text 85347\n", + "Completed text 85348\n", + "Completed text 85349\n", + "Completed text 85350\n", + "Completed text 85351\n", + "Completed text 85352\n", + "Completed text 85353\n", + "Completed text 85354\n", + "Completed text 85355\n", + "Completed text 85356\n", + "Completed text 85357\n", + "Completed text 85358\n", + "Completed text 85359\n", + "Completed text 85360\n", + "Completed text 85361\n", + "Completed text 85362\n", + "Completed text 85363\n", + "Completed text 85364\n", + "Completed text 85365\n", + "Completed text 85366\n", + "Completed text 85367\n", + "Completed text 85368\n", + "Completed text 85369\n", + "Completed text 85370\n", + "Completed text 85371\n", + "Completed text 85372\n", + "Completed text 85373\n", + "Completed text 85374\n", + "Completed text 85375\n", + "Completed text 85376\n", + "Completed text 85377\n", + "Completed text 85378\n", + "Completed text 85379\n", + "Completed text 85380\n", + "Completed text 85381\n", + "Completed text 85382\n", + "Completed text 85383\n", + "Completed text 85384\n", + "Completed text 85385\n", + "Completed text 85386\n", + "Completed text 85387\n", + "Completed text 85388\n", + "Completed text 85389\n", + "Completed text 85390\n", + "Completed text 85391\n", + "Completed text 85392\n", + "Completed text 85393\n", + "Completed text 85394\n", + "Completed text 85395\n", + "Completed text 85396\n", + "Completed text 85397\n", + "Completed text 85398\n", + "Completed text 85399\n", + "Completed text 85400\n", + "Completed text 85401\n", + "Completed text 85402\n", + "Completed text 85403\n", + "Completed text 85404\n", + "Completed text 85405\n", + "Completed text 85406\n", + "Completed text 85407\n", + "Completed text 85408\n", + "Completed text 85409\n", + "Completed text 85410\n", + "Completed text 85411\n", + "Completed text 85412\n", + "Completed text 85413\n", + "Completed text 85414\n", + "Completed text 85415\n", + "Completed text 85416\n", + "Completed text 85417\n", + "Completed text 85418\n", + "Completed text 85419\n", + "Completed text 85420\n", + "Completed text 85421\n", + "Completed text 85422\n", + "Completed text 85423\n", + "Completed text 85424\n", + "Completed text 85425\n", + "Completed text 85426\n", + "Completed text 85427\n", + "Completed text 85428\n", + "Completed text 85429\n", + "Completed text 85430\n", + "Completed text 85431\n", + "Completed text 85432\n", + "Completed text 85433\n", + "Completed text 85434\n", + "Completed text 85435\n", + "Completed text 85436\n", + "Completed text 85437\n", + "Completed text 85438\n", + "Completed text 85439\n", + "Completed text 85440\n", + "Completed text 85441\n", + "Completed text 85442\n", + "Completed text 85443\n", + "Completed text 85444\n", + "Completed text 85445\n", + "Completed text 85446\n", + "Completed text 85447\n", + "Completed text 85448\n", + "Completed text 85449\n", + "Completed text 85450\n", + "Completed text 85451\n", + "Completed text 85452\n", + "Completed text 85453\n", + "Completed text 85454\n", + "Completed text 85455\n", + "Completed text 85456\n", + "Completed text 85457\n", + "Completed text 85458\n", + "Completed text 85459\n", + "Completed text 85460\n", + "Completed text 85461\n", + "Completed text 85462\n", + "Completed text 85463\n", + "Completed text 85464\n", + "Completed text 85465\n", + "Completed text 85466\n", + "Completed text 85467\n", + "Completed text 85468\n", + "Completed text 85469\n", + "Completed text 85470\n", + "Completed text 85471\n", + "Completed text 85472\n", + "Completed text 85473\n", + "Completed text 85474\n", + "Completed text 85475\n", + "Completed text 85476\n", + "Completed text 85477\n", + "Completed text 85478\n", + "Completed text 85479\n", + "Completed text 85480\n", + "Completed text 85481\n", + "Completed text 85482\n", + "Completed text 85483\n", + "Completed text 85484\n", + "Completed text 85485\n", + "Completed text 85486\n", + "Completed text 85487\n", + "Completed text 85488\n", + "Completed text 85489\n", + "Completed text 85490\n", + "Completed text 85491\n", + "Completed text 85492\n", + "Completed text 85493\n", + "Completed text 85494\n", + "Completed text 85495\n", + "Completed text 85496\n", + "Completed text 85497\n", + "Completed text 85498\n", + "Completed text 85499\n", + "Completed text 85500\n", + "Completed text 85501\n", + "Completed text 85502\n", + "Completed text 85503\n", + "Completed text 85504\n", + "Completed text 85505\n", + "Completed text 85506\n", + "Completed text 85507\n", + "Completed text 85508\n", + "Completed text 85509\n", + "Completed text 85510\n", + "Completed text 85511\n", + "Completed text 85512\n", + "Completed text 85513\n", + "Completed text 85514\n", + "Completed text 85515\n", + "Completed text 85516\n", + "Completed text 85517\n", + "Completed text 85518\n", + "Completed text 85519\n", + "Completed text 85520\n", + "Completed text 85521\n", + "Completed text 85522\n", + "Completed text 85523\n", + "Completed text 85524\n", + "Completed text 85525\n", + "Completed text 85526\n", + "Completed text 85527\n", + "Completed text 85528\n", + "Completed text 85529\n", + "Completed text 85530\n", + "Completed text 85531\n", + "Completed text 85532\n", + "Completed text 85533\n", + "Completed text 85534\n", + "Completed text 85535\n", + "Completed text 85536\n", + "Completed text 85537\n", + "Completed text 85538\n", + "Completed text 85539\n", + "Completed text 85540\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 85541\n", + "Completed text 85542\n", + "Completed text 85543\n", + "Completed text 85544\n", + "Completed text 85545\n", + "Completed text 85546\n", + "Completed text 85547\n", + "Completed text 85548\n", + "Completed text 85549\n", + "Completed text 85550\n", + "Completed text 85551\n", + "Completed text 85552\n", + "Completed text 85553\n", + "Completed text 85554\n", + "Completed text 85555\n", + "Completed text 85556\n", + "Completed text 85557\n", + "Completed text 85558\n", + "Completed text 85559\n", + "Completed text 85560\n", + "Completed text 85561\n", + "Completed text 85562\n", + "Completed text 85563\n", + "Completed text 85564\n", + "Completed text 85565\n", + "Completed text 85566\n", + "Completed text 85567\n", + "Completed text 85568\n", + "Completed text 85569\n", + "Completed text 85570\n", + "Completed text 85571\n", + "Completed text 85572\n", + "Completed text 85573\n", + "Completed text 85574\n", + "Completed text 85575\n", + "Completed text 85576\n", + "Completed text 85577\n", + "Completed text 85578\n", + "Completed text 85579\n", + "Completed text 85580\n", + "Completed text 85581\n", + "Completed text 85582\n", + "Completed text 85583\n", + "Completed text 85584\n", + "Completed text 85585\n", + "Completed text 85586\n", + "Completed text 85587\n", + "Completed text 85588\n", + "Completed text 85589\n", + "Completed text 85590\n", + "Completed text 85591\n", + "Completed text 85592\n", + "Completed text 85593\n", + "Completed text 85594\n", + "Completed text 85595\n", + "Completed text 85596\n", + "Completed text 85597\n", + "Completed text 85598\n", + "Completed text 85599\n", + "Completed text 85600\n", + "Completed text 85601\n", + "Completed text 85602\n", + "Completed text 85603\n", + "Completed text 85604\n", + "Completed text 85605\n", + "Completed text 85606\n", + "Completed text 85607\n", + "Completed text 85608\n", + "Completed text 85609\n", + "Completed text 85610\n", + "Completed text 85611\n", + "Completed text 85612\n", + "Completed text 85613\n", + "Completed text 85614\n", + "Completed text 85615\n", + "Completed text 85616\n", + "Completed text 85617\n", + "Completed text 85618\n", + "Completed text 85619\n", + "Completed text 85620\n", + "Completed text 85621\n", + "Completed text 85622\n", + "Completed text 85623\n", + "Completed text 85624\n", + "Completed text 85625\n", + "Completed text 85626\n", + "Completed text 85627\n", + "Completed text 85628\n", + "Completed text 85629\n", + "Completed text 85630\n", + "Completed text 85631\n", + "Completed text 85632\n", + "Completed text 85633\n", + "Completed text 85634\n", + "Completed text 85635\n", + "Completed text 85636\n", + "Completed text 85637\n", + "Completed text 85638\n", + "Completed text 85639\n", + "Completed text 85640\n", + "Completed text 85641\n", + "Completed text 85642\n", + "Completed text 85643\n", + "Completed text 85644\n", + "Completed text 85645\n", + "Completed text 85646\n", + "Completed text 85647\n", + "Completed text 85648\n", + "Completed text 85649\n", + "Completed text 85650\n", + "Completed text 85651\n", + "Completed text 85652\n", + "Completed text 85653\n", + "Completed text 85654\n", + "Completed text 85655\n", + "Completed text 85656\n", + "Completed text 85657\n", + "Completed text 85658\n", + "Completed text 85659\n", + "Completed text 85660\n", + "Completed text 85661\n", + "Completed text 85662\n", + "Completed text 85663\n", + "Completed text 85664\n", + "Completed text 85665\n", + "Completed text 85666\n", + "Completed text 85667\n", + "Completed text 85668\n", + "Completed text 85669\n", + "Completed text 85670\n", + "Completed text 85671\n", + "Completed text 85672\n", + "Completed text 85673\n", + "Completed text 85674\n", + "Completed text 85675\n", + "Completed text 85676\n", + "Completed text 85677\n", + "Completed text 85678\n", + "Completed text 85679\n", + "Completed text 85680\n", + "Completed text 85681\n", + "Completed text 85682\n", + "Completed text 85683\n", + "Completed text 85684\n", + "Completed text 85685\n", + "Completed text 85686\n", + "Completed text 85687\n", + "Completed text 85688\n", + "Completed text 85689\n", + "Completed text 85690\n", + "Completed text 85691\n", + "Completed text 85692\n", + "Completed text 85693\n", + "Completed text 85694\n", + "Completed text 85695\n", + "Completed text 85696\n", + "Completed text 85697\n", + "Completed text 85698\n", + "Completed text 85699\n", + "Completed text 85700\n", + "Completed text 85701\n", + "Completed text 85702\n", + "Completed text 85703\n", + "Completed text 85704\n", + "Completed text 85705\n", + "Completed text 85706\n", + "Completed text 85707\n", + "Completed text 85708\n", + "Completed text 85709\n", + "Completed text 85710\n", + "Completed text 85711\n", + "Completed text 85712\n", + "Completed text 85713\n", + "Completed text 85714\n", + "Completed text 85715\n", + "Completed text 85716\n", + "Completed text 85717\n", + "Completed text 85718\n", + "Completed text 85719\n", + "Completed text 85720\n", + "Completed text 85721\n", + "Completed text 85722\n", + "Completed text 85723\n", + "Completed text 85724\n", + "Completed text 85725\n", + "Completed text 85726\n", + "Completed text 85727\n", + "Completed text 85728\n", + "Completed text 85729\n", + "Completed text 85730\n", + "Completed text 85731\n", + "Completed text 85732\n", + "Completed text 85733\n", + "Completed text 85734\n", + "Completed text 85735\n", + "Completed text 85736\n", + "Completed text 85737\n", + "Completed text 85738\n", + "Completed text 85739\n", + "Completed text 85740\n", + "Completed text 85741\n", + "Completed text 85742\n", + "Completed text 85743\n", + "Completed text 85744\n", + "Completed text 85745\n", + "Completed text 85746\n", + "Completed text 85747\n", + "Completed text 85748\n", + "Completed text 85749\n", + "Completed text 85750\n", + "Completed text 85751\n", + "Completed text 85752\n", + "Completed text 85753\n", + "Completed text 85754\n", + "Completed text 85755\n", + "Completed text 85756\n", + "Completed text 85757\n", + "Completed text 85758\n", + "Completed text 85759\n", + "Completed text 85760\n", + "Completed text 85761\n", + "Completed text 85762\n", + "Completed text 85763\n", + "Completed text 85764\n", + "Completed text 85765\n", + "Completed text 85766\n", + "Completed text 85767\n", + "Completed text 85768\n", + "Completed text 85769\n", + "Completed text 85770\n", + "Completed text 85771\n", + "Completed text 85772\n", + "Completed text 85773\n", + "Completed text 85774\n", + "Completed text 85775\n", + "Completed text 85776\n", + "Completed text 85777\n", + "Completed text 85778\n", + "Completed text 85779\n", + "Completed text 85780\n", + "Completed text 85781\n", + "Completed text 85782\n", + "Completed text 85783\n", + "Completed text 85784\n", + "Completed text 85785\n", + "Completed text 85786\n", + "Completed text 85787\n", + "Completed text 85788\n", + "Completed text 85789\n", + "Completed text 85790\n", + "Completed text 85791\n", + "Completed text 85792\n", + "Completed text 85793\n", + "Completed text 85794\n", + "Completed text 85795\n", + "Completed text 85796\n", + "Completed text 85797\n", + "Completed text 85798\n", + "Completed text 85799\n", + "Completed text 85800\n", + "Completed text 85801\n", + "Completed text 85802\n", + "Completed text 85803\n", + "Completed text 85804\n", + "Completed text 85805\n", + "Completed text 85806\n", + "Completed text 85807\n", + "Completed text 85808\n", + "Completed text 85809\n", + "Completed text 85810\n", + "Completed text 85811\n", + "Completed text 85812\n", + "Completed text 85813\n", + "Completed text 85814\n", + "Completed text 85815\n", + "Completed text 85816\n", + "Completed text 85817\n", + "Completed text 85818\n", + "Completed text 85819\n", + "Completed text 85820\n", + "Completed text 85821\n", + "Completed text 85822\n", + "Completed text 85823\n", + "Completed text 85824\n", + "Completed text 85825\n", + "Completed text 85826\n", + "Completed text 85827\n", + "Completed text 85828\n", + "Completed text 85829\n", + "Completed text 85830\n", + "Completed text 85831\n", + "Completed text 85832\n", + "Completed text 85833\n", + "Completed text 85834\n", + "Completed text 85835\n", + "Completed text 85836\n", + "Completed text 85837\n", + "Completed text 85838\n", + "Completed text 85839\n", + "Completed text 85840\n", + "Completed text 85841\n", + "Completed text 85842\n", + "Completed text 85843\n", + "Completed text 85844\n", + "Completed text 85845\n", + "Completed text 85846\n", + "Completed text 85847\n", + "Completed text 85848\n", + "Completed text 85849\n", + "Completed text 85850\n", + "Completed text 85851\n", + "Completed text 85852\n", + "Completed text 85853\n", + "Completed text 85854\n", + "Completed text 85855\n", + "Completed text 85856\n", + "Completed text 85857\n", + "Completed text 85858\n", + "Completed text 85859\n", + "Completed text 85860\n", + "Completed text 85861\n", + "Completed text 85862\n", + "Completed text 85863\n", + "Completed text 85864\n", + "Completed text 85865\n", + "Completed text 85866\n", + "Completed text 85867\n", + "Completed text 85868\n", + "Completed text 85869\n", + "Completed text 85870\n", + "Completed text 85871\n", + "Completed text 85872\n", + "Completed text 85873\n", + "Completed text 85874\n", + "Completed text 85875\n", + "Completed text 85876\n", + "Completed text 85877\n", + "Completed text 85878\n", + "Completed text 85879\n", + "Completed text 85880\n", + "Completed text 85881\n", + "Completed text 85882\n", + "Completed text 85883\n", + "Completed text 85884\n", + "Completed text 85885\n", + "Completed text 85886\n", + "Completed text 85887\n", + "Completed text 85888\n", + "Completed text 85889\n", + "Completed text 85890\n", + "Completed text 85891\n", + "Completed text 85892\n", + "Completed text 85893\n", + "Completed text 85894\n", + "Completed text 85895\n", + "Completed text 85896\n", + "Completed text 85897\n", + "Completed text 85898\n", + "Completed text 85899\n", + "Completed text 85900\n", + "Completed text 85901\n", + "Completed text 85902\n", + "Completed text 85903\n", + "Completed text 85904\n", + "Completed text 85905\n", + "Completed text 85906\n", + "Completed text 85907\n", + "Completed text 85908\n", + "Completed text 85909\n", + "Completed text 85910\n", + "Completed text 85911\n", + "Completed text 85912\n", + "Completed text 85913\n", + "Completed text 85914\n", + "Completed text 85915\n", + "Completed text 85916\n", + "Completed text 85917\n", + "Completed text 85918\n", + "Completed text 85919\n", + "Completed text 85920\n", + "Completed text 85921\n", + "Completed text 85922\n", + "Completed text 85923\n", + "Completed text 85924\n", + "Completed text 85925\n", + "Completed text 85926\n", + "Completed text 85927\n", + "Completed text 85928\n", + "Completed text 85929\n", + "Completed text 85930\n", + "Completed text 85931\n", + "Completed text 85932\n", + "Completed text 85933\n", + "Completed text 85934\n", + "Completed text 85935\n", + "Completed text 85936\n", + "Completed text 85937\n", + "Completed text 85938\n", + "Completed text 85939\n", + "Completed text 85940\n", + "Completed text 85941\n", + "Completed text 85942\n", + "Completed text 85943\n", + "Completed text 85944\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 85945\n", + "Completed text 85946\n", + "Completed text 85947\n", + "Completed text 85948\n", + "Completed text 85949\n", + "Completed text 85950\n", + "Completed text 85951\n", + "Completed text 85952\n", + "Completed text 85953\n", + "Completed text 85954\n", + "Completed text 85955\n", + "Completed text 85956\n", + "Completed text 85957\n", + "Completed text 85958\n", + "Completed text 85959\n", + "Completed text 85960\n", + "Completed text 85961\n", + "Completed text 85962\n", + "Completed text 85963\n", + "Completed text 85964\n", + "Completed text 85965\n", + "Completed text 85966\n", + "Completed text 85967\n", + "Completed text 85968\n", + "Completed text 85969\n", + "Completed text 85970\n", + "Completed text 85971\n", + "Completed text 85972\n", + "Completed text 85973\n", + "Completed text 85974\n", + "Completed text 85975\n", + "Completed text 85976\n", + "Completed text 85977\n", + "Completed text 85978\n", + "Completed text 85979\n", + "Completed text 85980\n", + "Completed text 85981\n", + "Completed text 85982\n", + "Completed text 85983\n", + "Completed text 85984\n", + "Completed text 85985\n", + "Completed text 85986\n", + "Completed text 85987\n", + "Completed text 85988\n", + "Completed text 85989\n", + "Completed text 85990\n", + "Completed text 85991\n", + "Completed text 85992\n", + "Completed text 85993\n", + "Completed text 85994\n", + "Completed text 85995\n", + "Completed text 85996\n", + "Completed text 85997\n", + "Completed text 85998\n", + "Completed text 85999\n", + "Completed text 86000\n", + "Completed text 86001\n", + "Completed text 86002\n", + "Completed text 86003\n", + "Completed text 86004\n", + "Completed text 86005\n", + "Completed text 86006\n", + "Completed text 86007\n", + "Completed text 86008\n", + "Completed text 86009\n", + "Completed text 86010\n", + "Completed text 86011\n", + "Completed text 86012\n", + "Completed text 86013\n", + "Completed text 86014\n", + "Completed text 86015\n", + "Completed text 86016\n", + "Completed text 86017\n", + "Completed text 86018\n", + "Completed text 86019\n", + "Completed text 86020\n", + "Completed text 86021\n", + "Completed text 86022\n", + "Completed text 86023\n", + "Completed text 86024\n", + "Completed text 86025\n", + "Completed text 86026\n", + "Completed text 86027\n", + "Completed text 86028\n", + "Completed text 86029\n", + "Completed text 86030\n", + "Completed text 86031\n", + "Completed text 86032\n", + "Completed text 86033\n", + "Completed text 86034\n", + "Completed text 86035\n", + "Completed text 86036\n", + "Completed text 86037\n", + "Completed text 86038\n", + "Completed text 86039\n", + "Completed text 86040\n", + "Completed text 86041\n", + "Completed text 86042\n", + "Completed text 86043\n", + "Completed text 86044\n", + "Completed text 86045\n", + "Completed text 86046\n", + "Completed text 86047\n", + "Completed text 86048\n", + "Completed text 86049\n", + "Completed text 86050\n", + "Completed text 86051\n", + "Completed text 86052\n", + "Completed text 86053\n", + "Completed text 86054\n", + "Completed text 86055\n", + "Completed text 86056\n", + "Completed text 86057\n", + "Completed text 86058\n", + "Completed text 86059\n", + "Completed text 86060\n", + "Completed text 86061\n", + "Completed text 86062\n", + "Completed text 86063\n", + "Completed text 86064\n", + "Completed text 86065\n", + "Completed text 86066\n", + "Completed text 86067\n", + "Completed text 86068\n", + "Completed text 86069\n", + "Completed text 86070\n", + "Completed text 86071\n", + "Completed text 86072\n", + "Completed text 86073\n", + "Completed text 86074\n", + "Completed text 86075\n", + "Completed text 86076\n", + "Completed text 86077\n", + "Completed text 86078\n", + "Completed text 86079\n", + "Completed text 86080\n", + "Completed text 86081\n", + "Completed text 86082\n", + "Completed text 86083\n", + "Completed text 86084\n", + "Completed text 86085\n", + "Completed text 86086\n", + "Completed text 86087\n", + "Completed text 86088\n", + "Completed text 86089\n", + "Completed text 86090\n", + "Completed text 86091\n", + "Completed text 86092\n", + "Completed text 86093\n", + "Completed text 86094\n", + "Completed text 86095\n", + "Completed text 86096\n", + "Completed text 86097\n", + "Completed text 86098\n", + "Completed text 86099\n", + "Completed text 86100\n", + "Completed text 86101\n", + "Completed text 86102\n", + "Completed text 86103\n", + "Completed text 86104\n", + "Completed text 86105\n", + "Completed text 86106\n", + "Completed text 86107\n", + "Completed text 86108\n", + "Completed text 86109\n", + "Completed text 86110\n", + "Completed text 86111\n", + "Completed text 86112\n", + "Completed text 86113\n", + "Completed text 86114\n", + "Completed text 86115\n", + "Completed text 86116\n", + "Completed text 86117\n", + "Completed text 86118\n", + "Completed text 86119\n", + "Completed text 86120\n", + "Completed text 86121\n", + "Completed text 86122\n", + "Completed text 86123\n", + "Completed text 86124\n", + "Completed text 86125\n", + "Completed text 86126\n", + "Completed text 86127\n", + "Completed text 86128\n", + "Completed text 86129\n", + "Completed text 86130\n", + "Completed text 86131\n", + "Completed text 86132\n", + "Completed text 86133\n", + "Completed text 86134\n", + "Completed text 86135\n", + "Completed text 86136\n", + "Completed text 86137\n", + "Completed text 86138\n", + "Completed text 86139\n", + "Completed text 86140\n", + "Completed text 86141\n", + "Completed text 86142\n", + "Completed text 86143\n", + "Completed text 86144\n", + "Completed text 86145\n", + "Completed text 86146\n", + "Completed text 86147\n", + "Completed text 86148\n", + "Completed text 86149\n", + "Completed text 86150\n", + "Completed text 86151\n", + "Completed text 86152\n", + "Completed text 86153\n", + "Completed text 86154\n", + "Completed text 86155\n", + "Completed text 86156\n", + "Completed text 86157\n", + "Completed text 86158\n", + "Completed text 86159\n", + "Completed text 86160\n", + "Completed text 86161\n", + "Completed text 86162\n", + "Completed text 86163\n", + "Completed text 86164\n", + "Completed text 86165\n", + "Completed text 86166\n", + "Completed text 86167\n", + "Completed text 86168\n", + "Completed text 86169\n", + "Completed text 86170\n", + "Completed text 86171\n", + "Completed text 86172\n", + "Completed text 86173\n", + "Completed text 86174\n", + "Completed text 86175\n", + "Completed text 86176\n", + "Completed text 86177\n", + "Completed text 86178\n", + "Completed text 86179\n", + "Completed text 86180\n", + "Completed text 86181\n", + "Completed text 86182\n", + "Completed text 86183\n", + "Completed text 86184\n", + "Completed text 86185\n", + "Completed text 86186\n", + "Completed text 86187\n", + "Completed text 86188\n", + "Completed text 86189\n", + "Completed text 86190\n", + "Completed text 86191\n", + "Completed text 86192\n", + "Completed text 86193\n", + "Completed text 86194\n", + "Completed text 86195\n", + "Completed text 86196\n", + "Completed text 86197\n", + "Completed text 86198\n", + "Completed text 86199\n", + "Completed text 86200\n", + "Completed text 86201\n", + "Completed text 86202\n", + "Completed text 86203\n", + "Completed text 86204\n", + "Completed text 86205\n", + "Completed text 86206\n", + "Completed text 86207\n", + "Completed text 86208\n", + "Completed text 86209\n", + "Completed text 86210\n", + "Completed text 86211\n", + "Completed text 86212\n", + "Completed text 86213\n", + "Completed text 86214\n", + "Completed text 86215\n", + "Completed text 86216\n", + "Completed text 86217\n", + "Completed text 86218\n", + "Completed text 86219\n", + "Completed text 86220\n", + "Completed text 86221\n", + "Completed text 86222\n", + "Completed text 86223\n", + "Completed text 86224\n", + "Completed text 86225\n", + "Completed text 86226\n", + "Completed text 86227\n", + "Completed text 86228\n", + "Completed text 86229\n", + "Completed text 86230\n", + "Completed text 86231\n", + "Completed text 86232\n", + "Completed text 86233\n", + "Completed text 86234\n", + "Completed text 86235\n", + "Completed text 86236\n", + "Completed text 86237\n", + "Completed text 86238\n", + "Completed text 86239\n", + "Completed text 86240\n", + "Completed text 86241\n", + "Completed text 86242\n", + "Completed text 86243\n", + "Completed text 86244\n", + "Completed text 86245\n", + "Completed text 86246\n", + "Completed text 86247\n", + "Completed text 86248\n", + "Completed text 86249\n", + "Completed text 86250\n", + "Completed text 86251\n", + "Completed text 86252\n", + "Completed text 86253\n", + "Completed text 86254\n", + "Completed text 86255\n", + "Completed text 86256\n", + "Completed text 86257\n", + "Completed text 86258\n", + "Completed text 86259\n", + "Completed text 86260\n", + "Completed text 86261\n", + "Completed text 86262\n", + "Completed text 86263\n", + "Completed text 86264\n", + "Completed text 86265\n", + "Completed text 86266\n", + "Completed text 86267\n", + "Completed text 86268\n", + "Completed text 86269\n", + "Completed text 86270\n", + "Completed text 86271\n", + "Completed text 86272\n", + "Completed text 86273\n", + "Completed text 86274\n", + "Completed text 86275\n", + "Completed text 86276\n", + "Completed text 86277\n", + "Completed text 86278\n", + "Completed text 86279\n", + "Completed text 86280\n", + "Completed text 86281\n", + "Completed text 86282\n", + "Completed text 86283\n", + "Completed text 86284\n", + "Completed text 86285\n", + "Completed text 86286\n", + "Completed text 86287\n", + "Completed text 86288\n", + "Completed text 86289\n", + "Completed text 86290\n", + "Completed text 86291\n", + "Completed text 86292\n", + "Completed text 86293\n", + "Completed text 86294\n", + "Completed text 86295\n", + "Completed text 86296\n", + "Completed text 86297\n", + "Completed text 86298\n", + "Completed text 86299\n", + "Completed text 86300\n", + "Completed text 86301\n", + "Completed text 86302\n", + "Completed text 86303\n", + "Completed text 86304\n", + "Completed text 86305\n", + "Completed text 86306\n", + "Completed text 86307\n", + "Completed text 86308\n", + "Completed text 86309\n", + "Completed text 86310\n", + "Completed text 86311\n", + "Completed text 86312\n", + "Completed text 86313\n", + "Completed text 86314\n", + "Completed text 86315\n", + "Completed text 86316\n", + "Completed text 86317\n", + "Completed text 86318\n", + "Completed text 86319\n", + "Completed text 86320\n", + "Completed text 86321\n", + "Completed text 86322\n", + "Completed text 86323\n", + "Completed text 86324\n", + "Completed text 86325\n", + "Completed text 86326\n", + "Completed text 86327\n", + "Completed text 86328\n", + "Completed text 86329\n", + "Completed text 86330\n", + "Completed text 86331\n", + "Completed text 86332\n", + "Completed text 86333\n", + "Completed text 86334\n", + "Completed text 86335\n", + "Completed text 86336\n", + "Completed text 86337\n", + "Completed text 86338\n", + "Completed text 86339\n", + "Completed text 86340\n", + "Completed text 86341\n", + "Completed text 86342\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 86343\n", + "Completed text 86344\n", + "Completed text 86345\n", + "Completed text 86346\n", + "Completed text 86347\n", + "Completed text 86348\n", + "Completed text 86349\n", + "Completed text 86350\n", + "Completed text 86351\n", + "Completed text 86352\n", + "Completed text 86353\n", + "Completed text 86354\n", + "Completed text 86355\n", + "Completed text 86356\n", + "Completed text 86357\n", + "Completed text 86358\n", + "Completed text 86359\n", + "Completed text 86360\n", + "Completed text 86361\n", + "Completed text 86362\n", + "Completed text 86363\n", + "Completed text 86364\n", + "Completed text 86365\n", + "Completed text 86366\n", + "Completed text 86367\n", + "Completed text 86368\n", + "Completed text 86369\n", + "Completed text 86370\n", + "Completed text 86371\n", + "Completed text 86372\n", + "Completed text 86373\n", + "Completed text 86374\n", + "Completed text 86375\n", + "Completed text 86376\n", + "Completed text 86377\n", + "Completed text 86378\n", + "Completed text 86379\n", + "Completed text 86380\n", + "Completed text 86381\n", + "Completed text 86382\n", + "Completed text 86383\n", + "Completed text 86384\n", + "Completed text 86385\n", + "Completed text 86386\n", + "Completed text 86387\n", + "Completed text 86388\n", + "Completed text 86389\n", + "Completed text 86390\n", + "Completed text 86391\n", + "Completed text 86392\n", + "Completed text 86393\n", + "Completed text 86394\n", + "Completed text 86395\n", + "Completed text 86396\n", + "Completed text 86397\n", + "Completed text 86398\n", + "Completed text 86399\n", + "Completed text 86400\n", + "Completed text 86401\n", + "Completed text 86402\n", + "Completed text 86403\n", + "Completed text 86404\n", + "Completed text 86405\n", + "Completed text 86406\n", + "Completed text 86407\n", + "Completed text 86408\n", + "Completed text 86409\n", + "Completed text 86410\n", + "Completed text 86411\n", + "Completed text 86412\n", + "Completed text 86413\n", + "Completed text 86414\n", + "Completed text 86415\n", + "Completed text 86416\n", + "Completed text 86417\n", + "Completed text 86418\n", + "Completed text 86419\n", + "Completed text 86420\n", + "Completed text 86421\n", + "Completed text 86422\n", + "Completed text 86423\n", + "Completed text 86424\n", + "Completed text 86425\n", + "Completed text 86426\n", + "Completed text 86427\n", + "Completed text 86428\n", + "Completed text 86429\n", + "Completed text 86430\n", + "Completed text 86431\n", + "Completed text 86432\n", + "Completed text 86433\n", + "Completed text 86434\n", + "Completed text 86435\n", + "Completed text 86436\n", + "Completed text 86437\n", + "Completed text 86438\n", + "Completed text 86439\n", + "Completed text 86440\n", + "Completed text 86441\n", + "Completed text 86442\n", + "Completed text 86443\n", + "Completed text 86444\n", + "Completed text 86445\n", + "Completed text 86446\n", + "Completed text 86447\n", + "Completed text 86448\n", + "Completed text 86449\n", + "Completed text 86450\n", + "Completed text 86451\n", + "Completed text 86452\n", + "Completed text 86453\n", + "Completed text 86454\n", + "Completed text 86455\n", + "Completed text 86456\n", + "Completed text 86457\n", + "Completed text 86458\n", + "Completed text 86459\n", + "Completed text 86460\n", + "Completed text 86461\n", + "Completed text 86462\n", + "Completed text 86463\n", + "Completed text 86464\n", + "Completed text 86465\n", + "Completed text 86466\n", + "Completed text 86467\n", + "Completed text 86468\n", + "Completed text 86469\n", + "Completed text 86470\n", + "Completed text 86471\n", + "Completed text 86472\n", + "Completed text 86473\n", + "Completed text 86474\n", + "Completed text 86475\n", + "Completed text 86476\n", + "Completed text 86477\n", + "Completed text 86478\n", + "Completed text 86479\n", + "Completed text 86480\n", + "Completed text 86481\n", + "Completed text 86482\n", + "Completed text 86483\n", + "Completed text 86484\n", + "Completed text 86485\n", + "Completed text 86486\n", + "Completed text 86487\n", + "Completed text 86488\n", + "Completed text 86489\n", + "Completed text 86490\n", + "Completed text 86491\n", + "Completed text 86492\n", + "Completed text 86493\n", + "Completed text 86494\n", + "Completed text 86495\n", + "Completed text 86496\n", + "Completed text 86497\n", + "Completed text 86498\n", + "Completed text 86499\n", + "Completed text 86500\n", + "Completed text 86501\n", + "Completed text 86502\n", + "Completed text 86503\n", + "Completed text 86504\n", + "Completed text 86505\n", + "Completed text 86506\n", + "Completed text 86507\n", + "Completed text 86508\n", + "Completed text 86509\n", + "Completed text 86510\n", + "Completed text 86511\n", + "Completed text 86512\n", + "Completed text 86513\n", + "Completed text 86514\n", + "Completed text 86515\n", + "Completed text 86516\n", + "Completed text 86517\n", + "Completed text 86518\n", + "Completed text 86519\n", + "Completed text 86520\n", + "Completed text 86521\n", + "Completed text 86522\n", + "Completed text 86523\n", + "Completed text 86524\n", + "Completed text 86525\n", + "Completed text 86526\n", + "Completed text 86527\n", + "Completed text 86528\n", + "Completed text 86529\n", + "Completed text 86530\n", + "Completed text 86531\n", + "Completed text 86532\n", + "Completed text 86533\n", + "Completed text 86534\n", + "Completed text 86535\n", + "Completed text 86536\n", + "Completed text 86537\n", + "Completed text 86538\n", + "Completed text 86539\n", + "Completed text 86540\n", + "Completed text 86541\n", + "Completed text 86542\n", + "Completed text 86543\n", + "Completed text 86544\n", + "Completed text 86545\n", + "Completed text 86546\n", + "Completed text 86547\n", + "Completed text 86548\n", + "Completed text 86549\n", + "Completed text 86550\n", + "Completed text 86551\n", + "Completed text 86552\n", + "Completed text 86553\n", + "Completed text 86554\n", + "Completed text 86555\n", + "Completed text 86556\n", + "Completed text 86557\n", + "Completed text 86558\n", + "Completed text 86559\n", + "Completed text 86560\n", + "Completed text 86561\n", + "Completed text 86562\n", + "Completed text 86563\n", + "Completed text 86564\n", + "Completed text 86565\n", + "Completed text 86566\n", + "Completed text 86567\n", + "Completed text 86568\n", + "Completed text 86569\n", + "Completed text 86570\n", + "Completed text 86571\n", + "Completed text 86572\n", + "Completed text 86573\n", + "Completed text 86574\n", + "Completed text 86575\n", + "Completed text 86576\n", + "Completed text 86577\n", + "Completed text 86578\n", + "Completed text 86579\n", + "Completed text 86580\n", + "Completed text 86581\n", + "Completed text 86582\n", + "Completed text 86583\n", + "Completed text 86584\n", + "Completed text 86585\n", + "Completed text 86586\n", + "Completed text 86587\n", + "Completed text 86588\n", + "Completed text 86589\n", + "Completed text 86590\n", + "Completed text 86591\n", + "Completed text 86592\n", + "Completed text 86593\n", + "Completed text 86594\n", + "Completed text 86595\n", + "Completed text 86596\n", + "Completed text 86597\n", + "Completed text 86598\n", + "Completed text 86599\n", + "Completed text 86600\n", + "Completed text 86601\n", + "Completed text 86602\n", + "Completed text 86603\n", + "Completed text 86604\n", + "Completed text 86605\n", + "Completed text 86606\n", + "Completed text 86607\n", + "Completed text 86608\n", + "Completed text 86609\n", + "Completed text 86610\n", + "Completed text 86611\n", + "Completed text 86612\n", + "Completed text 86613\n", + "Completed text 86614\n", + "Completed text 86615\n", + "Completed text 86616\n", + "Completed text 86617\n", + "Completed text 86618\n", + "Completed text 86619\n", + "Completed text 86620\n", + "Completed text 86621\n", + "Completed text 86622\n", + "Completed text 86623\n", + "Completed text 86624\n", + "Completed text 86625\n", + "Completed text 86626\n", + "Completed text 86627\n", + "Completed text 86628\n", + "Completed text 86629\n", + "Completed text 86630\n", + "Completed text 86631\n", + "Completed text 86632\n", + "Completed text 86633\n", + "Completed text 86634\n", + "Completed text 86635\n", + "Completed text 86636\n", + "Completed text 86637\n", + "Completed text 86638\n", + "Completed text 86639\n", + "Completed text 86640\n", + "Completed text 86641\n", + "Completed text 86642\n", + "Completed text 86643\n", + "Completed text 86644\n", + "Completed text 86645\n", + "Completed text 86646\n", + "Completed text 86647\n", + "Completed text 86648\n", + "Completed text 86649\n", + "Completed text 86650\n", + "Completed text 86651\n", + "Completed text 86652\n", + "Completed text 86653\n", + "Completed text 86654\n", + "Completed text 86655\n", + "Completed text 86656\n", + "Completed text 86657\n", + "Completed text 86658\n", + "Completed text 86659\n", + "Completed text 86660\n", + "Completed text 86661\n", + "Completed text 86662\n", + "Completed text 86663\n", + "Completed text 86664\n", + "Completed text 86665\n", + "Completed text 86666\n", + "Completed text 86667\n", + "Completed text 86668\n", + "Completed text 86669\n", + "Completed text 86670\n", + "Completed text 86671\n", + "Completed text 86672\n", + "Completed text 86673\n", + "Completed text 86674\n", + "Completed text 86675\n", + "Completed text 86676\n", + "Completed text 86677\n", + "Completed text 86678\n", + "Completed text 86679\n", + "Completed text 86680\n", + "Completed text 86681\n", + "Completed text 86682\n", + "Completed text 86683\n", + "Completed text 86684\n", + "Completed text 86685\n", + "Completed text 86686\n", + "Completed text 86687\n", + "Completed text 86688\n", + "Completed text 86689\n", + "Completed text 86690\n", + "Completed text 86691\n", + "Completed text 86692\n", + "Completed text 86693\n", + "Completed text 86694\n", + "Completed text 86695\n", + "Completed text 86696\n", + "Completed text 86697\n", + "Completed text 86698\n", + "Completed text 86699\n", + "Completed text 86700\n", + "Completed text 86701\n", + "Completed text 86702\n", + "Completed text 86703\n", + "Completed text 86704\n", + "Completed text 86705\n", + "Completed text 86706\n", + "Completed text 86707\n", + "Completed text 86708\n", + "Completed text 86709\n", + "Completed text 86710\n", + "Completed text 86711\n", + "Completed text 86712\n", + "Completed text 86713\n", + "Completed text 86714\n", + "Completed text 86715\n", + "Completed text 86716\n", + "Completed text 86717\n", + "Completed text 86718\n", + "Completed text 86719\n", + "Completed text 86720\n", + "Completed text 86721\n", + "Completed text 86722\n", + "Completed text 86723\n", + "Completed text 86724\n", + "Completed text 86725\n", + "Completed text 86726\n", + "Completed text 86727\n", + "Completed text 86728\n", + "Completed text 86729\n", + "Completed text 86730\n", + "Completed text 86731\n", + "Completed text 86732\n", + "Completed text 86733\n", + "Completed text 86734\n", + "Completed text 86735\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 86736\n", + "Completed text 86737\n", + "Completed text 86738\n", + "Completed text 86739\n", + "Completed text 86740\n", + "Completed text 86741\n", + "Completed text 86742\n", + "Completed text 86743\n", + "Completed text 86744\n", + "Completed text 86745\n", + "Completed text 86746\n", + "Completed text 86747\n", + "Completed text 86748\n", + "Completed text 86749\n", + "Completed text 86750\n", + "Completed text 86751\n", + "Completed text 86752\n", + "Completed text 86753\n", + "Completed text 86754\n", + "Completed text 86755\n", + "Completed text 86756\n", + "Completed text 86757\n", + "Completed text 86758\n", + "Completed text 86759\n", + "Completed text 86760\n", + "Completed text 86761\n", + "Completed text 86762\n", + "Completed text 86763\n", + "Completed text 86764\n", + "Completed text 86765\n", + "Completed text 86766\n", + "Completed text 86767\n", + "Completed text 86768\n", + "Completed text 86769\n", + "Completed text 86770\n", + "Completed text 86771\n", + "Completed text 86772\n", + "Completed text 86773\n", + "Completed text 86774\n", + "Completed text 86775\n", + "Completed text 86776\n", + "Completed text 86777\n", + "Completed text 86778\n", + "Completed text 86779\n", + "Completed text 86780\n", + "Completed text 86781\n", + "Completed text 86782\n", + "Completed text 86783\n", + "Completed text 86784\n", + "Completed text 86785\n", + "Completed text 86786\n", + "Completed text 86787\n", + "Completed text 86788\n", + "Completed text 86789\n", + "Completed text 86790\n", + "Completed text 86791\n", + "Completed text 86792\n", + "Completed text 86793\n", + "Completed text 86794\n", + "Completed text 86795\n", + "Completed text 86796\n", + "Completed text 86797\n", + "Completed text 86798\n", + "Completed text 86799\n", + "Completed text 86800\n", + "Completed text 86801\n", + "Completed text 86802\n", + "Completed text 86803\n", + "Completed text 86804\n", + "Completed text 86805\n", + "Completed text 86806\n", + "Completed text 86807\n", + "Completed text 86808\n", + "Completed text 86809\n", + "Completed text 86810\n", + "Completed text 86811\n", + "Completed text 86812\n", + "Completed text 86813\n", + "Completed text 86814\n", + "Completed text 86815\n", + "Completed text 86816\n", + "Completed text 86817\n", + "Completed text 86818\n", + "Completed text 86819\n", + "Completed text 86820\n", + "Completed text 86821\n", + "Completed text 86822\n", + "Completed text 86823\n", + "Completed text 86824\n", + "Completed text 86825\n", + "Completed text 86826\n", + "Completed text 86827\n", + "Completed text 86828\n", + "Completed text 86829\n", + "Completed text 86830\n", + "Completed text 86831\n", + "Completed text 86832\n", + "Completed text 86833\n", + "Completed text 86834\n", + "Completed text 86835\n", + "Completed text 86836\n", + "Completed text 86837\n", + "Completed text 86838\n", + "Completed text 86839\n", + "Completed text 86840\n", + "Completed text 86841\n", + "Completed text 86842\n", + "Completed text 86843\n", + "Completed text 86844\n", + "Completed text 86845\n", + "Completed text 86846\n", + "Completed text 86847\n", + "Completed text 86848\n", + "Completed text 86849\n", + "Completed text 86850\n", + "Completed text 86851\n", + "Completed text 86852\n", + "Completed text 86853\n", + "Completed text 86854\n", + "Completed text 86855\n", + "Completed text 86856\n", + "Completed text 86857\n", + "Completed text 86858\n", + "Completed text 86859\n", + "Completed text 86860\n", + "Completed text 86861\n", + "Completed text 86862\n", + "Completed text 86863\n", + "Completed text 86864\n", + "Completed text 86865\n", + "Completed text 86866\n", + "Completed text 86867\n", + "Completed text 86868\n", + "Completed text 86869\n", + "Completed text 86870\n", + "Completed text 86871\n", + "Completed text 86872\n", + "Completed text 86873\n", + "Completed text 86874\n", + "Completed text 86875\n", + "Completed text 86876\n", + "Completed text 86877\n", + "Completed text 86878\n", + "Completed text 86879\n", + "Completed text 86880\n", + "Completed text 86881\n", + "Completed text 86882\n", + "Completed text 86883\n", + "Completed text 86884\n", + "Completed text 86885\n", + "Completed text 86886\n", + "Completed text 86887\n", + "Completed text 86888\n", + "Completed text 86889\n", + "Completed text 86890\n", + "Completed text 86891\n", + "Completed text 86892\n", + "Completed text 86893\n", + "Completed text 86894\n", + "Completed text 86895\n", + "Completed text 86896\n", + "Completed text 86897\n", + "Completed text 86898\n", + "Completed text 86899\n", + "Completed text 86900\n", + "Completed text 86901\n", + "Completed text 86902\n", + "Completed text 86903\n", + "Completed text 86904\n", + "Completed text 86905\n", + "Completed text 86906\n", + "Completed text 86907\n", + "Completed text 86908\n", + "Completed text 86909\n", + "Completed text 86910\n", + "Completed text 86911\n", + "Completed text 86912\n", + "Completed text 86913\n", + "Completed text 86914\n", + "Completed text 86915\n", + "Completed text 86916\n", + "Completed text 86917\n", + "Completed text 86918\n", + "Completed text 86919\n", + "Completed text 86920\n", + "Completed text 86921\n", + "Completed text 86922\n", + "Completed text 86923\n", + "Completed text 86924\n", + "Completed text 86925\n", + "Completed text 86926\n", + "Completed text 86927\n", + "Completed text 86928\n", + "Completed text 86929\n", + "Completed text 86930\n", + "Completed text 86931\n", + "Completed text 86932\n", + "Completed text 86933\n", + "Completed text 86934\n", + "Completed text 86935\n", + "Completed text 86936\n", + "Completed text 86937\n", + "Completed text 86938\n", + "Completed text 86939\n", + "Completed text 86940\n", + "Completed text 86941\n", + "Completed text 86942\n", + "Completed text 86943\n", + "Completed text 86944\n", + "Completed text 86945\n", + "Completed text 86946\n", + "Completed text 86947\n", + "Completed text 86948\n", + "Completed text 86949\n", + "Completed text 86950\n", + "Completed text 86951\n", + "Completed text 86952\n", + "Completed text 86953\n", + "Completed text 86954\n", + "Completed text 86955\n", + "Completed text 86956\n", + "Completed text 86957\n", + "Completed text 86958\n", + "Completed text 86959\n", + "Completed text 86960\n", + "Completed text 86961\n", + "Completed text 86962\n", + "Completed text 86963\n", + "Completed text 86964\n", + "Completed text 86965\n", + "Completed text 86966\n", + "Completed text 86967\n", + "Completed text 86968\n", + "Completed text 86969\n", + "Completed text 86970\n", + "Completed text 86971\n", + "Completed text 86972\n", + "Completed text 86973\n", + "Completed text 86974\n", + "Completed text 86975\n", + "Completed text 86976\n", + "Completed text 86977\n", + "Completed text 86978\n", + "Completed text 86979\n", + "Completed text 86980\n", + "Completed text 86981\n", + "Completed text 86982\n", + "Completed text 86983\n", + "Completed text 86984\n", + "Completed text 86985\n", + "Completed text 86986\n", + "Completed text 86987\n", + "Completed text 86988\n", + "Completed text 86989\n", + "Completed text 86990\n", + "Completed text 86991\n", + "Completed text 86992\n", + "Completed text 86993\n", + "Completed text 86994\n", + "Completed text 86995\n", + "Completed text 86996\n", + "Completed text 86997\n", + "Completed text 86998\n", + "Completed text 86999\n", + "Completed text 87000\n", + "Completed text 87001\n", + "Completed text 87002\n", + "Completed text 87003\n", + "Completed text 87004\n", + "Completed text 87005\n", + "Completed text 87006\n", + "Completed text 87007\n", + "Completed text 87008\n", + "Completed text 87009\n", + "Completed text 87010\n", + "Completed text 87011\n", + "Completed text 87012\n", + "Completed text 87013\n", + "Completed text 87014\n", + "Completed text 87015\n", + "Completed text 87016\n", + "Completed text 87017\n", + "Completed text 87018\n", + "Completed text 87019\n", + "Completed text 87020\n", + "Completed text 87021\n", + "Completed text 87022\n", + "Completed text 87023\n", + "Completed text 87024\n", + "Completed text 87025\n", + "Completed text 87026\n", + "Completed text 87027\n", + "Completed text 87028\n", + "Completed text 87029\n", + "Completed text 87030\n", + "Completed text 87031\n", + "Completed text 87032\n", + "Completed text 87033\n", + "Completed text 87034\n", + "Completed text 87035\n", + "Completed text 87036\n", + "Completed text 87037\n", + "Completed text 87038\n", + "Completed text 87039\n", + "Completed text 87040\n", + "Completed text 87041\n", + "Completed text 87042\n", + "Completed text 87043\n", + "Completed text 87044\n", + "Completed text 87045\n", + "Completed text 87046\n", + "Completed text 87047\n", + "Completed text 87048\n", + "Completed text 87049\n", + "Completed text 87050\n", + "Completed text 87051\n", + "Completed text 87052\n", + "Completed text 87053\n", + "Completed text 87054\n", + "Completed text 87055\n", + "Completed text 87056\n", + "Completed text 87057\n", + "Completed text 87058\n", + "Completed text 87059\n", + "Completed text 87060\n", + "Completed text 87061\n", + "Completed text 87062\n", + "Completed text 87063\n", + "Completed text 87064\n", + "Completed text 87065\n", + "Completed text 87066\n", + "Completed text 87067\n", + "Completed text 87068\n", + "Completed text 87069\n", + "Completed text 87070\n", + "Completed text 87071\n", + "Completed text 87072\n", + "Completed text 87073\n", + "Completed text 87074\n", + "Completed text 87075\n", + "Completed text 87076\n", + "Completed text 87077\n", + "Completed text 87078\n", + "Completed text 87079\n", + "Completed text 87080\n", + "Completed text 87081\n", + "Completed text 87082\n", + "Completed text 87083\n", + "Completed text 87084\n", + "Completed text 87085\n", + "Completed text 87086\n", + "Completed text 87087\n", + "Completed text 87088\n", + "Completed text 87089\n", + "Completed text 87090\n", + "Completed text 87091\n", + "Completed text 87092\n", + "Completed text 87093\n", + "Completed text 87094\n", + "Completed text 87095\n", + "Completed text 87096\n", + "Completed text 87097\n", + "Completed text 87098\n", + "Completed text 87099\n", + "Completed text 87100\n", + "Completed text 87101\n", + "Completed text 87102\n", + "Completed text 87103\n", + "Completed text 87104\n", + "Completed text 87105\n", + "Completed text 87106\n", + "Completed text 87107\n", + "Completed text 87108\n", + "Completed text 87109\n", + "Completed text 87110\n", + "Completed text 87111\n", + "Completed text 87112\n", + "Completed text 87113\n", + "Completed text 87114\n", + "Completed text 87115\n", + "Completed text 87116\n", + "Completed text 87117\n", + "Completed text 87118\n", + "Completed text 87119\n", + "Completed text 87120\n", + "Completed text 87121\n", + "Completed text 87122\n", + "Completed text 87123\n", + "Completed text 87124\n", + "Completed text 87125\n", + "Completed text 87126\n", + "Completed text 87127\n", + "Completed text 87128\n", + "Completed text 87129\n", + "Completed text 87130\n", + "Completed text 87131\n", + "Completed text 87132\n", + "Completed text 87133\n", + "Completed text 87134\n", + "Completed text 87135\n", + "Completed text 87136\n", + "Completed text 87137\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 87138\n", + "Completed text 87139\n", + "Completed text 87140\n", + "Completed text 87141\n", + "Completed text 87142\n", + "Completed text 87143\n", + "Completed text 87144\n", + "Completed text 87145\n", + "Completed text 87146\n", + "Completed text 87147\n", + "Completed text 87148\n", + "Completed text 87149\n", + "Completed text 87150\n", + "Completed text 87151\n", + "Completed text 87152\n", + "Completed text 87153\n", + "Completed text 87154\n", + "Completed text 87155\n", + "Completed text 87156\n", + "Completed text 87157\n", + "Completed text 87158\n", + "Completed text 87159\n", + "Completed text 87160\n", + "Completed text 87161\n", + "Completed text 87162\n", + "Completed text 87163\n", + "Completed text 87164\n", + "Completed text 87165\n", + "Completed text 87166\n", + "Completed text 87167\n", + "Completed text 87168\n", + "Completed text 87169\n", + "Completed text 87170\n", + "Completed text 87171\n", + "Completed text 87172\n", + "Completed text 87173\n", + "Completed text 87174\n", + "Completed text 87175\n", + "Completed text 87176\n", + "Completed text 87177\n", + "Completed text 87178\n", + "Completed text 87179\n", + "Completed text 87180\n", + "Completed text 87181\n", + "Completed text 87182\n", + "Completed text 87183\n", + "Completed text 87184\n", + "Completed text 87185\n", + "Completed text 87186\n", + "Completed text 87187\n", + "Completed text 87188\n", + "Completed text 87189\n", + "Completed text 87190\n", + "Completed text 87191\n", + "Completed text 87192\n", + "Completed text 87193\n", + "Completed text 87194\n", + "Completed text 87195\n", + "Completed text 87196\n", + "Completed text 87197\n", + "Completed text 87198\n", + "Completed text 87199\n", + "Completed text 87200\n", + "Completed text 87201\n", + "Completed text 87202\n", + "Completed text 87203\n", + "Completed text 87204\n", + "Completed text 87205\n", + "Completed text 87206\n", + "Completed text 87207\n", + "Completed text 87208\n", + "Completed text 87209\n", + "Completed text 87210\n", + "Completed text 87211\n", + "Completed text 87212\n", + "Completed text 87213\n", + "Completed text 87214\n", + "Completed text 87215\n", + "Completed text 87216\n", + "Completed text 87217\n", + "Completed text 87218\n", + "Completed text 87219\n", + "Completed text 87220\n", + "Completed text 87221\n", + "Completed text 87222\n", + "Completed text 87223\n", + "Completed text 87224\n", + "Completed text 87225\n", + "Completed text 87226\n", + "Completed text 87227\n", + "Completed text 87228\n", + "Completed text 87229\n", + "Completed text 87230\n", + "Completed text 87231\n", + "Completed text 87232\n", + "Completed text 87233\n", + "Completed text 87234\n", + "Completed text 87235\n", + "Completed text 87236\n", + "Completed text 87237\n", + "Completed text 87238\n", + "Completed text 87239\n", + "Completed text 87240\n", + "Completed text 87241\n", + "Completed text 87242\n", + "Completed text 87243\n", + "Completed text 87244\n", + "Completed text 87245\n", + "Completed text 87246\n", + "Completed text 87247\n", + "Completed text 87248\n", + "Completed text 87249\n", + "Completed text 87250\n", + "Completed text 87251\n", + "Completed text 87252\n", + "Completed text 87253\n", + "Completed text 87254\n", + "Completed text 87255\n", + "Completed text 87256\n", + "Completed text 87257\n", + "Completed text 87258\n", + "Completed text 87259\n", + "Completed text 87260\n", + "Completed text 87261\n", + "Completed text 87262\n", + "Completed text 87263\n", + "Completed text 87264\n", + "Completed text 87265\n", + "Completed text 87266\n", + "Completed text 87267\n", + "Completed text 87268\n", + "Completed text 87269\n", + "Completed text 87270\n", + "Completed text 87271\n", + "Completed text 87272\n", + "Completed text 87273\n", + "Completed text 87274\n", + "Completed text 87275\n", + "Completed text 87276\n", + "Completed text 87277\n", + "Completed text 87278\n", + "Completed text 87279\n", + "Completed text 87280\n", + "Completed text 87281\n", + "Completed text 87282\n", + "Completed text 87283\n", + "Completed text 87284\n", + "Completed text 87285\n", + "Completed text 87286\n", + "Completed text 87287\n", + "Completed text 87288\n", + "Completed text 87289\n", + "Completed text 87290\n", + "Completed text 87291\n", + "Completed text 87292\n", + "Completed text 87293\n", + "Completed text 87294\n", + "Completed text 87295\n", + "Completed text 87296\n", + "Completed text 87297\n", + "Completed text 87298\n", + "Completed text 87299\n", + "Completed text 87300\n", + "Completed text 87301\n", + "Completed text 87302\n", + "Completed text 87303\n", + "Completed text 87304\n", + "Completed text 87305\n", + "Completed text 87306\n", + "Completed text 87307\n", + "Completed text 87308\n", + "Completed text 87309\n", + "Completed text 87310\n", + "Completed text 87311\n", + "Completed text 87312\n", + "Completed text 87313\n", + "Completed text 87314\n", + "Completed text 87315\n", + "Completed text 87316\n", + "Completed text 87317\n", + "Completed text 87318\n", + "Completed text 87319\n", + "Completed text 87320\n", + "Completed text 87321\n", + "Completed text 87322\n", + "Completed text 87323\n", + "Completed text 87324\n", + "Completed text 87325\n", + "Completed text 87326\n", + "Completed text 87327\n", + "Completed text 87328\n", + "Completed text 87329\n", + "Completed text 87330\n", + "Completed text 87331\n", + "Completed text 87332\n", + "Completed text 87333\n", + "Completed text 87334\n", + "Completed text 87335\n", + "Completed text 87336\n", + "Completed text 87337\n", + "Completed text 87338\n", + "Completed text 87339\n", + "Completed text 87340\n", + "Completed text 87341\n", + "Completed text 87342\n", + "Completed text 87343\n", + "Completed text 87344\n", + "Completed text 87345\n", + "Completed text 87346\n", + "Completed text 87347\n", + "Completed text 87348\n", + "Completed text 87349\n", + "Completed text 87350\n", + "Completed text 87351\n", + "Completed text 87352\n", + "Completed text 87353\n", + "Completed text 87354\n", + "Completed text 87355\n", + "Completed text 87356\n", + "Completed text 87357\n", + "Completed text 87358\n", + "Completed text 87359\n", + "Completed text 87360\n", + "Completed text 87361\n", + "Completed text 87362\n", + "Completed text 87363\n", + "Completed text 87364\n", + "Completed text 87365\n", + "Completed text 87366\n", + "Completed text 87367\n", + "Completed text 87368\n", + "Completed text 87369\n", + "Completed text 87370\n", + "Completed text 87371\n", + "Completed text 87372\n", + "Completed text 87373\n", + "Completed text 87374\n", + "Completed text 87375\n", + "Completed text 87376\n", + "Completed text 87377\n", + "Completed text 87378\n", + "Completed text 87379\n", + "Completed text 87380\n", + "Completed text 87381\n", + "Completed text 87382\n", + "Completed text 87383\n", + "Completed text 87384\n", + "Completed text 87385\n", + "Completed text 87386\n", + "Completed text 87387\n", + "Completed text 87388\n", + "Completed text 87389\n", + "Completed text 87390\n", + "Completed text 87391\n", + "Completed text 87392\n", + "Completed text 87393\n", + "Completed text 87394\n", + "Completed text 87395\n", + "Completed text 87396\n", + "Completed text 87397\n", + "Completed text 87398\n", + "Completed text 87399\n", + "Completed text 87400\n", + "Completed text 87401\n", + "Completed text 87402\n", + "Completed text 87403\n", + "Completed text 87404\n", + "Completed text 87405\n", + "Completed text 87406\n", + "Completed text 87407\n", + "Completed text 87408\n", + "Completed text 87409\n", + "Completed text 87410\n", + "Completed text 87411\n", + "Completed text 87412\n", + "Completed text 87413\n", + "Completed text 87414\n", + "Completed text 87415\n", + "Completed text 87416\n", + "Completed text 87417\n", + "Completed text 87418\n", + "Completed text 87419\n", + "Completed text 87420\n", + "Completed text 87421\n", + "Completed text 87422\n", + "Completed text 87423\n", + "Completed text 87424\n", + "Completed text 87425\n", + "Completed text 87426\n", + "Completed text 87427\n", + "Completed text 87428\n", + "Completed text 87429\n", + "Completed text 87430\n", + "Completed text 87431\n", + "Completed text 87432\n", + "Completed text 87433\n", + "Completed text 87434\n", + "Completed text 87435\n", + "Completed text 87436\n", + "Completed text 87437\n", + "Completed text 87438\n", + "Completed text 87439\n", + "Completed text 87440\n", + "Completed text 87441\n", + "Completed text 87442\n", + "Completed text 87443\n", + "Completed text 87444\n", + "Completed text 87445\n", + "Completed text 87446\n", + "Completed text 87447\n", + "Completed text 87448\n", + "Completed text 87449\n", + "Completed text 87450\n", + "Completed text 87451\n", + "Completed text 87452\n", + "Completed text 87453\n", + "Completed text 87454\n", + "Completed text 87455\n", + "Completed text 87456\n", + "Completed text 87457\n", + "Completed text 87458\n", + "Completed text 87459\n", + "Completed text 87460\n", + "Completed text 87461\n", + "Completed text 87462\n", + "Completed text 87463\n", + "Completed text 87464\n", + "Completed text 87465\n", + "Completed text 87466\n", + "Completed text 87467\n", + "Completed text 87468\n", + "Completed text 87469\n", + "Completed text 87470\n", + "Completed text 87471\n", + "Completed text 87472\n", + "Completed text 87473\n", + "Completed text 87474\n", + "Completed text 87475\n", + "Completed text 87476\n", + "Completed text 87477\n", + "Completed text 87478\n", + "Completed text 87479\n", + "Completed text 87480\n", + "Completed text 87481\n", + "Completed text 87482\n", + "Completed text 87483\n", + "Completed text 87484\n", + "Completed text 87485\n", + "Completed text 87486\n", + "Completed text 87487\n", + "Completed text 87488\n", + "Completed text 87489\n", + "Completed text 87490\n", + "Completed text 87491\n", + "Completed text 87492\n", + "Completed text 87493\n", + "Completed text 87494\n", + "Completed text 87495\n", + "Completed text 87496\n", + "Completed text 87497\n", + "Completed text 87498\n", + "Completed text 87499\n", + "Completed text 87500\n", + "Completed text 87501\n", + "Completed text 87502\n", + "Completed text 87503\n", + "Completed text 87504\n", + "Completed text 87505\n", + "Completed text 87506\n", + "Completed text 87507\n", + "Completed text 87508\n", + "Completed text 87509\n", + "Completed text 87510\n", + "Completed text 87511\n", + "Completed text 87512\n", + "Completed text 87513\n", + "Completed text 87514\n", + "Completed text 87515\n", + "Completed text 87516\n", + "Completed text 87517\n", + "Completed text 87518\n", + "Completed text 87519\n", + "Completed text 87520\n", + "Completed text 87521\n", + "Completed text 87522\n", + "Completed text 87523\n", + "Completed text 87524\n", + "Completed text 87525\n", + "Completed text 87526\n", + "Completed text 87527\n", + "Completed text 87528\n", + "Completed text 87529\n", + "Completed text 87530\n", + "Completed text 87531\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 87532\n", + "Completed text 87533\n", + "Completed text 87534\n", + "Completed text 87535\n", + "Completed text 87536\n", + "Completed text 87537\n", + "Completed text 87538\n", + "Completed text 87539\n", + "Completed text 87540\n", + "Completed text 87541\n", + "Completed text 87542\n", + "Completed text 87543\n", + "Completed text 87544\n", + "Completed text 87545\n", + "Completed text 87546\n", + "Completed text 87547\n", + "Completed text 87548\n", + "Completed text 87549\n", + "Completed text 87550\n", + "Completed text 87551\n", + "Completed text 87552\n", + "Completed text 87553\n", + "Completed text 87554\n", + "Completed text 87555\n", + "Completed text 87556\n", + "Completed text 87557\n", + "Completed text 87558\n", + "Completed text 87559\n", + "Completed text 87560\n", + "Completed text 87561\n", + "Completed text 87562\n", + "Completed text 87563\n", + "Completed text 87564\n", + "Completed text 87565\n", + "Completed text 87566\n", + "Completed text 87567\n", + "Completed text 87568\n", + "Completed text 87569\n", + "Completed text 87570\n", + "Completed text 87571\n", + "Completed text 87572\n", + "Completed text 87573\n", + "Completed text 87574\n", + "Completed text 87575\n", + "Completed text 87576\n", + "Completed text 87577\n", + "Completed text 87578\n", + "Completed text 87579\n", + "Completed text 87580\n", + "Completed text 87581\n", + "Completed text 87582\n", + "Completed text 87583\n", + "Completed text 87584\n", + "Completed text 87585\n", + "Completed text 87586\n", + "Completed text 87587\n", + "Completed text 87588\n", + "Completed text 87589\n", + "Completed text 87590\n", + "Completed text 87591\n", + "Completed text 87592\n", + "Completed text 87593\n", + "Completed text 87594\n", + "Completed text 87595\n", + "Completed text 87596\n", + "Completed text 87597\n", + "Completed text 87598\n", + "Completed text 87599\n", + "Completed text 87600\n", + "Completed text 87601\n", + "Completed text 87602\n", + "Completed text 87603\n", + "Completed text 87604\n", + "Completed text 87605\n", + "Completed text 87606\n", + "Completed text 87607\n", + "Completed text 87608\n", + "Completed text 87609\n", + "Completed text 87610\n", + "Completed text 87611\n", + "Completed text 87612\n", + "Completed text 87613\n", + "Completed text 87614\n", + "Completed text 87615\n", + "Completed text 87616\n", + "Completed text 87617\n", + "Completed text 87618\n", + "Completed text 87619\n", + "Completed text 87620\n", + "Completed text 87621\n", + "Completed text 87622\n", + "Completed text 87623\n", + "Completed text 87624\n", + "Completed text 87625\n", + "Completed text 87626\n", + "Completed text 87627\n", + "Completed text 87628\n", + "Completed text 87629\n", + "Completed text 87630\n", + "Completed text 87631\n", + "Completed text 87632\n", + "Completed text 87633\n", + "Completed text 87634\n", + "Completed text 87635\n", + "Completed text 87636\n", + "Completed text 87637\n", + "Completed text 87638\n", + "Completed text 87639\n", + "Completed text 87640\n", + "Completed text 87641\n", + "Completed text 87642\n", + "Completed text 87643\n", + "Completed text 87644\n", + "Completed text 87645\n", + "Completed text 87646\n", + "Completed text 87647\n", + "Completed text 87648\n", + "Completed text 87649\n", + "Completed text 87650\n", + "Completed text 87651\n", + "Completed text 87652\n", + "Completed text 87653\n", + "Completed text 87654\n", + "Completed text 87655\n", + "Completed text 87656\n", + "Completed text 87657\n", + "Completed text 87658\n", + "Completed text 87659\n", + "Completed text 87660\n", + "Completed text 87661\n", + "Completed text 87662\n", + "Completed text 87663\n", + "Completed text 87664\n", + "Completed text 87665\n", + "Completed text 87666\n", + "Completed text 87667\n", + "Completed text 87668\n", + "Completed text 87669\n", + "Completed text 87670\n", + "Completed text 87671\n", + "Completed text 87672\n", + "Completed text 87673\n", + "Completed text 87674\n", + "Completed text 87675\n", + "Completed text 87676\n", + "Completed text 87677\n", + "Completed text 87678\n", + "Completed text 87679\n", + "Completed text 87680\n", + "Completed text 87681\n", + "Completed text 87682\n", + "Completed text 87683\n", + "Completed text 87684\n", + "Completed text 87685\n", + "Completed text 87686\n", + "Completed text 87687\n", + "Completed text 87688\n", + "Completed text 87689\n", + "Completed text 87690\n", + "Completed text 87691\n", + "Completed text 87692\n", + "Completed text 87693\n", + "Completed text 87694\n", + "Completed text 87695\n", + "Completed text 87696\n", + "Completed text 87697\n", + "Completed text 87698\n", + "Completed text 87699\n", + "Completed text 87700\n", + "Completed text 87701\n", + "Completed text 87702\n", + "Completed text 87703\n", + "Completed text 87704\n", + "Completed text 87705\n", + "Completed text 87706\n", + "Completed text 87707\n", + "Completed text 87708\n", + "Completed text 87709\n", + "Completed text 87710\n", + "Completed text 87711\n", + "Completed text 87712\n", + "Completed text 87713\n", + "Completed text 87714\n", + "Completed text 87715\n", + "Completed text 87716\n", + "Completed text 87717\n", + "Completed text 87718\n", + "Completed text 87719\n", + "Completed text 87720\n", + "Completed text 87721\n", + "Completed text 87722\n", + "Completed text 87723\n", + "Completed text 87724\n", + "Completed text 87725\n", + "Completed text 87726\n", + "Completed text 87727\n", + "Completed text 87728\n", + "Completed text 87729\n", + "Completed text 87730\n", + "Completed text 87731\n", + "Completed text 87732\n", + "Completed text 87733\n", + "Completed text 87734\n", + "Completed text 87735\n", + "Completed text 87736\n", + "Completed text 87737\n", + "Completed text 87738\n", + "Completed text 87739\n", + "Completed text 87740\n", + "Completed text 87741\n", + "Completed text 87742\n", + "Completed text 87743\n", + "Completed text 87744\n", + "Completed text 87745\n", + "Completed text 87746\n", + "Completed text 87747\n", + "Completed text 87748\n", + "Completed text 87749\n", + "Completed text 87750\n", + "Completed text 87751\n", + "Completed text 87752\n", + "Completed text 87753\n", + "Completed text 87754\n", + "Completed text 87755\n", + "Completed text 87756\n", + "Completed text 87757\n", + "Completed text 87758\n", + "Completed text 87759\n", + "Completed text 87760\n", + "Completed text 87761\n", + "Completed text 87762\n", + "Completed text 87763\n", + "Completed text 87764\n", + "Completed text 87765\n", + "Completed text 87766\n", + "Completed text 87767\n", + "Completed text 87768\n", + "Completed text 87769\n", + "Completed text 87770\n", + "Completed text 87771\n", + "Completed text 87772\n", + "Completed text 87773\n", + "Completed text 87774\n", + "Completed text 87775\n", + "Completed text 87776\n", + "Completed text 87777\n", + "Completed text 87778\n", + "Completed text 87779\n", + "Completed text 87780\n", + "Completed text 87781\n", + "Completed text 87782\n", + "Completed text 87783\n", + "Completed text 87784\n", + "Completed text 87785\n", + "Completed text 87786\n", + "Completed text 87787\n", + "Completed text 87788\n", + "Completed text 87789\n", + "Completed text 87790\n", + "Completed text 87791\n", + "Completed text 87792\n", + "Completed text 87793\n", + "Completed text 87794\n", + "Completed text 87795\n", + "Completed text 87796\n", + "Completed text 87797\n", + "Completed text 87798\n", + "Completed text 87799\n", + "Completed text 87800\n", + "Completed text 87801\n", + "Completed text 87802\n", + "Completed text 87803\n", + "Completed text 87804\n", + "Completed text 87805\n", + "Completed text 87806\n", + "Completed text 87807\n", + "Completed text 87808\n", + "Completed text 87809\n", + "Completed text 87810\n", + "Completed text 87811\n", + "Completed text 87812\n", + "Completed text 87813\n", + "Completed text 87814\n", + "Completed text 87815\n", + "Completed text 87816\n", + "Completed text 87817\n", + "Completed text 87818\n", + "Completed text 87819\n", + "Completed text 87820\n", + "Completed text 87821\n", + "Completed text 87822\n", + "Completed text 87823\n", + "Completed text 87824\n", + "Completed text 87825\n", + "Completed text 87826\n", + "Completed text 87827\n", + "Completed text 87828\n", + "Completed text 87829\n", + "Completed text 87830\n", + "Completed text 87831\n", + "Completed text 87832\n", + "Completed text 87833\n", + "Completed text 87834\n", + "Completed text 87835\n", + "Completed text 87836\n", + "Completed text 87837\n", + "Completed text 87838\n", + "Completed text 87839\n", + "Completed text 87840\n", + "Completed text 87841\n", + "Completed text 87842\n", + "Completed text 87843\n", + "Completed text 87844\n", + "Completed text 87845\n", + "Completed text 87846\n", + "Completed text 87847\n", + "Completed text 87848\n", + "Completed text 87849\n", + "Completed text 87850\n", + "Completed text 87851\n", + "Completed text 87852\n", + "Completed text 87853\n", + "Completed text 87854\n", + "Completed text 87855\n", + "Completed text 87856\n", + "Completed text 87857\n", + "Completed text 87858\n", + "Completed text 87859\n", + "Completed text 87860\n", + "Completed text 87861\n", + "Completed text 87862\n", + "Completed text 87863\n", + "Completed text 87864\n", + "Completed text 87865\n", + "Completed text 87866\n", + "Completed text 87867\n", + "Completed text 87868\n", + "Completed text 87869\n", + "Completed text 87870\n", + "Completed text 87871\n", + "Completed text 87872\n", + "Completed text 87873\n", + "Completed text 87874\n", + "Completed text 87875\n", + "Completed text 87876\n", + "Completed text 87877\n", + "Completed text 87878\n", + "Completed text 87879\n", + "Completed text 87880\n", + "Completed text 87881\n", + "Completed text 87882\n", + "Completed text 87883\n", + "Completed text 87884\n", + "Completed text 87885\n", + "Completed text 87886\n", + "Completed text 87887\n", + "Completed text 87888\n", + "Completed text 87889\n", + "Completed text 87890\n", + "Completed text 87891\n", + "Completed text 87892\n", + "Completed text 87893\n", + "Completed text 87894\n", + "Completed text 87895\n", + "Completed text 87896\n", + "Completed text 87897\n", + "Completed text 87898\n", + "Completed text 87899\n", + "Completed text 87900\n", + "Completed text 87901\n", + "Completed text 87902\n", + "Completed text 87903\n", + "Completed text 87904\n", + "Completed text 87905\n", + "Completed text 87906\n", + "Completed text 87907\n", + "Completed text 87908\n", + "Completed text 87909\n", + "Completed text 87910\n", + "Completed text 87911\n", + "Completed text 87912\n", + "Completed text 87913\n", + "Completed text 87914\n", + "Completed text 87915\n", + "Completed text 87916\n", + "Completed text 87917\n", + "Completed text 87918\n", + "Completed text 87919\n", + "Completed text 87920\n", + "Completed text 87921\n", + "Completed text 87922\n", + "Completed text 87923\n", + "Completed text 87924\n", + "Completed text 87925\n", + "Completed text 87926\n", + "Completed text 87927\n", + "Completed text 87928\n", + "Completed text 87929\n", + "Completed text 87930\n", + "Completed text 87931\n", + "Completed text 87932\n", + "Completed text 87933\n", + "Completed text 87934\n", + "Completed text 87935\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 87936\n", + "Completed text 87937\n", + "Completed text 87938\n", + "Completed text 87939\n", + "Completed text 87940\n", + "Completed text 87941\n", + "Completed text 87942\n", + "Completed text 87943\n", + "Completed text 87944\n", + "Completed text 87945\n", + "Completed text 87946\n", + "Completed text 87947\n", + "Completed text 87948\n", + "Completed text 87949\n", + "Completed text 87950\n", + "Completed text 87951\n", + "Completed text 87952\n", + "Completed text 87953\n", + "Completed text 87954\n", + "Completed text 87955\n", + "Completed text 87956\n", + "Completed text 87957\n", + "Completed text 87958\n", + "Completed text 87959\n", + "Completed text 87960\n", + "Completed text 87961\n", + "Completed text 87962\n", + "Completed text 87963\n", + "Completed text 87964\n", + "Completed text 87965\n", + "Completed text 87966\n", + "Completed text 87967\n", + "Completed text 87968\n", + "Completed text 87969\n", + "Completed text 87970\n", + "Completed text 87971\n", + "Completed text 87972\n", + "Completed text 87973\n", + "Completed text 87974\n", + "Completed text 87975\n", + "Completed text 87976\n", + "Completed text 87977\n", + "Completed text 87978\n", + "Completed text 87979\n", + "Completed text 87980\n", + "Completed text 87981\n", + "Completed text 87982\n", + "Completed text 87983\n", + "Completed text 87984\n", + "Completed text 87985\n", + "Completed text 87986\n", + "Completed text 87987\n", + "Completed text 87988\n", + "Completed text 87989\n", + "Completed text 87990\n", + "Completed text 87991\n", + "Completed text 87992\n", + "Completed text 87993\n", + "Completed text 87994\n", + "Completed text 87995\n", + "Completed text 87996\n", + "Completed text 87997\n", + "Completed text 87998\n", + "Completed text 87999\n", + "Completed text 88000\n", + "Completed text 88001\n", + "Completed text 88002\n", + "Completed text 88003\n", + "Completed text 88004\n", + "Completed text 88005\n", + "Completed text 88006\n", + "Completed text 88007\n", + "Completed text 88008\n", + "Completed text 88009\n", + "Completed text 88010\n", + "Completed text 88011\n", + "Completed text 88012\n", + "Completed text 88013\n", + "Completed text 88014\n", + "Completed text 88015\n", + "Completed text 88016\n", + "Completed text 88017\n", + "Completed text 88018\n", + "Completed text 88019\n", + "Completed text 88020\n", + "Completed text 88021\n", + "Completed text 88022\n", + "Completed text 88023\n", + "Completed text 88024\n", + "Completed text 88025\n", + "Completed text 88026\n", + "Completed text 88027\n", + "Completed text 88028\n", + "Completed text 88029\n", + "Completed text 88030\n", + "Completed text 88031\n", + "Completed text 88032\n", + "Completed text 88033\n", + "Completed text 88034\n", + "Completed text 88035\n", + "Completed text 88036\n", + "Completed text 88037\n", + "Completed text 88038\n", + "Completed text 88039\n", + "Completed text 88040\n", + "Completed text 88041\n", + "Completed text 88042\n", + "Completed text 88043\n", + "Completed text 88044\n", + "Completed text 88045\n", + "Completed text 88046\n", + "Completed text 88047\n", + "Completed text 88048\n", + "Completed text 88049\n", + "Completed text 88050\n", + "Completed text 88051\n", + "Completed text 88052\n", + "Completed text 88053\n", + "Completed text 88054\n", + "Completed text 88055\n", + "Completed text 88056\n", + "Completed text 88057\n", + "Completed text 88058\n", + "Completed text 88059\n", + "Completed text 88060\n", + "Completed text 88061\n", + "Completed text 88062\n", + "Completed text 88063\n", + "Completed text 88064\n", + "Completed text 88065\n", + "Completed text 88066\n", + "Completed text 88067\n", + "Completed text 88068\n", + "Completed text 88069\n", + "Completed text 88070\n", + "Completed text 88071\n", + "Completed text 88072\n", + "Completed text 88073\n", + "Completed text 88074\n", + "Completed text 88075\n", + "Completed text 88076\n", + "Completed text 88077\n", + "Completed text 88078\n", + "Completed text 88079\n", + "Completed text 88080\n", + "Completed text 88081\n", + "Completed text 88082\n", + "Completed text 88083\n", + "Completed text 88084\n", + "Completed text 88085\n", + "Completed text 88086\n", + "Completed text 88087\n", + "Completed text 88088\n", + "Completed text 88089\n", + "Completed text 88090\n", + "Completed text 88091\n", + "Completed text 88092\n", + "Completed text 88093\n", + "Completed text 88094\n", + "Completed text 88095\n", + "Completed text 88096\n", + "Completed text 88097\n", + "Completed text 88098\n", + "Completed text 88099\n", + "Completed text 88100\n", + "Completed text 88101\n", + "Completed text 88102\n", + "Completed text 88103\n", + "Completed text 88104\n", + "Completed text 88105\n", + "Completed text 88106\n", + "Completed text 88107\n", + "Completed text 88108\n", + "Completed text 88109\n", + "Completed text 88110\n", + "Completed text 88111\n", + "Completed text 88112\n", + "Completed text 88113\n", + "Completed text 88114\n", + "Completed text 88115\n", + "Completed text 88116\n", + "Completed text 88117\n", + "Completed text 88118\n", + "Completed text 88119\n", + "Completed text 88120\n", + "Completed text 88121\n", + "Completed text 88122\n", + "Completed text 88123\n", + "Completed text 88124\n", + "Completed text 88125\n", + "Completed text 88126\n", + "Completed text 88127\n", + "Completed text 88128\n", + "Completed text 88129\n", + "Completed text 88130\n", + "Completed text 88131\n", + "Completed text 88132\n", + "Completed text 88133\n", + "Completed text 88134\n", + "Completed text 88135\n", + "Completed text 88136\n", + "Completed text 88137\n", + "Completed text 88138\n", + "Completed text 88139\n", + "Completed text 88140\n", + "Completed text 88141\n", + "Completed text 88142\n", + "Completed text 88143\n", + "Completed text 88144\n", + "Completed text 88145\n", + "Completed text 88146\n", + "Completed text 88147\n", + "Completed text 88148\n", + "Completed text 88149\n", + "Completed text 88150\n", + "Completed text 88151\n", + "Completed text 88152\n", + "Completed text 88153\n", + "Completed text 88154\n", + "Completed text 88155\n", + "Completed text 88156\n", + "Completed text 88157\n", + "Completed text 88158\n", + "Completed text 88159\n", + "Completed text 88160\n", + "Completed text 88161\n", + "Completed text 88162\n", + "Completed text 88163\n", + "Completed text 88164\n", + "Completed text 88165\n", + "Completed text 88166\n", + "Completed text 88167\n", + "Completed text 88168\n", + "Completed text 88169\n", + "Completed text 88170\n", + "Completed text 88171\n", + "Completed text 88172\n", + "Completed text 88173\n", + "Completed text 88174\n", + "Completed text 88175\n", + "Completed text 88176\n", + "Completed text 88177\n", + "Completed text 88178\n", + "Completed text 88179\n", + "Completed text 88180\n", + "Completed text 88181\n", + "Completed text 88182\n", + "Completed text 88183\n", + "Completed text 88184\n", + "Completed text 88185\n", + "Completed text 88186\n", + "Completed text 88187\n", + "Completed text 88188\n", + "Completed text 88189\n", + "Completed text 88190\n", + "Completed text 88191\n", + "Completed text 88192\n", + "Completed text 88193\n", + "Completed text 88194\n", + "Completed text 88195\n", + "Completed text 88196\n", + "Completed text 88197\n", + "Completed text 88198\n", + "Completed text 88199\n", + "Completed text 88200\n", + "Completed text 88201\n", + "Completed text 88202\n", + "Completed text 88203\n", + "Completed text 88204\n", + "Completed text 88205\n", + "Completed text 88206\n", + "Completed text 88207\n", + "Completed text 88208\n", + "Completed text 88209\n", + "Completed text 88210\n", + "Completed text 88211\n", + "Completed text 88212\n", + "Completed text 88213\n", + "Completed text 88214\n", + "Completed text 88215\n", + "Completed text 88216\n", + "Completed text 88217\n", + "Completed text 88218\n", + "Completed text 88219\n", + "Completed text 88220\n", + "Completed text 88221\n", + "Completed text 88222\n", + "Completed text 88223\n", + "Completed text 88224\n", + "Completed text 88225\n", + "Completed text 88226\n", + "Completed text 88227\n", + "Completed text 88228\n", + "Completed text 88229\n", + "Completed text 88230\n", + "Completed text 88231\n", + "Completed text 88232\n", + "Completed text 88233\n", + "Completed text 88234\n", + "Completed text 88235\n", + "Completed text 88236\n", + "Completed text 88237\n", + "Completed text 88238\n", + "Completed text 88239\n", + "Completed text 88240\n", + "Completed text 88241\n", + "Completed text 88242\n", + "Completed text 88243\n", + "Completed text 88244\n", + "Completed text 88245\n", + "Completed text 88246\n", + "Completed text 88247\n", + "Completed text 88248\n", + "Completed text 88249\n", + "Completed text 88250\n", + "Completed text 88251\n", + "Completed text 88252\n", + "Completed text 88253\n", + "Completed text 88254\n", + "Completed text 88255\n", + "Completed text 88256\n", + "Completed text 88257\n", + "Completed text 88258\n", + "Completed text 88259\n", + "Completed text 88260\n", + "Completed text 88261\n", + "Completed text 88262\n", + "Completed text 88263\n", + "Completed text 88264\n", + "Completed text 88265\n", + "Completed text 88266\n", + "Completed text 88267\n", + "Completed text 88268\n", + "Completed text 88269\n", + "Completed text 88270\n", + "Completed text 88271\n", + "Completed text 88272\n", + "Completed text 88273\n", + "Completed text 88274\n", + "Completed text 88275\n", + "Completed text 88276\n", + "Completed text 88277\n", + "Completed text 88278\n", + "Completed text 88279\n", + "Completed text 88280\n", + "Completed text 88281\n", + "Completed text 88282\n", + "Completed text 88283\n", + "Completed text 88284\n", + "Completed text 88285\n", + "Completed text 88286\n", + "Completed text 88287\n", + "Completed text 88288\n", + "Completed text 88289\n", + "Completed text 88290\n", + "Completed text 88291\n", + "Completed text 88292\n", + "Completed text 88293\n", + "Completed text 88294\n", + "Completed text 88295\n", + "Completed text 88296\n", + "Completed text 88297\n", + "Completed text 88298\n", + "Completed text 88299\n", + "Completed text 88300\n", + "Completed text 88301\n", + "Completed text 88302\n", + "Completed text 88303\n", + "Completed text 88304\n", + "Completed text 88305\n", + "Completed text 88306\n", + "Completed text 88307\n", + "Completed text 88308\n", + "Completed text 88309\n", + "Completed text 88310\n", + "Completed text 88311\n", + "Completed text 88312\n", + "Completed text 88313\n", + "Completed text 88314\n", + "Completed text 88315\n", + "Completed text 88316\n", + "Completed text 88317\n", + "Completed text 88318\n", + "Completed text 88319\n", + "Completed text 88320\n", + "Completed text 88321\n", + "Completed text 88322\n", + "Completed text 88323\n", + "Completed text 88324\n", + "Completed text 88325\n", + "Completed text 88326\n", + "Completed text 88327\n", + "Completed text 88328\n", + "Completed text 88329\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 88330\n", + "Completed text 88331\n", + "Completed text 88332\n", + "Completed text 88333\n", + "Completed text 88334\n", + "Completed text 88335\n", + "Completed text 88336\n", + "Completed text 88337\n", + "Completed text 88338\n", + "Completed text 88339\n", + "Completed text 88340\n", + "Completed text 88341\n", + "Completed text 88342\n", + "Completed text 88343\n", + "Completed text 88344\n", + "Completed text 88345\n", + "Completed text 88346\n", + "Completed text 88347\n", + "Completed text 88348\n", + "Completed text 88349\n", + "Completed text 88350\n", + "Completed text 88351\n", + "Completed text 88352\n", + "Completed text 88353\n", + "Completed text 88354\n", + "Completed text 88355\n", + "Completed text 88356\n", + "Completed text 88357\n", + "Completed text 88358\n", + "Completed text 88359\n", + "Completed text 88360\n", + "Completed text 88361\n", + "Completed text 88362\n", + "Completed text 88363\n", + "Completed text 88364\n", + "Completed text 88365\n", + "Completed text 88366\n", + "Completed text 88367\n", + "Completed text 88368\n", + "Completed text 88369\n", + "Completed text 88370\n", + "Completed text 88371\n", + "Completed text 88372\n", + "Completed text 88373\n", + "Completed text 88374\n", + "Completed text 88375\n", + "Completed text 88376\n", + "Completed text 88377\n", + "Completed text 88378\n", + "Completed text 88379\n", + "Completed text 88380\n", + "Completed text 88381\n", + "Completed text 88382\n", + "Completed text 88383\n", + "Completed text 88384\n", + "Completed text 88385\n", + "Completed text 88386\n", + "Completed text 88387\n", + "Completed text 88388\n", + "Completed text 88389\n", + "Completed text 88390\n", + "Completed text 88391\n", + "Completed text 88392\n", + "Completed text 88393\n", + "Completed text 88394\n", + "Completed text 88395\n", + "Completed text 88396\n", + "Completed text 88397\n", + "Completed text 88398\n", + "Completed text 88399\n", + "Completed text 88400\n", + "Completed text 88401\n", + "Completed text 88402\n", + "Completed text 88403\n", + "Completed text 88404\n", + "Completed text 88405\n", + "Completed text 88406\n", + "Completed text 88407\n", + "Completed text 88408\n", + "Completed text 88409\n", + "Completed text 88410\n", + "Completed text 88411\n", + "Completed text 88412\n", + "Completed text 88413\n", + "Completed text 88414\n", + "Completed text 88415\n", + "Completed text 88416\n", + "Completed text 88417\n", + "Completed text 88418\n", + "Completed text 88419\n", + "Completed text 88420\n", + "Completed text 88421\n", + "Completed text 88422\n", + "Completed text 88423\n", + "Completed text 88424\n", + "Completed text 88425\n", + "Completed text 88426\n", + "Completed text 88427\n", + "Completed text 88428\n", + "Completed text 88429\n", + "Completed text 88430\n", + "Completed text 88431\n", + "Completed text 88432\n", + "Completed text 88433\n", + "Completed text 88434\n", + "Completed text 88435\n", + "Completed text 88436\n", + "Completed text 88437\n", + "Completed text 88438\n", + "Completed text 88439\n", + "Completed text 88440\n", + "Completed text 88441\n", + "Completed text 88442\n", + "Completed text 88443\n", + "Completed text 88444\n", + "Completed text 88445\n", + "Completed text 88446\n", + "Completed text 88447\n", + "Completed text 88448\n", + "Completed text 88449\n", + "Completed text 88450\n", + "Completed text 88451\n", + "Completed text 88452\n", + "Completed text 88453\n", + "Completed text 88454\n", + "Completed text 88455\n", + "Completed text 88456\n", + "Completed text 88457\n", + "Completed text 88458\n", + "Completed text 88459\n", + "Completed text 88460\n", + "Completed text 88461\n", + "Completed text 88462\n", + "Completed text 88463\n", + "Completed text 88464\n", + "Completed text 88465\n", + "Completed text 88466\n", + "Completed text 88467\n", + "Completed text 88468\n", + "Completed text 88469\n", + "Completed text 88470\n", + "Completed text 88471\n", + "Completed text 88472\n", + "Completed text 88473\n", + "Completed text 88474\n", + "Completed text 88475\n", + "Completed text 88476\n", + "Completed text 88477\n", + "Completed text 88478\n", + "Completed text 88479\n", + "Completed text 88480\n", + "Completed text 88481\n", + "Completed text 88482\n", + "Completed text 88483\n", + "Completed text 88484\n", + "Completed text 88485\n", + "Completed text 88486\n", + "Completed text 88487\n", + "Completed text 88488\n", + "Completed text 88489\n", + "Completed text 88490\n", + "Completed text 88491\n", + "Completed text 88492\n", + "Completed text 88493\n", + "Completed text 88494\n", + "Completed text 88495\n", + "Completed text 88496\n", + "Completed text 88497\n", + "Completed text 88498\n", + "Completed text 88499\n", + "Completed text 88500\n", + "Completed text 88501\n", + "Completed text 88502\n", + "Completed text 88503\n", + "Completed text 88504\n", + "Completed text 88505\n", + "Completed text 88506\n", + "Completed text 88507\n", + "Completed text 88508\n", + "Completed text 88509\n", + "Completed text 88510\n", + "Completed text 88511\n", + "Completed text 88512\n", + "Completed text 88513\n", + "Completed text 88514\n", + "Completed text 88515\n", + "Completed text 88516\n", + "Completed text 88517\n", + "Completed text 88518\n", + "Completed text 88519\n", + "Completed text 88520\n", + "Completed text 88521\n", + "Completed text 88522\n", + "Completed text 88523\n", + "Completed text 88524\n", + "Completed text 88525\n", + "Completed text 88526\n", + "Completed text 88527\n", + "Completed text 88528\n", + "Completed text 88529\n", + "Completed text 88530\n", + "Completed text 88531\n", + "Completed text 88532\n", + "Completed text 88533\n", + "Completed text 88534\n", + "Completed text 88535\n", + "Completed text 88536\n", + "Completed text 88537\n", + "Completed text 88538\n", + "Completed text 88539\n", + "Completed text 88540\n", + "Completed text 88541\n", + "Completed text 88542\n", + "Completed text 88543\n", + "Completed text 88544\n", + "Completed text 88545\n", + "Completed text 88546\n", + "Completed text 88547\n", + "Completed text 88548\n", + "Completed text 88549\n", + "Completed text 88550\n", + "Completed text 88551\n", + "Completed text 88552\n", + "Completed text 88553\n", + "Completed text 88554\n", + "Completed text 88555\n", + "Completed text 88556\n", + "Completed text 88557\n", + "Completed text 88558\n", + "Completed text 88559\n", + "Completed text 88560\n", + "Completed text 88561\n", + "Completed text 88562\n", + "Completed text 88563\n", + "Completed text 88564\n", + "Completed text 88565\n", + "Completed text 88566\n", + "Completed text 88567\n", + "Completed text 88568\n", + "Completed text 88569\n", + "Completed text 88570\n", + "Completed text 88571\n", + "Completed text 88572\n", + "Completed text 88573\n", + "Completed text 88574\n", + "Completed text 88575\n", + "Completed text 88576\n", + "Completed text 88577\n", + "Completed text 88578\n", + "Completed text 88579\n", + "Completed text 88580\n", + "Completed text 88581\n", + "Completed text 88582\n", + "Completed text 88583\n", + "Completed text 88584\n", + "Completed text 88585\n", + "Completed text 88586\n", + "Completed text 88587\n", + "Completed text 88588\n", + "Completed text 88589\n", + "Completed text 88590\n", + "Completed text 88591\n", + "Completed text 88592\n", + "Completed text 88593\n", + "Completed text 88594\n", + "Completed text 88595\n", + "Completed text 88596\n", + "Completed text 88597\n", + "Completed text 88598\n", + "Completed text 88599\n", + "Completed text 88600\n", + "Completed text 88601\n", + "Completed text 88602\n", + "Completed text 88603\n", + "Completed text 88604\n", + "Completed text 88605\n", + "Completed text 88606\n", + "Completed text 88607\n", + "Completed text 88608\n", + "Completed text 88609\n", + "Completed text 88610\n", + "Completed text 88611\n", + "Completed text 88612\n", + "Completed text 88613\n", + "Completed text 88614\n", + "Completed text 88615\n", + "Completed text 88616\n", + "Completed text 88617\n", + "Completed text 88618\n", + "Completed text 88619\n", + "Completed text 88620\n", + "Completed text 88621\n", + "Completed text 88622\n", + "Completed text 88623\n", + "Completed text 88624\n", + "Completed text 88625\n", + "Completed text 88626\n", + "Completed text 88627\n", + "Completed text 88628\n", + "Completed text 88629\n", + "Completed text 88630\n", + "Completed text 88631\n", + "Completed text 88632\n", + "Completed text 88633\n", + "Completed text 88634\n", + "Completed text 88635\n", + "Completed text 88636\n", + "Completed text 88637\n", + "Completed text 88638\n", + "Completed text 88639\n", + "Completed text 88640\n", + "Completed text 88641\n", + "Completed text 88642\n", + "Completed text 88643\n", + "Completed text 88644\n", + "Completed text 88645\n", + "Completed text 88646\n", + "Completed text 88647\n", + "Completed text 88648\n", + "Completed text 88649\n", + "Completed text 88650\n", + "Completed text 88651\n", + "Completed text 88652\n", + "Completed text 88653\n", + "Completed text 88654\n", + "Completed text 88655\n", + "Completed text 88656\n", + "Completed text 88657\n", + "Completed text 88658\n", + "Completed text 88659\n", + "Completed text 88660\n", + "Completed text 88661\n", + "Completed text 88662\n", + "Completed text 88663\n", + "Completed text 88664\n", + "Completed text 88665\n", + "Completed text 88666\n", + "Completed text 88667\n", + "Completed text 88668\n", + "Completed text 88669\n", + "Completed text 88670\n", + "Completed text 88671\n", + "Completed text 88672\n", + "Completed text 88673\n", + "Completed text 88674\n", + "Completed text 88675\n", + "Completed text 88676\n", + "Completed text 88677\n", + "Completed text 88678\n", + "Completed text 88679\n", + "Completed text 88680\n", + "Completed text 88681\n", + "Completed text 88682\n", + "Completed text 88683\n", + "Completed text 88684\n", + "Completed text 88685\n", + "Completed text 88686\n", + "Completed text 88687\n", + "Completed text 88688\n", + "Completed text 88689\n", + "Completed text 88690\n", + "Completed text 88691\n", + "Completed text 88692\n", + "Completed text 88693\n", + "Completed text 88694\n", + "Completed text 88695\n", + "Completed text 88696\n", + "Completed text 88697\n", + "Completed text 88698\n", + "Completed text 88699\n", + "Completed text 88700\n", + "Completed text 88701\n", + "Completed text 88702\n", + "Completed text 88703\n", + "Completed text 88704\n", + "Completed text 88705\n", + "Completed text 88706\n", + "Completed text 88707\n", + "Completed text 88708\n", + "Completed text 88709\n", + "Completed text 88710\n", + "Completed text 88711\n", + "Completed text 88712\n", + "Completed text 88713\n", + "Completed text 88714\n", + "Completed text 88715\n", + "Completed text 88716\n", + "Completed text 88717\n", + "Completed text 88718\n", + "Completed text 88719\n", + "Completed text 88720\n", + "Completed text 88721\n", + "Completed text 88722\n", + "Completed text 88723\n", + "Completed text 88724\n", + "Completed text 88725\n", + "Completed text 88726\n", + "Completed text 88727\n", + "Completed text 88728\n", + "Completed text 88729\n", + "Completed text 88730\n", + "Completed text 88731\n", + "Completed text 88732\n", + "Completed text 88733\n", + "Completed text 88734\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 88735\n", + "Completed text 88736\n", + "Completed text 88737\n", + "Completed text 88738\n", + "Completed text 88739\n", + "Completed text 88740\n", + "Completed text 88741\n", + "Completed text 88742\n", + "Completed text 88743\n", + "Completed text 88744\n", + "Completed text 88745\n", + "Completed text 88746\n", + "Completed text 88747\n", + "Completed text 88748\n", + "Completed text 88749\n", + "Completed text 88750\n", + "Completed text 88751\n", + "Completed text 88752\n", + "Completed text 88753\n", + "Completed text 88754\n", + "Completed text 88755\n", + "Completed text 88756\n", + "Completed text 88757\n", + "Completed text 88758\n", + "Completed text 88759\n", + "Completed text 88760\n", + "Completed text 88761\n", + "Completed text 88762\n", + "Completed text 88763\n", + "Completed text 88764\n", + "Completed text 88765\n", + "Completed text 88766\n", + "Completed text 88767\n", + "Completed text 88768\n", + "Completed text 88769\n", + "Completed text 88770\n", + "Completed text 88771\n", + "Completed text 88772\n", + "Completed text 88773\n", + "Completed text 88774\n", + "Completed text 88775\n", + "Completed text 88776\n", + "Completed text 88777\n", + "Completed text 88778\n", + "Completed text 88779\n", + "Completed text 88780\n", + "Completed text 88781\n", + "Completed text 88782\n", + "Completed text 88783\n", + "Completed text 88784\n", + "Completed text 88785\n", + "Completed text 88786\n", + "Completed text 88787\n", + "Completed text 88788\n", + "Completed text 88789\n", + "Completed text 88790\n", + "Completed text 88791\n", + "Completed text 88792\n", + "Completed text 88793\n", + "Completed text 88794\n", + "Completed text 88795\n", + "Completed text 88796\n", + "Completed text 88797\n", + "Completed text 88798\n", + "Completed text 88799\n", + "Completed text 88800\n", + "Completed text 88801\n", + "Completed text 88802\n", + "Completed text 88803\n", + "Completed text 88804\n", + "Completed text 88805\n", + "Completed text 88806\n", + "Completed text 88807\n", + "Completed text 88808\n", + "Completed text 88809\n", + "Completed text 88810\n", + "Completed text 88811\n", + "Completed text 88812\n", + "Completed text 88813\n", + "Completed text 88814\n", + "Completed text 88815\n", + "Completed text 88816\n", + "Completed text 88817\n", + "Completed text 88818\n", + "Completed text 88819\n", + "Completed text 88820\n", + "Completed text 88821\n", + "Completed text 88822\n", + "Completed text 88823\n", + "Completed text 88824\n", + "Completed text 88825\n", + "Completed text 88826\n", + "Completed text 88827\n", + "Completed text 88828\n", + "Completed text 88829\n", + "Completed text 88830\n", + "Completed text 88831\n", + "Completed text 88832\n", + "Completed text 88833\n", + "Completed text 88834\n", + "Completed text 88835\n", + "Completed text 88836\n", + "Completed text 88837\n", + "Completed text 88838\n", + "Completed text 88839\n", + "Completed text 88840\n", + "Completed text 88841\n", + "Completed text 88842\n", + "Completed text 88843\n", + "Completed text 88844\n", + "Completed text 88845\n", + "Completed text 88846\n", + "Completed text 88847\n", + "Completed text 88848\n", + "Completed text 88849\n", + "Completed text 88850\n", + "Completed text 88851\n", + "Completed text 88852\n", + "Completed text 88853\n", + "Completed text 88854\n", + "Completed text 88855\n", + "Completed text 88856\n", + "Completed text 88857\n", + "Completed text 88858\n", + "Completed text 88859\n", + "Completed text 88860\n", + "Completed text 88861\n", + "Completed text 88862\n", + "Completed text 88863\n", + "Completed text 88864\n", + "Completed text 88865\n", + "Completed text 88866\n", + "Completed text 88867\n", + "Completed text 88868\n", + "Completed text 88869\n", + "Completed text 88870\n", + "Completed text 88871\n", + "Completed text 88872\n", + "Completed text 88873\n", + "Completed text 88874\n", + "Completed text 88875\n", + "Completed text 88876\n", + "Completed text 88877\n", + "Completed text 88878\n", + "Completed text 88879\n", + "Completed text 88880\n", + "Completed text 88881\n", + "Completed text 88882\n", + "Completed text 88883\n", + "Completed text 88884\n", + "Completed text 88885\n", + "Completed text 88886\n", + "Completed text 88887\n", + "Completed text 88888\n", + "Completed text 88889\n", + "Completed text 88890\n", + "Completed text 88891\n", + "Completed text 88892\n", + "Completed text 88893\n", + "Completed text 88894\n", + "Completed text 88895\n", + "Completed text 88896\n", + "Completed text 88897\n", + "Completed text 88898\n", + "Completed text 88899\n", + "Completed text 88900\n", + "Completed text 88901\n", + "Completed text 88902\n", + "Completed text 88903\n", + "Completed text 88904\n", + "Completed text 88905\n", + "Completed text 88906\n", + "Completed text 88907\n", + "Completed text 88908\n", + "Completed text 88909\n", + "Completed text 88910\n", + "Completed text 88911\n", + "Completed text 88912\n", + "Completed text 88913\n", + "Completed text 88914\n", + "Completed text 88915\n", + "Completed text 88916\n", + "Completed text 88917\n", + "Completed text 88918\n", + "Completed text 88919\n", + "Completed text 88920\n", + "Completed text 88921\n", + "Completed text 88922\n", + "Completed text 88923\n", + "Completed text 88924\n", + "Completed text 88925\n", + "Completed text 88926\n", + "Completed text 88927\n", + "Completed text 88928\n", + "Completed text 88929\n", + "Completed text 88930\n", + "Completed text 88931\n", + "Completed text 88932\n", + "Completed text 88933\n", + "Completed text 88934\n", + "Completed text 88935\n", + "Completed text 88936\n", + "Completed text 88937\n", + "Completed text 88938\n", + "Completed text 88939\n", + "Completed text 88940\n", + "Completed text 88941\n", + "Completed text 88942\n", + "Completed text 88943\n", + "Completed text 88944\n", + "Completed text 88945\n", + "Completed text 88946\n", + "Completed text 88947\n", + "Completed text 88948\n", + "Completed text 88949\n", + "Completed text 88950\n", + "Completed text 88951\n", + "Completed text 88952\n", + "Completed text 88953\n", + "Completed text 88954\n", + "Completed text 88955\n", + "Completed text 88956\n", + "Completed text 88957\n", + "Completed text 88958\n", + "Completed text 88959\n", + "Completed text 88960\n", + "Completed text 88961\n", + "Completed text 88962\n", + "Completed text 88963\n", + "Completed text 88964\n", + "Completed text 88965\n", + "Completed text 88966\n", + "Completed text 88967\n", + "Completed text 88968\n", + "Completed text 88969\n", + "Completed text 88970\n", + "Completed text 88971\n", + "Completed text 88972\n", + "Completed text 88973\n", + "Completed text 88974\n", + "Completed text 88975\n", + "Completed text 88976\n", + "Completed text 88977\n", + "Completed text 88978\n", + "Completed text 88979\n", + "Completed text 88980\n", + "Completed text 88981\n", + "Completed text 88982\n", + "Completed text 88983\n", + "Completed text 88984\n", + "Completed text 88985\n", + "Completed text 88986\n", + "Completed text 88987\n", + "Completed text 88988\n", + "Completed text 88989\n", + "Completed text 88990\n", + "Completed text 88991\n", + "Completed text 88992\n", + "Completed text 88993\n", + "Completed text 88994\n", + "Completed text 88995\n", + "Completed text 88996\n", + "Completed text 88997\n", + "Completed text 88998\n", + "Completed text 88999\n", + "Completed text 89000\n", + "Completed text 89001\n", + "Completed text 89002\n", + "Completed text 89003\n", + "Completed text 89004\n", + "Completed text 89005\n", + "Completed text 89006\n", + "Completed text 89007\n", + "Completed text 89008\n", + "Completed text 89009\n", + "Completed text 89010\n", + "Completed text 89011\n", + "Completed text 89012\n", + "Completed text 89013\n", + "Completed text 89014\n", + "Completed text 89015\n", + "Completed text 89016\n", + "Completed text 89017\n", + "Completed text 89018\n", + "Completed text 89019\n", + "Completed text 89020\n", + "Completed text 89021\n", + "Completed text 89022\n", + "Completed text 89023\n", + "Completed text 89024\n", + "Completed text 89025\n", + "Completed text 89026\n", + "Completed text 89027\n", + "Completed text 89028\n", + "Completed text 89029\n", + "Completed text 89030\n", + "Completed text 89031\n", + "Completed text 89032\n", + "Completed text 89033\n", + "Completed text 89034\n", + "Completed text 89035\n", + "Completed text 89036\n", + "Completed text 89037\n", + "Completed text 89038\n", + "Completed text 89039\n", + "Completed text 89040\n", + "Completed text 89041\n", + "Completed text 89042\n", + "Completed text 89043\n", + "Completed text 89044\n", + "Completed text 89045\n", + "Completed text 89046\n", + "Completed text 89047\n", + "Completed text 89048\n", + "Completed text 89049\n", + "Completed text 89050\n", + "Completed text 89051\n", + "Completed text 89052\n", + "Completed text 89053\n", + "Completed text 89054\n", + "Completed text 89055\n", + "Completed text 89056\n", + "Completed text 89057\n", + "Completed text 89058\n", + "Completed text 89059\n", + "Completed text 89060\n", + "Completed text 89061\n", + "Completed text 89062\n", + "Completed text 89063\n", + "Completed text 89064\n", + "Completed text 89065\n", + "Completed text 89066\n", + "Completed text 89067\n", + "Completed text 89068\n", + "Completed text 89069\n", + "Completed text 89070\n", + "Completed text 89071\n", + "Completed text 89072\n", + "Completed text 89073\n", + "Completed text 89074\n", + "Completed text 89075\n", + "Completed text 89076\n", + "Completed text 89077\n", + "Completed text 89078\n", + "Completed text 89079\n", + "Completed text 89080\n", + "Completed text 89081\n", + "Completed text 89082\n", + "Completed text 89083\n", + "Completed text 89084\n", + "Completed text 89085\n", + "Completed text 89086\n", + "Completed text 89087\n", + "Completed text 89088\n", + "Completed text 89089\n", + "Completed text 89090\n", + "Completed text 89091\n", + "Completed text 89092\n", + "Completed text 89093\n", + "Completed text 89094\n", + "Completed text 89095\n", + "Completed text 89096\n", + "Completed text 89097\n", + "Completed text 89098\n", + "Completed text 89099\n", + "Completed text 89100\n", + "Completed text 89101\n", + "Completed text 89102\n", + "Completed text 89103\n", + "Completed text 89104\n", + "Completed text 89105\n", + "Completed text 89106\n", + "Completed text 89107\n", + "Completed text 89108\n", + "Completed text 89109\n", + "Completed text 89110\n", + "Completed text 89111\n", + "Completed text 89112\n", + "Completed text 89113\n", + "Completed text 89114\n", + "Completed text 89115\n", + "Completed text 89116\n", + "Completed text 89117\n", + "Completed text 89118\n", + "Completed text 89119\n", + "Completed text 89120\n", + "Completed text 89121\n", + "Completed text 89122\n", + "Completed text 89123\n", + "Completed text 89124\n", + "Completed text 89125\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 89126\n", + "Completed text 89127\n", + "Completed text 89128\n", + "Completed text 89129\n", + "Completed text 89130\n", + "Completed text 89131\n", + "Completed text 89132\n", + "Completed text 89133\n", + "Completed text 89134\n", + "Completed text 89135\n", + "Completed text 89136\n", + "Completed text 89137\n", + "Completed text 89138\n", + "Completed text 89139\n", + "Completed text 89140\n", + "Completed text 89141\n", + "Completed text 89142\n", + "Completed text 89143\n", + "Completed text 89144\n", + "Completed text 89145\n", + "Completed text 89146\n", + "Completed text 89147\n", + "Completed text 89148\n", + "Completed text 89149\n", + "Completed text 89150\n", + "Completed text 89151\n", + "Completed text 89152\n", + "Completed text 89153\n", + "Completed text 89154\n", + "Completed text 89155\n", + "Completed text 89156\n", + "Completed text 89157\n", + "Completed text 89158\n", + "Completed text 89159\n", + "Completed text 89160\n", + "Completed text 89161\n", + "Completed text 89162\n", + "Completed text 89163\n", + "Completed text 89164\n", + "Completed text 89165\n", + "Completed text 89166\n", + "Completed text 89167\n", + "Completed text 89168\n", + "Completed text 89169\n", + "Completed text 89170\n", + "Completed text 89171\n", + "Completed text 89172\n", + "Completed text 89173\n", + "Completed text 89174\n", + "Completed text 89175\n", + "Completed text 89176\n", + "Completed text 89177\n", + "Completed text 89178\n", + "Completed text 89179\n", + "Completed text 89180\n", + "Completed text 89181\n", + "Completed text 89182\n", + "Completed text 89183\n", + "Completed text 89184\n", + "Completed text 89185\n", + "Completed text 89186\n", + "Completed text 89187\n", + "Completed text 89188\n", + "Completed text 89189\n", + "Completed text 89190\n", + "Completed text 89191\n", + "Completed text 89192\n", + "Completed text 89193\n", + "Completed text 89194\n", + "Completed text 89195\n", + "Completed text 89196\n", + "Completed text 89197\n", + "Completed text 89198\n", + "Completed text 89199\n", + "Completed text 89200\n", + "Completed text 89201\n", + "Completed text 89202\n", + "Completed text 89203\n", + "Completed text 89204\n", + "Completed text 89205\n", + "Completed text 89206\n", + "Completed text 89207\n", + "Completed text 89208\n", + "Completed text 89209\n", + "Completed text 89210\n", + "Completed text 89211\n", + "Completed text 89212\n", + "Completed text 89213\n", + "Completed text 89214\n", + "Completed text 89215\n", + "Completed text 89216\n", + "Completed text 89217\n", + "Completed text 89218\n", + "Completed text 89219\n", + "Completed text 89220\n", + "Completed text 89221\n", + "Completed text 89222\n", + "Completed text 89223\n", + "Completed text 89224\n", + "Completed text 89225\n", + "Completed text 89226\n", + "Completed text 89227\n", + "Completed text 89228\n", + "Completed text 89229\n", + "Completed text 89230\n", + "Completed text 89231\n", + "Completed text 89232\n", + "Completed text 89233\n", + "Completed text 89234\n", + "Completed text 89235\n", + "Completed text 89236\n", + "Completed text 89237\n", + "Completed text 89238\n", + "Completed text 89239\n", + "Completed text 89240\n", + "Completed text 89241\n", + "Completed text 89242\n", + "Completed text 89243\n", + "Completed text 89244\n", + "Completed text 89245\n", + "Completed text 89246\n", + "Completed text 89247\n", + "Completed text 89248\n", + "Completed text 89249\n", + "Completed text 89250\n", + "Completed text 89251\n", + "Completed text 89252\n", + "Completed text 89253\n", + "Completed text 89254\n", + "Completed text 89255\n", + "Completed text 89256\n", + "Completed text 89257\n", + "Completed text 89258\n", + "Completed text 89259\n", + "Completed text 89260\n", + "Completed text 89261\n", + "Completed text 89262\n", + "Completed text 89263\n", + "Completed text 89264\n", + "Completed text 89265\n", + "Completed text 89266\n", + "Completed text 89267\n", + "Completed text 89268\n", + "Completed text 89269\n", + "Completed text 89270\n", + "Completed text 89271\n", + "Completed text 89272\n", + "Completed text 89273\n", + "Completed text 89274\n", + "Completed text 89275\n", + "Completed text 89276\n", + "Completed text 89277\n", + "Completed text 89278\n", + "Completed text 89279\n", + "Completed text 89280\n", + "Completed text 89281\n", + "Completed text 89282\n", + "Completed text 89283\n", + "Completed text 89284\n", + "Completed text 89285\n", + "Completed text 89286\n", + "Completed text 89287\n", + "Completed text 89288\n", + "Completed text 89289\n", + "Completed text 89290\n", + "Completed text 89291\n", + "Completed text 89292\n", + "Completed text 89293\n", + "Completed text 89294\n", + "Completed text 89295\n", + "Completed text 89296\n", + "Completed text 89297\n", + "Completed text 89298\n", + "Completed text 89299\n", + "Completed text 89300\n", + "Completed text 89301\n", + "Completed text 89302\n", + "Completed text 89303\n", + "Completed text 89304\n", + "Completed text 89305\n", + "Completed text 89306\n", + "Completed text 89307\n", + "Completed text 89308\n", + "Completed text 89309\n", + "Completed text 89310\n", + "Completed text 89311\n", + "Completed text 89312\n", + "Completed text 89313\n", + "Completed text 89314\n", + "Completed text 89315\n", + "Completed text 89316\n", + "Completed text 89317\n", + "Completed text 89318\n", + "Completed text 89319\n", + "Completed text 89320\n", + "Completed text 89321\n", + "Completed text 89322\n", + "Completed text 89323\n", + "Completed text 89324\n", + "Completed text 89325\n", + "Completed text 89326\n", + "Completed text 89327\n", + "Completed text 89328\n", + "Completed text 89329\n", + "Completed text 89330\n", + "Completed text 89331\n", + "Completed text 89332\n", + "Completed text 89333\n", + "Completed text 89334\n", + "Completed text 89335\n", + "Completed text 89336\n", + "Completed text 89337\n", + "Completed text 89338\n", + "Completed text 89339\n", + "Completed text 89340\n", + "Completed text 89341\n", + "Completed text 89342\n", + "Completed text 89343\n", + "Completed text 89344\n", + "Completed text 89345\n", + "Completed text 89346\n", + "Completed text 89347\n", + "Completed text 89348\n", + "Completed text 89349\n", + "Completed text 89350\n", + "Completed text 89351\n", + "Completed text 89352\n", + "Completed text 89353\n", + "Completed text 89354\n", + "Completed text 89355\n", + "Completed text 89356\n", + "Completed text 89357\n", + "Completed text 89358\n", + "Completed text 89359\n", + "Completed text 89360\n", + "Completed text 89361\n", + "Completed text 89362\n", + "Completed text 89363\n", + "Completed text 89364\n", + "Completed text 89365\n", + "Completed text 89366\n", + "Completed text 89367\n", + "Completed text 89368\n", + "Completed text 89369\n", + "Completed text 89370\n", + "Completed text 89371\n", + "Completed text 89372\n", + "Completed text 89373\n", + "Completed text 89374\n", + "Completed text 89375\n", + "Completed text 89376\n", + "Completed text 89377\n", + "Completed text 89378\n", + "Completed text 89379\n", + "Completed text 89380\n", + "Completed text 89381\n", + "Completed text 89382\n", + "Completed text 89383\n", + "Completed text 89384\n", + "Completed text 89385\n", + "Completed text 89386\n", + "Completed text 89387\n", + "Completed text 89388\n", + "Completed text 89389\n", + "Completed text 89390\n", + "Completed text 89391\n", + "Completed text 89392\n", + "Completed text 89393\n", + "Completed text 89394\n", + "Completed text 89395\n", + "Completed text 89396\n", + "Completed text 89397\n", + "Completed text 89398\n", + "Completed text 89399\n", + "Completed text 89400\n", + "Completed text 89401\n", + "Completed text 89402\n", + "Completed text 89403\n", + "Completed text 89404\n", + "Completed text 89405\n", + "Completed text 89406\n", + "Completed text 89407\n", + "Completed text 89408\n", + "Completed text 89409\n", + "Completed text 89410\n", + "Completed text 89411\n", + "Completed text 89412\n", + "Completed text 89413\n", + "Completed text 89414\n", + "Completed text 89415\n", + "Completed text 89416\n", + "Completed text 89417\n", + "Completed text 89418\n", + "Completed text 89419\n", + "Completed text 89420\n", + "Completed text 89421\n", + "Completed text 89422\n", + "Completed text 89423\n", + "Completed text 89424\n", + "Completed text 89425\n", + "Completed text 89426\n", + "Completed text 89427\n", + "Completed text 89428\n", + "Completed text 89429\n", + "Completed text 89430\n", + "Completed text 89431\n", + "Completed text 89432\n", + "Completed text 89433\n", + "Completed text 89434\n", + "Completed text 89435\n", + "Completed text 89436\n", + "Completed text 89437\n", + "Completed text 89438\n", + "Completed text 89439\n", + "Completed text 89440\n", + "Completed text 89441\n", + "Completed text 89442\n", + "Completed text 89443\n", + "Completed text 89444\n", + "Completed text 89445\n", + "Completed text 89446\n", + "Completed text 89447\n", + "Completed text 89448\n", + "Completed text 89449\n", + "Completed text 89450\n", + "Completed text 89451\n", + "Completed text 89452\n", + "Completed text 89453\n", + "Completed text 89454\n", + "Completed text 89455\n", + "Completed text 89456\n", + "Completed text 89457\n", + "Completed text 89458\n", + "Completed text 89459\n", + "Completed text 89460\n", + "Completed text 89461\n", + "Completed text 89462\n", + "Completed text 89463\n", + "Completed text 89464\n", + "Completed text 89465\n", + "Completed text 89466\n", + "Completed text 89467\n", + "Completed text 89468\n", + "Completed text 89469\n", + "Completed text 89470\n", + "Completed text 89471\n", + "Completed text 89472\n", + "Completed text 89473\n", + "Completed text 89474\n", + "Completed text 89475\n", + "Completed text 89476\n", + "Completed text 89477\n", + "Completed text 89478\n", + "Completed text 89479\n", + "Completed text 89480\n", + "Completed text 89481\n", + "Completed text 89482\n", + "Completed text 89483\n", + "Completed text 89484\n", + "Completed text 89485\n", + "Completed text 89486\n", + "Completed text 89487\n", + "Completed text 89488\n", + "Completed text 89489\n", + "Completed text 89490\n", + "Completed text 89491\n", + "Completed text 89492\n", + "Completed text 89493\n", + "Completed text 89494\n", + "Completed text 89495\n", + "Completed text 89496\n", + "Completed text 89497\n", + "Completed text 89498\n", + "Completed text 89499\n", + "Completed text 89500\n", + "Completed text 89501\n", + "Completed text 89502\n", + "Completed text 89503\n", + "Completed text 89504\n", + "Completed text 89505\n", + "Completed text 89506\n", + "Completed text 89507\n", + "Completed text 89508\n", + "Completed text 89509\n", + "Completed text 89510\n", + "Completed text 89511\n", + "Completed text 89512\n", + "Completed text 89513\n", + "Completed text 89514\n", + "Completed text 89515\n", + "Completed text 89516\n", + "Completed text 89517\n", + "Completed text 89518\n", + "Completed text 89519\n", + "Completed text 89520\n", + "Completed text 89521\n", + "Completed text 89522\n", + "Completed text 89523\n", + "Completed text 89524\n", + "Completed text 89525\n", + "Completed text 89526\n", + "Completed text 89527\n", + "Completed text 89528\n", + "Completed text 89529\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 89530\n", + "Completed text 89531\n", + "Completed text 89532\n", + "Completed text 89533\n", + "Completed text 89534\n", + "Completed text 89535\n", + "Completed text 89536\n", + "Completed text 89537\n", + "Completed text 89538\n", + "Completed text 89539\n", + "Completed text 89540\n", + "Completed text 89541\n", + "Completed text 89542\n", + "Completed text 89543\n", + "Completed text 89544\n", + "Completed text 89545\n", + "Completed text 89546\n", + "Completed text 89547\n", + "Completed text 89548\n", + "Completed text 89549\n", + "Completed text 89550\n", + "Completed text 89551\n", + "Completed text 89552\n", + "Completed text 89553\n", + "Completed text 89554\n", + "Completed text 89555\n", + "Completed text 89556\n", + "Completed text 89557\n", + "Completed text 89558\n", + "Completed text 89559\n", + "Completed text 89560\n", + "Completed text 89561\n", + "Completed text 89562\n", + "Completed text 89563\n", + "Completed text 89564\n", + "Completed text 89565\n", + "Completed text 89566\n", + "Completed text 89567\n", + "Completed text 89568\n", + "Completed text 89569\n", + "Completed text 89570\n", + "Completed text 89571\n", + "Completed text 89572\n", + "Completed text 89573\n", + "Completed text 89574\n", + "Completed text 89575\n", + "Completed text 89576\n", + "Completed text 89577\n", + "Completed text 89578\n", + "Completed text 89579\n", + "Completed text 89580\n", + "Completed text 89581\n", + "Completed text 89582\n", + "Completed text 89583\n", + "Completed text 89584\n", + "Completed text 89585\n", + "Completed text 89586\n", + "Completed text 89587\n", + "Completed text 89588\n", + "Completed text 89589\n", + "Completed text 89590\n", + "Completed text 89591\n", + "Completed text 89592\n", + "Completed text 89593\n", + "Completed text 89594\n", + "Completed text 89595\n", + "Completed text 89596\n", + "Completed text 89597\n", + "Completed text 89598\n", + "Completed text 89599\n", + "Completed text 89600\n", + "Completed text 89601\n", + "Completed text 89602\n", + "Completed text 89603\n", + "Completed text 89604\n", + "Completed text 89605\n", + "Completed text 89606\n", + "Completed text 89607\n", + "Completed text 89608\n", + "Completed text 89609\n", + "Completed text 89610\n", + "Completed text 89611\n", + "Completed text 89612\n", + "Completed text 89613\n", + "Completed text 89614\n", + "Completed text 89615\n", + "Completed text 89616\n", + "Completed text 89617\n", + "Completed text 89618\n", + "Completed text 89619\n", + "Completed text 89620\n", + "Completed text 89621\n", + "Completed text 89622\n", + "Completed text 89623\n", + "Completed text 89624\n", + "Completed text 89625\n", + "Completed text 89626\n", + "Completed text 89627\n", + "Completed text 89628\n", + "Completed text 89629\n", + "Completed text 89630\n", + "Completed text 89631\n", + "Completed text 89632\n", + "Completed text 89633\n", + "Completed text 89634\n", + "Completed text 89635\n", + "Completed text 89636\n", + "Completed text 89637\n", + "Completed text 89638\n", + "Completed text 89639\n", + "Completed text 89640\n", + "Completed text 89641\n", + "Completed text 89642\n", + "Completed text 89643\n", + "Completed text 89644\n", + "Completed text 89645\n", + "Completed text 89646\n", + "Completed text 89647\n", + "Completed text 89648\n", + "Completed text 89649\n", + "Completed text 89650\n", + "Completed text 89651\n", + "Completed text 89652\n", + "Completed text 89653\n", + "Completed text 89654\n", + "Completed text 89655\n", + "Completed text 89656\n", + "Completed text 89657\n", + "Completed text 89658\n", + "Completed text 89659\n", + "Completed text 89660\n", + "Completed text 89661\n", + "Completed text 89662\n", + "Completed text 89663\n", + "Completed text 89664\n", + "Completed text 89665\n", + "Completed text 89666\n", + "Completed text 89667\n", + "Completed text 89668\n", + "Completed text 89669\n", + "Completed text 89670\n", + "Completed text 89671\n", + "Completed text 89672\n", + "Completed text 89673\n", + "Completed text 89674\n", + "Completed text 89675\n", + "Completed text 89676\n", + "Completed text 89677\n", + "Completed text 89678\n", + "Completed text 89679\n", + "Completed text 89680\n", + "Completed text 89681\n", + "Completed text 89682\n", + "Completed text 89683\n", + "Completed text 89684\n", + "Completed text 89685\n", + "Completed text 89686\n", + "Completed text 89687\n", + "Completed text 89688\n", + "Completed text 89689\n", + "Completed text 89690\n", + "Completed text 89691\n", + "Completed text 89692\n", + "Completed text 89693\n", + "Completed text 89694\n", + "Completed text 89695\n", + "Completed text 89696\n", + "Completed text 89697\n", + "Completed text 89698\n", + "Completed text 89699\n", + "Completed text 89700\n", + "Completed text 89701\n", + "Completed text 89702\n", + "Completed text 89703\n", + "Completed text 89704\n", + "Completed text 89705\n", + "Completed text 89706\n", + "Completed text 89707\n", + "Completed text 89708\n", + "Completed text 89709\n", + "Completed text 89710\n", + "Completed text 89711\n", + "Completed text 89712\n", + "Completed text 89713\n", + "Completed text 89714\n", + "Completed text 89715\n", + "Completed text 89716\n", + "Completed text 89717\n", + "Completed text 89718\n", + "Completed text 89719\n", + "Completed text 89720\n", + "Completed text 89721\n", + "Completed text 89722\n", + "Completed text 89723\n", + "Completed text 89724\n", + "Completed text 89725\n", + "Completed text 89726\n", + "Completed text 89727\n", + "Completed text 89728\n", + "Completed text 89729\n", + "Completed text 89730\n", + "Completed text 89731\n", + "Completed text 89732\n", + "Completed text 89733\n", + "Completed text 89734\n", + "Completed text 89735\n", + "Completed text 89736\n", + "Completed text 89737\n", + "Completed text 89738\n", + "Completed text 89739\n", + "Completed text 89740\n", + "Completed text 89741\n", + "Completed text 89742\n", + "Completed text 89743\n", + "Completed text 89744\n", + "Completed text 89745\n", + "Completed text 89746\n", + "Completed text 89747\n", + "Completed text 89748\n", + "Completed text 89749\n", + "Completed text 89750\n", + "Completed text 89751\n", + "Completed text 89752\n", + "Completed text 89753\n", + "Completed text 89754\n", + "Completed text 89755\n", + "Completed text 89756\n", + "Completed text 89757\n", + "Completed text 89758\n", + "Completed text 89759\n", + "Completed text 89760\n", + "Completed text 89761\n", + "Completed text 89762\n", + "Completed text 89763\n", + "Completed text 89764\n", + "Completed text 89765\n", + "Completed text 89766\n", + "Completed text 89767\n", + "Completed text 89768\n", + "Completed text 89769\n", + "Completed text 89770\n", + "Completed text 89771\n", + "Completed text 89772\n", + "Completed text 89773\n", + "Completed text 89774\n", + "Completed text 89775\n", + "Completed text 89776\n", + "Completed text 89777\n", + "Completed text 89778\n", + "Completed text 89779\n", + "Completed text 89780\n", + "Completed text 89781\n", + "Completed text 89782\n", + "Completed text 89783\n", + "Completed text 89784\n", + "Completed text 89785\n", + "Completed text 89786\n", + "Completed text 89787\n", + "Completed text 89788\n", + "Completed text 89789\n", + "Completed text 89790\n", + "Completed text 89791\n", + "Completed text 89792\n", + "Completed text 89793\n", + "Completed text 89794\n", + "Completed text 89795\n", + "Completed text 89796\n", + "Completed text 89797\n", + "Completed text 89798\n", + "Completed text 89799\n", + "Completed text 89800\n", + "Completed text 89801\n", + "Completed text 89802\n", + "Completed text 89803\n", + "Completed text 89804\n", + "Completed text 89805\n", + "Completed text 89806\n", + "Completed text 89807\n", + "Completed text 89808\n", + "Completed text 89809\n", + "Completed text 89810\n", + "Completed text 89811\n", + "Completed text 89812\n", + "Completed text 89813\n", + "Completed text 89814\n", + "Completed text 89815\n", + "Completed text 89816\n", + "Completed text 89817\n", + "Completed text 89818\n", + "Completed text 89819\n", + "Completed text 89820\n", + "Completed text 89821\n", + "Completed text 89822\n", + "Completed text 89823\n", + "Completed text 89824\n", + "Completed text 89825\n", + "Completed text 89826\n", + "Completed text 89827\n", + "Completed text 89828\n", + "Completed text 89829\n", + "Completed text 89830\n", + "Completed text 89831\n", + "Completed text 89832\n", + "Completed text 89833\n", + "Completed text 89834\n", + "Completed text 89835\n", + "Completed text 89836\n", + "Completed text 89837\n", + "Completed text 89838\n", + "Completed text 89839\n", + "Completed text 89840\n", + "Completed text 89841\n", + "Completed text 89842\n", + "Completed text 89843\n", + "Completed text 89844\n", + "Completed text 89845\n", + "Completed text 89846\n", + "Completed text 89847\n", + "Completed text 89848\n", + "Completed text 89849\n", + "Completed text 89850\n", + "Completed text 89851\n", + "Completed text 89852\n", + "Completed text 89853\n", + "Completed text 89854\n", + "Completed text 89855\n", + "Completed text 89856\n", + "Completed text 89857\n", + "Completed text 89858\n", + "Completed text 89859\n", + "Completed text 89860\n", + "Completed text 89861\n", + "Completed text 89862\n", + "Completed text 89863\n", + "Completed text 89864\n", + "Completed text 89865\n", + "Completed text 89866\n", + "Completed text 89867\n", + "Completed text 89868\n", + "Completed text 89869\n", + "Completed text 89870\n", + "Completed text 89871\n", + "Completed text 89872\n", + "Completed text 89873\n", + "Completed text 89874\n", + "Completed text 89875\n", + "Completed text 89876\n", + "Completed text 89877\n", + "Completed text 89878\n", + "Completed text 89879\n", + "Completed text 89880\n", + "Completed text 89881\n", + "Completed text 89882\n", + "Completed text 89883\n", + "Completed text 89884\n", + "Completed text 89885\n", + "Completed text 89886\n", + "Completed text 89887\n", + "Completed text 89888\n", + "Completed text 89889\n", + "Completed text 89890\n", + "Completed text 89891\n", + "Completed text 89892\n", + "Completed text 89893\n", + "Completed text 89894\n", + "Completed text 89895\n", + "Completed text 89896\n", + "Completed text 89897\n", + "Completed text 89898\n", + "Completed text 89899\n", + "Completed text 89900\n", + "Completed text 89901\n", + "Completed text 89902\n", + "Completed text 89903\n", + "Completed text 89904\n", + "Completed text 89905\n", + "Completed text 89906\n", + "Completed text 89907\n", + "Completed text 89908\n", + "Completed text 89909\n", + "Completed text 89910\n", + "Completed text 89911\n", + "Completed text 89912\n", + "Completed text 89913\n", + "Completed text 89914\n", + "Completed text 89915\n", + "Completed text 89916\n", + "Completed text 89917\n", + "Completed text 89918\n", + "Completed text 89919\n", + "Completed text 89920\n", + "Completed text 89921\n", + "Completed text 89922\n", + "Completed text 89923\n", + "Completed text 89924\n", + "Completed text 89925\n", + "Completed text 89926\n", + "Completed text 89927\n", + "Completed text 89928\n", + "Completed text 89929\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 89930\n", + "Completed text 89931\n", + "Completed text 89932\n", + "Completed text 89933\n", + "Completed text 89934\n", + "Completed text 89935\n", + "Completed text 89936\n", + "Completed text 89937\n", + "Completed text 89938\n", + "Completed text 89939\n", + "Completed text 89940\n", + "Completed text 89941\n", + "Completed text 89942\n", + "Completed text 89943\n", + "Completed text 89944\n", + "Completed text 89945\n", + "Completed text 89946\n", + "Completed text 89947\n", + "Completed text 89948\n", + "Completed text 89949\n", + "Completed text 89950\n", + "Completed text 89951\n", + "Completed text 89952\n", + "Completed text 89953\n", + "Completed text 89954\n", + "Completed text 89955\n", + "Completed text 89956\n", + "Completed text 89957\n", + "Completed text 89958\n", + "Completed text 89959\n", + "Completed text 89960\n", + "Completed text 89961\n", + "Completed text 89962\n", + "Completed text 89963\n", + "Completed text 89964\n", + "Completed text 89965\n", + "Completed text 89966\n", + "Completed text 89967\n", + "Completed text 89968\n", + "Completed text 89969\n", + "Completed text 89970\n", + "Completed text 89971\n", + "Completed text 89972\n", + "Completed text 89973\n", + "Completed text 89974\n", + "Completed text 89975\n", + "Completed text 89976\n", + "Completed text 89977\n", + "Completed text 89978\n", + "Completed text 89979\n", + "Completed text 89980\n", + "Completed text 89981\n", + "Completed text 89982\n", + "Completed text 89983\n", + "Completed text 89984\n", + "Completed text 89985\n", + "Completed text 89986\n", + "Completed text 89987\n", + "Completed text 89988\n", + "Completed text 89989\n", + "Completed text 89990\n", + "Completed text 89991\n", + "Completed text 89992\n", + "Completed text 89993\n", + "Completed text 89994\n", + "Completed text 89995\n", + "Completed text 89996\n", + "Completed text 89997\n", + "Completed text 89998\n", + "Completed text 89999\n", + "Completed text 90000\n", + "Completed text 90001\n", + "Completed text 90002\n", + "Completed text 90003\n", + "Completed text 90004\n", + "Completed text 90005\n", + "Completed text 90006\n", + "Completed text 90007\n", + "Completed text 90008\n", + "Completed text 90009\n", + "Completed text 90010\n", + "Completed text 90011\n", + "Completed text 90012\n", + "Completed text 90013\n", + "Completed text 90014\n", + "Completed text 90015\n", + "Completed text 90016\n", + "Completed text 90017\n", + "Completed text 90018\n", + "Completed text 90019\n", + "Completed text 90020\n", + "Completed text 90021\n", + "Completed text 90022\n", + "Completed text 90023\n", + "Completed text 90024\n", + "Completed text 90025\n", + "Completed text 90026\n", + "Completed text 90027\n", + "Completed text 90028\n", + "Completed text 90029\n", + "Completed text 90030\n", + "Completed text 90031\n", + "Completed text 90032\n", + "Completed text 90033\n", + "Completed text 90034\n", + "Completed text 90035\n", + "Completed text 90036\n", + "Completed text 90037\n", + "Completed text 90038\n", + "Completed text 90039\n", + "Completed text 90040\n", + "Completed text 90041\n", + "Completed text 90042\n", + "Completed text 90043\n", + "Completed text 90044\n", + "Completed text 90045\n", + "Completed text 90046\n", + "Completed text 90047\n", + "Completed text 90048\n", + "Completed text 90049\n", + "Completed text 90050\n", + "Completed text 90051\n", + "Completed text 90052\n", + "Completed text 90053\n", + "Completed text 90054\n", + "Completed text 90055\n", + "Completed text 90056\n", + "Completed text 90057\n", + "Completed text 90058\n", + "Completed text 90059\n", + "Completed text 90060\n", + "Completed text 90061\n", + "Completed text 90062\n", + "Completed text 90063\n", + "Completed text 90064\n", + "Completed text 90065\n", + "Completed text 90066\n", + "Completed text 90067\n", + "Completed text 90068\n", + "Completed text 90069\n", + "Completed text 90070\n", + "Completed text 90071\n", + "Completed text 90072\n", + "Completed text 90073\n", + "Completed text 90074\n", + "Completed text 90075\n", + "Completed text 90076\n", + "Completed text 90077\n", + "Completed text 90078\n", + "Completed text 90079\n", + "Completed text 90080\n", + "Completed text 90081\n", + "Completed text 90082\n", + "Completed text 90083\n", + "Completed text 90084\n", + "Completed text 90085\n", + "Completed text 90086\n", + "Completed text 90087\n", + "Completed text 90088\n", + "Completed text 90089\n", + "Completed text 90090\n", + "Completed text 90091\n", + "Completed text 90092\n", + "Completed text 90093\n", + "Completed text 90094\n", + "Completed text 90095\n", + "Completed text 90096\n", + "Completed text 90097\n", + "Completed text 90098\n", + "Completed text 90099\n", + "Completed text 90100\n", + "Completed text 90101\n", + "Completed text 90102\n", + "Completed text 90103\n", + "Completed text 90104\n", + "Completed text 90105\n", + "Completed text 90106\n", + "Completed text 90107\n", + "Completed text 90108\n", + "Completed text 90109\n", + "Completed text 90110\n", + "Completed text 90111\n", + "Completed text 90112\n", + "Completed text 90113\n", + "Completed text 90114\n", + "Completed text 90115\n", + "Completed text 90116\n", + "Completed text 90117\n", + "Completed text 90118\n", + "Completed text 90119\n", + "Completed text 90120\n", + "Completed text 90121\n", + "Completed text 90122\n", + "Completed text 90123\n", + "Completed text 90124\n", + "Completed text 90125\n", + "Completed text 90126\n", + "Completed text 90127\n", + "Completed text 90128\n", + "Completed text 90129\n", + "Completed text 90130\n", + "Completed text 90131\n", + "Completed text 90132\n", + "Completed text 90133\n", + "Completed text 90134\n", + "Completed text 90135\n", + "Completed text 90136\n", + "Completed text 90137\n", + "Completed text 90138\n", + "Completed text 90139\n", + "Completed text 90140\n", + "Completed text 90141\n", + "Completed text 90142\n", + "Completed text 90143\n", + "Completed text 90144\n", + "Completed text 90145\n", + "Completed text 90146\n", + "Completed text 90147\n", + "Completed text 90148\n", + "Completed text 90149\n", + "Completed text 90150\n", + "Completed text 90151\n", + "Completed text 90152\n", + "Completed text 90153\n", + "Completed text 90154\n", + "Completed text 90155\n", + "Completed text 90156\n", + "Completed text 90157\n", + "Completed text 90158\n", + "Completed text 90159\n", + "Completed text 90160\n", + "Completed text 90161\n", + "Completed text 90162\n", + "Completed text 90163\n", + "Completed text 90164\n", + "Completed text 90165\n", + "Completed text 90166\n", + "Completed text 90167\n", + "Completed text 90168\n", + "Completed text 90169\n", + "Completed text 90170\n", + "Completed text 90171\n", + "Completed text 90172\n", + "Completed text 90173\n", + "Completed text 90174\n", + "Completed text 90175\n", + "Completed text 90176\n", + "Completed text 90177\n", + "Completed text 90178\n", + "Completed text 90179\n", + "Completed text 90180\n", + "Completed text 90181\n", + "Completed text 90182\n", + "Completed text 90183\n", + "Completed text 90184\n", + "Completed text 90185\n", + "Completed text 90186\n", + "Completed text 90187\n", + "Completed text 90188\n", + "Completed text 90189\n", + "Completed text 90190\n", + "Completed text 90191\n", + "Completed text 90192\n", + "Completed text 90193\n", + "Completed text 90194\n", + "Completed text 90195\n", + "Completed text 90196\n", + "Completed text 90197\n", + "Completed text 90198\n", + "Completed text 90199\n", + "Completed text 90200\n", + "Completed text 90201\n", + "Completed text 90202\n", + "Completed text 90203\n", + "Completed text 90204\n", + "Completed text 90205\n", + "Completed text 90206\n", + "Completed text 90207\n", + "Completed text 90208\n", + "Completed text 90209\n", + "Completed text 90210\n", + "Completed text 90211\n", + "Completed text 90212\n", + "Completed text 90213\n", + "Completed text 90214\n", + "Completed text 90215\n", + "Completed text 90216\n", + "Completed text 90217\n", + "Completed text 90218\n", + "Completed text 90219\n", + "Completed text 90220\n", + "Completed text 90221\n", + "Completed text 90222\n", + "Completed text 90223\n", + "Completed text 90224\n", + "Completed text 90225\n", + "Completed text 90226\n", + "Completed text 90227\n", + "Completed text 90228\n", + "Completed text 90229\n", + "Completed text 90230\n", + "Completed text 90231\n", + "Completed text 90232\n", + "Completed text 90233\n", + "Completed text 90234\n", + "Completed text 90235\n", + "Completed text 90236\n", + "Completed text 90237\n", + "Completed text 90238\n", + "Completed text 90239\n", + "Completed text 90240\n", + "Completed text 90241\n", + "Completed text 90242\n", + "Completed text 90243\n", + "Completed text 90244\n", + "Completed text 90245\n", + "Completed text 90246\n", + "Completed text 90247\n", + "Completed text 90248\n", + "Completed text 90249\n", + "Completed text 90250\n", + "Completed text 90251\n", + "Completed text 90252\n", + "Completed text 90253\n", + "Completed text 90254\n", + "Completed text 90255\n", + "Completed text 90256\n", + "Completed text 90257\n", + "Completed text 90258\n", + "Completed text 90259\n", + "Completed text 90260\n", + "Completed text 90261\n", + "Completed text 90262\n", + "Completed text 90263\n", + "Completed text 90264\n", + "Completed text 90265\n", + "Completed text 90266\n", + "Completed text 90267\n", + "Completed text 90268\n", + "Completed text 90269\n", + "Completed text 90270\n", + "Completed text 90271\n", + "Completed text 90272\n", + "Completed text 90273\n", + "Completed text 90274\n", + "Completed text 90275\n", + "Completed text 90276\n", + "Completed text 90277\n", + "Completed text 90278\n", + "Completed text 90279\n", + "Completed text 90280\n", + "Completed text 90281\n", + "Completed text 90282\n", + "Completed text 90283\n", + "Completed text 90284\n", + "Completed text 90285\n", + "Completed text 90286\n", + "Completed text 90287\n", + "Completed text 90288\n", + "Completed text 90289\n", + "Completed text 90290\n", + "Completed text 90291\n", + "Completed text 90292\n", + "Completed text 90293\n", + "Completed text 90294\n", + "Completed text 90295\n", + "Completed text 90296\n", + "Completed text 90297\n", + "Completed text 90298\n", + "Completed text 90299\n", + "Completed text 90300\n", + "Completed text 90301\n", + "Completed text 90302\n", + "Completed text 90303\n", + "Completed text 90304\n", + "Completed text 90305\n", + "Completed text 90306\n", + "Completed text 90307\n", + "Completed text 90308\n", + "Completed text 90309\n", + "Completed text 90310\n", + "Completed text 90311\n", + "Completed text 90312\n", + "Completed text 90313\n", + "Completed text 90314\n", + "Completed text 90315\n", + "Completed text 90316\n", + "Completed text 90317\n", + "Completed text 90318\n", + "Completed text 90319\n", + "Completed text 90320\n", + "Completed text 90321\n", + "Completed text 90322\n", + "Completed text 90323\n", + "Completed text 90324\n", + "Completed text 90325\n", + "Completed text 90326\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 90327\n", + "Completed text 90328\n", + "Completed text 90329\n", + "Completed text 90330\n", + "Completed text 90331\n", + "Completed text 90332\n", + "Completed text 90333\n", + "Completed text 90334\n", + "Completed text 90335\n", + "Completed text 90336\n", + "Completed text 90337\n", + "Completed text 90338\n", + "Completed text 90339\n", + "Completed text 90340\n", + "Completed text 90341\n", + "Completed text 90342\n", + "Completed text 90343\n", + "Completed text 90344\n", + "Completed text 90345\n", + "Completed text 90346\n", + "Completed text 90347\n", + "Completed text 90348\n", + "Completed text 90349\n", + "Completed text 90350\n", + "Completed text 90351\n", + "Completed text 90352\n", + "Completed text 90353\n", + "Completed text 90354\n", + "Completed text 90355\n", + "Completed text 90356\n", + "Completed text 90357\n", + "Completed text 90358\n", + "Completed text 90359\n", + "Completed text 90360\n", + "Completed text 90361\n", + "Completed text 90362\n", + "Completed text 90363\n", + "Completed text 90364\n", + "Completed text 90365\n", + "Completed text 90366\n", + "Completed text 90367\n", + "Completed text 90368\n", + "Completed text 90369\n", + "Completed text 90370\n", + "Completed text 90371\n", + "Completed text 90372\n", + "Completed text 90373\n", + "Completed text 90374\n", + "Completed text 90375\n", + "Completed text 90376\n", + "Completed text 90377\n", + "Completed text 90378\n", + "Completed text 90379\n", + "Completed text 90380\n", + "Completed text 90381\n", + "Completed text 90382\n", + "Completed text 90383\n", + "Completed text 90384\n", + "Completed text 90385\n", + "Completed text 90386\n", + "Completed text 90387\n", + "Completed text 90388\n", + "Completed text 90389\n", + "Completed text 90390\n", + "Completed text 90391\n", + "Completed text 90392\n", + "Completed text 90393\n", + "Completed text 90394\n", + "Completed text 90395\n", + "Completed text 90396\n", + "Completed text 90397\n", + "Completed text 90398\n", + "Completed text 90399\n", + "Completed text 90400\n", + "Completed text 90401\n", + "Completed text 90402\n", + "Completed text 90403\n", + "Completed text 90404\n", + "Completed text 90405\n", + "Completed text 90406\n", + "Completed text 90407\n", + "Completed text 90408\n", + "Completed text 90409\n", + "Completed text 90410\n", + "Completed text 90411\n", + "Completed text 90412\n", + "Completed text 90413\n", + "Completed text 90414\n", + "Completed text 90415\n", + "Completed text 90416\n", + "Completed text 90417\n", + "Completed text 90418\n", + "Completed text 90419\n", + "Completed text 90420\n", + "Completed text 90421\n", + "Completed text 90422\n", + "Completed text 90423\n", + "Completed text 90424\n", + "Completed text 90425\n", + "Completed text 90426\n", + "Completed text 90427\n", + "Completed text 90428\n", + "Completed text 90429\n", + "Completed text 90430\n", + "Completed text 90431\n", + "Completed text 90432\n", + "Completed text 90433\n", + "Completed text 90434\n", + "Completed text 90435\n", + "Completed text 90436\n", + "Completed text 90437\n", + "Completed text 90438\n", + "Completed text 90439\n", + "Completed text 90440\n", + "Completed text 90441\n", + "Completed text 90442\n", + "Completed text 90443\n", + "Completed text 90444\n", + "Completed text 90445\n", + "Completed text 90446\n", + "Completed text 90447\n", + "Completed text 90448\n", + "Completed text 90449\n", + "Completed text 90450\n", + "Completed text 90451\n", + "Completed text 90452\n", + "Completed text 90453\n", + "Completed text 90454\n", + "Completed text 90455\n", + "Completed text 90456\n", + "Completed text 90457\n", + "Completed text 90458\n", + "Completed text 90459\n", + "Completed text 90460\n", + "Completed text 90461\n", + "Completed text 90462\n", + "Completed text 90463\n", + "Completed text 90464\n", + "Completed text 90465\n", + "Completed text 90466\n", + "Completed text 90467\n", + "Completed text 90468\n", + "Completed text 90469\n", + "Completed text 90470\n", + "Completed text 90471\n", + "Completed text 90472\n", + "Completed text 90473\n", + "Completed text 90474\n", + "Completed text 90475\n", + "Completed text 90476\n", + "Completed text 90477\n", + "Completed text 90478\n", + "Completed text 90479\n", + "Completed text 90480\n", + "Completed text 90481\n", + "Completed text 90482\n", + "Completed text 90483\n", + "Completed text 90484\n", + "Completed text 90485\n", + "Completed text 90486\n", + "Completed text 90487\n", + "Completed text 90488\n", + "Completed text 90489\n", + "Completed text 90490\n", + "Completed text 90491\n", + "Completed text 90492\n", + "Completed text 90493\n", + "Completed text 90494\n", + "Completed text 90495\n", + "Completed text 90496\n", + "Completed text 90497\n", + "Completed text 90498\n", + "Completed text 90499\n", + "Completed text 90500\n", + "Completed text 90501\n", + "Completed text 90502\n", + "Completed text 90503\n", + "Completed text 90504\n", + "Completed text 90505\n", + "Completed text 90506\n", + "Completed text 90507\n", + "Completed text 90508\n", + "Completed text 90509\n", + "Completed text 90510\n", + "Completed text 90511\n", + "Completed text 90512\n", + "Completed text 90513\n", + "Completed text 90514\n", + "Completed text 90515\n", + "Completed text 90516\n", + "Completed text 90517\n", + "Completed text 90518\n", + "Completed text 90519\n", + "Completed text 90520\n", + "Completed text 90521\n", + "Completed text 90522\n", + "Completed text 90523\n", + "Completed text 90524\n", + "Completed text 90525\n", + "Completed text 90526\n", + "Completed text 90527\n", + "Completed text 90528\n", + "Completed text 90529\n", + "Completed text 90530\n", + "Completed text 90531\n", + "Completed text 90532\n", + "Completed text 90533\n", + "Completed text 90534\n", + "Completed text 90535\n", + "Completed text 90536\n", + "Completed text 90537\n", + "Completed text 90538\n", + "Completed text 90539\n", + "Completed text 90540\n", + "Completed text 90541\n", + "Completed text 90542\n", + "Completed text 90543\n", + "Completed text 90544\n", + "Completed text 90545\n", + "Completed text 90546\n", + "Completed text 90547\n", + "Completed text 90548\n", + "Completed text 90549\n", + "Completed text 90550\n", + "Completed text 90551\n", + "Completed text 90552\n", + "Completed text 90553\n", + "Completed text 90554\n", + "Completed text 90555\n", + "Completed text 90556\n", + "Completed text 90557\n", + "Completed text 90558\n", + "Completed text 90559\n", + "Completed text 90560\n", + "Completed text 90561\n", + "Completed text 90562\n", + "Completed text 90563\n", + "Completed text 90564\n", + "Completed text 90565\n", + "Completed text 90566\n", + "Completed text 90567\n", + "Completed text 90568\n", + "Completed text 90569\n", + "Completed text 90570\n", + "Completed text 90571\n", + "Completed text 90572\n", + "Completed text 90573\n", + "Completed text 90574\n", + "Completed text 90575\n", + "Completed text 90576\n", + "Completed text 90577\n", + "Completed text 90578\n", + "Completed text 90579\n", + "Completed text 90580\n", + "Completed text 90581\n", + "Completed text 90582\n", + "Completed text 90583\n", + "Completed text 90584\n", + "Completed text 90585\n", + "Completed text 90586\n", + "Completed text 90587\n", + "Completed text 90588\n", + "Completed text 90589\n", + "Completed text 90590\n", + "Completed text 90591\n", + "Completed text 90592\n", + "Completed text 90593\n", + "Completed text 90594\n", + "Completed text 90595\n", + "Completed text 90596\n", + "Completed text 90597\n", + "Completed text 90598\n", + "Completed text 90599\n", + "Completed text 90600\n", + "Completed text 90601\n", + "Completed text 90602\n", + "Completed text 90603\n", + "Completed text 90604\n", + "Completed text 90605\n", + "Completed text 90606\n", + "Completed text 90607\n", + "Completed text 90608\n", + "Completed text 90609\n", + "Completed text 90610\n", + "Completed text 90611\n", + "Completed text 90612\n", + "Completed text 90613\n", + "Completed text 90614\n", + "Completed text 90615\n", + "Completed text 90616\n", + "Completed text 90617\n", + "Completed text 90618\n", + "Completed text 90619\n", + "Completed text 90620\n", + "Completed text 90621\n", + "Completed text 90622\n", + "Completed text 90623\n", + "Completed text 90624\n", + "Completed text 90625\n", + "Completed text 90626\n", + "Completed text 90627\n", + "Completed text 90628\n", + "Completed text 90629\n", + "Completed text 90630\n", + "Completed text 90631\n", + "Completed text 90632\n", + "Completed text 90633\n", + "Completed text 90634\n", + "Completed text 90635\n", + "Completed text 90636\n", + "Completed text 90637\n", + "Completed text 90638\n", + "Completed text 90639\n", + "Completed text 90640\n", + "Completed text 90641\n", + "Completed text 90642\n", + "Completed text 90643\n", + "Completed text 90644\n", + "Completed text 90645\n", + "Completed text 90646\n", + "Completed text 90647\n", + "Completed text 90648\n", + "Completed text 90649\n", + "Completed text 90650\n", + "Completed text 90651\n", + "Completed text 90652\n", + "Completed text 90653\n", + "Completed text 90654\n", + "Completed text 90655\n", + "Completed text 90656\n", + "Completed text 90657\n", + "Completed text 90658\n", + "Completed text 90659\n", + "Completed text 90660\n", + "Completed text 90661\n", + "Completed text 90662\n", + "Completed text 90663\n", + "Completed text 90664\n", + "Completed text 90665\n", + "Completed text 90666\n", + "Completed text 90667\n", + "Completed text 90668\n", + "Completed text 90669\n", + "Completed text 90670\n", + "Completed text 90671\n", + "Completed text 90672\n", + "Completed text 90673\n", + "Completed text 90674\n", + "Completed text 90675\n", + "Completed text 90676\n", + "Completed text 90677\n", + "Completed text 90678\n", + "Completed text 90679\n", + "Completed text 90680\n", + "Completed text 90681\n", + "Completed text 90682\n", + "Completed text 90683\n", + "Completed text 90684\n", + "Completed text 90685\n", + "Completed text 90686\n", + "Completed text 90687\n", + "Completed text 90688\n", + "Completed text 90689\n", + "Completed text 90690\n", + "Completed text 90691\n", + "Completed text 90692\n", + "Completed text 90693\n", + "Completed text 90694\n", + "Completed text 90695\n", + "Completed text 90696\n", + "Completed text 90697\n", + "Completed text 90698\n", + "Completed text 90699\n", + "Completed text 90700\n", + "Completed text 90701\n", + "Completed text 90702\n", + "Completed text 90703\n", + "Completed text 90704\n", + "Completed text 90705\n", + "Completed text 90706\n", + "Completed text 90707\n", + "Completed text 90708\n", + "Completed text 90709\n", + "Completed text 90710\n", + "Completed text 90711\n", + "Completed text 90712\n", + "Completed text 90713\n", + "Completed text 90714\n", + "Completed text 90715\n", + "Completed text 90716\n", + "Completed text 90717\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 90718\n", + "Completed text 90719\n", + "Completed text 90720\n", + "Completed text 90721\n", + "Completed text 90722\n", + "Completed text 90723\n", + "Completed text 90724\n", + "Completed text 90725\n", + "Completed text 90726\n", + "Completed text 90727\n", + "Completed text 90728\n", + "Completed text 90729\n", + "Completed text 90730\n", + "Completed text 90731\n", + "Completed text 90732\n", + "Completed text 90733\n", + "Completed text 90734\n", + "Completed text 90735\n", + "Completed text 90736\n", + "Completed text 90737\n", + "Completed text 90738\n", + "Completed text 90739\n", + "Completed text 90740\n", + "Completed text 90741\n", + "Completed text 90742\n", + "Completed text 90743\n", + "Completed text 90744\n", + "Completed text 90745\n", + "Completed text 90746\n", + "Completed text 90747\n", + "Completed text 90748\n", + "Completed text 90749\n", + "Completed text 90750\n", + "Completed text 90751\n", + "Completed text 90752\n", + "Completed text 90753\n", + "Completed text 90754\n", + "Completed text 90755\n", + "Completed text 90756\n", + "Completed text 90757\n", + "Completed text 90758\n", + "Completed text 90759\n", + "Completed text 90760\n", + "Completed text 90761\n", + "Completed text 90762\n", + "Completed text 90763\n", + "Completed text 90764\n", + "Completed text 90765\n", + "Completed text 90766\n", + "Completed text 90767\n", + "Completed text 90768\n", + "Completed text 90769\n", + "Completed text 90770\n", + "Completed text 90771\n", + "Completed text 90772\n", + "Completed text 90773\n", + "Completed text 90774\n", + "Completed text 90775\n", + "Completed text 90776\n", + "Completed text 90777\n", + "Completed text 90778\n", + "Completed text 90779\n", + "Completed text 90780\n", + "Completed text 90781\n", + "Completed text 90782\n", + "Completed text 90783\n", + "Completed text 90784\n", + "Completed text 90785\n", + "Completed text 90786\n", + "Completed text 90787\n", + "Completed text 90788\n", + "Completed text 90789\n", + "Completed text 90790\n", + "Completed text 90791\n", + "Completed text 90792\n", + "Completed text 90793\n", + "Completed text 90794\n", + "Completed text 90795\n", + "Completed text 90796\n", + "Completed text 90797\n", + "Completed text 90798\n", + "Completed text 90799\n", + "Completed text 90800\n", + "Completed text 90801\n", + "Completed text 90802\n", + "Completed text 90803\n", + "Completed text 90804\n", + "Completed text 90805\n", + "Completed text 90806\n", + "Completed text 90807\n", + "Completed text 90808\n", + "Completed text 90809\n", + "Completed text 90810\n", + "Completed text 90811\n", + "Completed text 90812\n", + "Completed text 90813\n", + "Completed text 90814\n", + "Completed text 90815\n", + "Completed text 90816\n", + "Completed text 90817\n", + "Completed text 90818\n", + "Completed text 90819\n", + "Completed text 90820\n", + "Completed text 90821\n", + "Completed text 90822\n", + "Completed text 90823\n", + "Completed text 90824\n", + "Completed text 90825\n", + "Completed text 90826\n", + "Completed text 90827\n", + "Completed text 90828\n", + "Completed text 90829\n", + "Completed text 90830\n", + "Completed text 90831\n", + "Completed text 90832\n", + "Completed text 90833\n", + "Completed text 90834\n", + "Completed text 90835\n", + "Completed text 90836\n", + "Completed text 90837\n", + "Completed text 90838\n", + "Completed text 90839\n", + "Completed text 90840\n", + "Completed text 90841\n", + "Completed text 90842\n", + "Completed text 90843\n", + "Completed text 90844\n", + "Completed text 90845\n", + "Completed text 90846\n", + "Completed text 90847\n", + "Completed text 90848\n", + "Completed text 90849\n", + "Completed text 90850\n", + "Completed text 90851\n", + "Completed text 90852\n", + "Completed text 90853\n", + "Completed text 90854\n", + "Completed text 90855\n", + "Completed text 90856\n", + "Completed text 90857\n", + "Completed text 90858\n", + "Completed text 90859\n", + "Completed text 90860\n", + "Completed text 90861\n", + "Completed text 90862\n", + "Completed text 90863\n", + "Completed text 90864\n", + "Completed text 90865\n", + "Completed text 90866\n", + "Completed text 90867\n", + "Completed text 90868\n", + "Completed text 90869\n", + "Completed text 90870\n", + "Completed text 90871\n", + "Completed text 90872\n", + "Completed text 90873\n", + "Completed text 90874\n", + "Completed text 90875\n", + "Completed text 90876\n", + "Completed text 90877\n", + "Completed text 90878\n", + "Completed text 90879\n", + "Completed text 90880\n", + "Completed text 90881\n", + "Completed text 90882\n", + "Completed text 90883\n", + "Completed text 90884\n", + "Completed text 90885\n", + "Completed text 90886\n", + "Completed text 90887\n", + "Completed text 90888\n", + "Completed text 90889\n", + "Completed text 90890\n", + "Completed text 90891\n", + "Completed text 90892\n", + "Completed text 90893\n", + "Completed text 90894\n", + "Completed text 90895\n", + "Completed text 90896\n", + "Completed text 90897\n", + "Completed text 90898\n", + "Completed text 90899\n", + "Completed text 90900\n", + "Completed text 90901\n", + "Completed text 90902\n", + "Completed text 90903\n", + "Completed text 90904\n", + "Completed text 90905\n", + "Completed text 90906\n", + "Completed text 90907\n", + "Completed text 90908\n", + "Completed text 90909\n", + "Completed text 90910\n", + "Completed text 90911\n", + "Completed text 90912\n", + "Completed text 90913\n", + "Completed text 90914\n", + "Completed text 90915\n", + "Completed text 90916\n", + "Completed text 90917\n", + "Completed text 90918\n", + "Completed text 90919\n", + "Completed text 90920\n", + "Completed text 90921\n", + "Completed text 90922\n", + "Completed text 90923\n", + "Completed text 90924\n", + "Completed text 90925\n", + "Completed text 90926\n", + "Completed text 90927\n", + "Completed text 90928\n", + "Completed text 90929\n", + "Completed text 90930\n", + "Completed text 90931\n", + "Completed text 90932\n", + "Completed text 90933\n", + "Completed text 90934\n", + "Completed text 90935\n", + "Completed text 90936\n", + "Completed text 90937\n", + "Completed text 90938\n", + "Completed text 90939\n", + "Completed text 90940\n", + "Completed text 90941\n", + "Completed text 90942\n", + "Completed text 90943\n", + "Completed text 90944\n", + "Completed text 90945\n", + "Completed text 90946\n", + "Completed text 90947\n", + "Completed text 90948\n", + "Completed text 90949\n", + "Completed text 90950\n", + "Completed text 90951\n", + "Completed text 90952\n", + "Completed text 90953\n", + "Completed text 90954\n", + "Completed text 90955\n", + "Completed text 90956\n", + "Completed text 90957\n", + "Completed text 90958\n", + "Completed text 90959\n", + "Completed text 90960\n", + "Completed text 90961\n", + "Completed text 90962\n", + "Completed text 90963\n", + "Completed text 90964\n", + "Completed text 90965\n", + "Completed text 90966\n", + "Completed text 90967\n", + "Completed text 90968\n", + "Completed text 90969\n", + "Completed text 90970\n", + "Completed text 90971\n", + "Completed text 90972\n", + "Completed text 90973\n", + "Completed text 90974\n", + "Completed text 90975\n", + "Completed text 90976\n", + "Completed text 90977\n", + "Completed text 90978\n", + "Completed text 90979\n", + "Completed text 90980\n", + "Completed text 90981\n", + "Completed text 90982\n", + "Completed text 90983\n", + "Completed text 90984\n", + "Completed text 90985\n", + "Completed text 90986\n", + "Completed text 90987\n", + "Completed text 90988\n", + "Completed text 90989\n", + "Completed text 90990\n", + "Completed text 90991\n", + "Completed text 90992\n", + "Completed text 90993\n", + "Completed text 90994\n", + "Completed text 90995\n", + "Completed text 90996\n", + "Completed text 90997\n", + "Completed text 90998\n", + "Completed text 90999\n", + "Completed text 91000\n", + "Completed text 91001\n", + "Completed text 91002\n", + "Completed text 91003\n", + "Completed text 91004\n", + "Completed text 91005\n", + "Completed text 91006\n", + "Completed text 91007\n", + "Completed text 91008\n", + "Completed text 91009\n", + "Completed text 91010\n", + "Completed text 91011\n", + "Completed text 91012\n", + "Completed text 91013\n", + "Completed text 91014\n", + "Completed text 91015\n", + "Completed text 91016\n", + "Completed text 91017\n", + "Completed text 91018\n", + "Completed text 91019\n", + "Completed text 91020\n", + "Completed text 91021\n", + "Completed text 91022\n", + "Completed text 91023\n", + "Completed text 91024\n", + "Completed text 91025\n", + "Completed text 91026\n", + "Completed text 91027\n", + "Completed text 91028\n", + "Completed text 91029\n", + "Completed text 91030\n", + "Completed text 91031\n", + "Completed text 91032\n", + "Completed text 91033\n", + "Completed text 91034\n", + "Completed text 91035\n", + "Completed text 91036\n", + "Completed text 91037\n", + "Completed text 91038\n", + "Completed text 91039\n", + "Completed text 91040\n", + "Completed text 91041\n", + "Completed text 91042\n", + "Completed text 91043\n", + "Completed text 91044\n", + "Completed text 91045\n", + "Completed text 91046\n", + "Completed text 91047\n", + "Completed text 91048\n", + "Completed text 91049\n", + "Completed text 91050\n", + "Completed text 91051\n", + "Completed text 91052\n", + "Completed text 91053\n", + "Completed text 91054\n", + "Completed text 91055\n", + "Completed text 91056\n", + "Completed text 91057\n", + "Completed text 91058\n", + "Completed text 91059\n", + "Completed text 91060\n", + "Completed text 91061\n", + "Completed text 91062\n", + "Completed text 91063\n", + "Completed text 91064\n", + "Completed text 91065\n", + "Completed text 91066\n", + "Completed text 91067\n", + "Completed text 91068\n", + "Completed text 91069\n", + "Completed text 91070\n", + "Completed text 91071\n", + "Completed text 91072\n", + "Completed text 91073\n", + "Completed text 91074\n", + "Completed text 91075\n", + "Completed text 91076\n", + "Completed text 91077\n", + "Completed text 91078\n", + "Completed text 91079\n", + "Completed text 91080\n", + "Completed text 91081\n", + "Completed text 91082\n", + "Completed text 91083\n", + "Completed text 91084\n", + "Completed text 91085\n", + "Completed text 91086\n", + "Completed text 91087\n", + "Completed text 91088\n", + "Completed text 91089\n", + "Completed text 91090\n", + "Completed text 91091\n", + "Completed text 91092\n", + "Completed text 91093\n", + "Completed text 91094\n", + "Completed text 91095\n", + "Completed text 91096\n", + "Completed text 91097\n", + "Completed text 91098\n", + "Completed text 91099\n", + "Completed text 91100\n", + "Completed text 91101\n", + "Completed text 91102\n", + "Completed text 91103\n", + "Completed text 91104\n", + "Completed text 91105\n", + "Completed text 91106\n", + "Completed text 91107\n", + "Completed text 91108\n", + "Completed text 91109\n", + "Completed text 91110\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 91111\n", + "Completed text 91112\n", + "Completed text 91113\n", + "Completed text 91114\n", + "Completed text 91115\n", + "Completed text 91116\n", + "Completed text 91117\n", + "Completed text 91118\n", + "Completed text 91119\n", + "Completed text 91120\n", + "Completed text 91121\n", + "Completed text 91122\n", + "Completed text 91123\n", + "Completed text 91124\n", + "Completed text 91125\n", + "Completed text 91126\n", + "Completed text 91127\n", + "Completed text 91128\n", + "Completed text 91129\n", + "Completed text 91130\n", + "Completed text 91131\n", + "Completed text 91132\n", + "Completed text 91133\n", + "Completed text 91134\n", + "Completed text 91135\n", + "Completed text 91136\n", + "Completed text 91137\n", + "Completed text 91138\n", + "Completed text 91139\n", + "Completed text 91140\n", + "Completed text 91141\n", + "Completed text 91142\n", + "Completed text 91143\n", + "Completed text 91144\n", + "Completed text 91145\n", + "Completed text 91146\n", + "Completed text 91147\n", + "Completed text 91148\n", + "Completed text 91149\n", + "Completed text 91150\n", + "Completed text 91151\n", + "Completed text 91152\n", + "Completed text 91153\n", + "Completed text 91154\n", + "Completed text 91155\n", + "Completed text 91156\n", + "Completed text 91157\n", + "Completed text 91158\n", + "Completed text 91159\n", + "Completed text 91160\n", + "Completed text 91161\n", + "Completed text 91162\n", + "Completed text 91163\n", + "Completed text 91164\n", + "Completed text 91165\n", + "Completed text 91166\n", + "Completed text 91167\n", + "Completed text 91168\n", + "Completed text 91169\n", + "Completed text 91170\n", + "Completed text 91171\n", + "Completed text 91172\n", + "Completed text 91173\n", + "Completed text 91174\n", + "Completed text 91175\n", + "Completed text 91176\n", + "Completed text 91177\n", + "Completed text 91178\n", + "Completed text 91179\n", + "Completed text 91180\n", + "Completed text 91181\n", + "Completed text 91182\n", + "Completed text 91183\n", + "Completed text 91184\n", + "Completed text 91185\n", + "Completed text 91186\n", + "Completed text 91187\n", + "Completed text 91188\n", + "Completed text 91189\n", + "Completed text 91190\n", + "Completed text 91191\n", + "Completed text 91192\n", + "Completed text 91193\n", + "Completed text 91194\n", + "Completed text 91195\n", + "Completed text 91196\n", + "Completed text 91197\n", + "Completed text 91198\n", + "Completed text 91199\n", + "Completed text 91200\n", + "Completed text 91201\n", + "Completed text 91202\n", + "Completed text 91203\n", + "Completed text 91204\n", + "Completed text 91205\n", + "Completed text 91206\n", + "Completed text 91207\n", + "Completed text 91208\n", + "Completed text 91209\n", + "Completed text 91210\n", + "Completed text 91211\n", + "Completed text 91212\n", + "Completed text 91213\n", + "Completed text 91214\n", + "Completed text 91215\n", + "Completed text 91216\n", + "Completed text 91217\n", + "Completed text 91218\n", + "Completed text 91219\n", + "Completed text 91220\n", + "Completed text 91221\n", + "Completed text 91222\n", + "Completed text 91223\n", + "Completed text 91224\n", + "Completed text 91225\n", + "Completed text 91226\n", + "Completed text 91227\n", + "Completed text 91228\n", + "Completed text 91229\n", + "Completed text 91230\n", + "Completed text 91231\n", + "Completed text 91232\n", + "Completed text 91233\n", + "Completed text 91234\n", + "Completed text 91235\n", + "Completed text 91236\n", + "Completed text 91237\n", + "Completed text 91238\n", + "Completed text 91239\n", + "Completed text 91240\n", + "Completed text 91241\n", + "Completed text 91242\n", + "Completed text 91243\n", + "Completed text 91244\n", + "Completed text 91245\n", + "Completed text 91246\n", + "Completed text 91247\n", + "Completed text 91248\n", + "Completed text 91249\n", + "Completed text 91250\n", + "Completed text 91251\n", + "Completed text 91252\n", + "Completed text 91253\n", + "Completed text 91254\n", + "Completed text 91255\n", + "Completed text 91256\n", + "Completed text 91257\n", + "Completed text 91258\n", + "Completed text 91259\n", + "Completed text 91260\n", + "Completed text 91261\n", + "Completed text 91262\n", + "Completed text 91263\n", + "Completed text 91264\n", + "Completed text 91265\n", + "Completed text 91266\n", + "Completed text 91267\n", + "Completed text 91268\n", + "Completed text 91269\n", + "Completed text 91270\n", + "Completed text 91271\n", + "Completed text 91272\n", + "Completed text 91273\n", + "Completed text 91274\n", + "Completed text 91275\n", + "Completed text 91276\n", + "Completed text 91277\n", + "Completed text 91278\n", + "Completed text 91279\n", + "Completed text 91280\n", + "Completed text 91281\n", + "Completed text 91282\n", + "Completed text 91283\n", + "Completed text 91284\n", + "Completed text 91285\n", + "Completed text 91286\n", + "Completed text 91287\n", + "Completed text 91288\n", + "Completed text 91289\n", + "Completed text 91290\n", + "Completed text 91291\n", + "Completed text 91292\n", + "Completed text 91293\n", + "Completed text 91294\n", + "Completed text 91295\n", + "Completed text 91296\n", + "Completed text 91297\n", + "Completed text 91298\n", + "Completed text 91299\n", + "Completed text 91300\n", + "Completed text 91301\n", + "Completed text 91302\n", + "Completed text 91303\n", + "Completed text 91304\n", + "Completed text 91305\n", + "Completed text 91306\n", + "Completed text 91307\n", + "Completed text 91308\n", + "Completed text 91309\n", + "Completed text 91310\n", + "Completed text 91311\n", + "Completed text 91312\n", + "Completed text 91313\n", + "Completed text 91314\n", + "Completed text 91315\n", + "Completed text 91316\n", + "Completed text 91317\n", + "Completed text 91318\n", + "Completed text 91319\n", + "Completed text 91320\n", + "Completed text 91321\n", + "Completed text 91322\n", + "Completed text 91323\n", + "Completed text 91324\n", + "Completed text 91325\n", + "Completed text 91326\n", + "Completed text 91327\n", + "Completed text 91328\n", + "Completed text 91329\n", + "Completed text 91330\n", + "Completed text 91331\n", + "Completed text 91332\n", + "Completed text 91333\n", + "Completed text 91334\n", + "Completed text 91335\n", + "Completed text 91336\n", + "Completed text 91337\n", + "Completed text 91338\n", + "Completed text 91339\n", + "Completed text 91340\n", + "Completed text 91341\n", + "Completed text 91342\n", + "Completed text 91343\n", + "Completed text 91344\n", + "Completed text 91345\n", + "Completed text 91346\n", + "Completed text 91347\n", + "Completed text 91348\n", + "Completed text 91349\n", + "Completed text 91350\n", + "Completed text 91351\n", + "Completed text 91352\n", + "Completed text 91353\n", + "Completed text 91354\n", + "Completed text 91355\n", + "Completed text 91356\n", + "Completed text 91357\n", + "Completed text 91358\n", + "Completed text 91359\n", + "Completed text 91360\n", + "Completed text 91361\n", + "Completed text 91362\n", + "Completed text 91363\n", + "Completed text 91364\n", + "Completed text 91365\n", + "Completed text 91366\n", + "Completed text 91367\n", + "Completed text 91368\n", + "Completed text 91369\n", + "Completed text 91370\n", + "Completed text 91371\n", + "Completed text 91372\n", + "Completed text 91373\n", + "Completed text 91374\n", + "Completed text 91375\n", + "Completed text 91376\n", + "Completed text 91377\n", + "Completed text 91378\n", + "Completed text 91379\n", + "Completed text 91380\n", + "Completed text 91381\n", + "Completed text 91382\n", + "Completed text 91383\n", + "Completed text 91384\n", + "Completed text 91385\n", + "Completed text 91386\n", + "Completed text 91387\n", + "Completed text 91388\n", + "Completed text 91389\n", + "Completed text 91390\n", + "Completed text 91391\n", + "Completed text 91392\n", + "Completed text 91393\n", + "Completed text 91394\n", + "Completed text 91395\n", + "Completed text 91396\n", + "Completed text 91397\n", + "Completed text 91398\n", + "Completed text 91399\n", + "Completed text 91400\n", + "Completed text 91401\n", + "Completed text 91402\n", + "Completed text 91403\n", + "Completed text 91404\n", + "Completed text 91405\n", + "Completed text 91406\n", + "Completed text 91407\n", + "Completed text 91408\n", + "Completed text 91409\n", + "Completed text 91410\n", + "Completed text 91411\n", + "Completed text 91412\n", + "Completed text 91413\n", + "Completed text 91414\n", + "Completed text 91415\n", + "Completed text 91416\n", + "Completed text 91417\n", + "Completed text 91418\n", + "Completed text 91419\n", + "Completed text 91420\n", + "Completed text 91421\n", + "Completed text 91422\n", + "Completed text 91423\n", + "Completed text 91424\n", + "Completed text 91425\n", + "Completed text 91426\n", + "Completed text 91427\n", + "Completed text 91428\n", + "Completed text 91429\n", + "Completed text 91430\n", + "Completed text 91431\n", + "Completed text 91432\n", + "Completed text 91433\n", + "Completed text 91434\n", + "Completed text 91435\n", + "Completed text 91436\n", + "Completed text 91437\n", + "Completed text 91438\n", + "Completed text 91439\n", + "Completed text 91440\n", + "Completed text 91441\n", + "Completed text 91442\n", + "Completed text 91443\n", + "Completed text 91444\n", + "Completed text 91445\n", + "Completed text 91446\n", + "Completed text 91447\n", + "Completed text 91448\n", + "Completed text 91449\n", + "Completed text 91450\n", + "Completed text 91451\n", + "Completed text 91452\n", + "Completed text 91453\n", + "Completed text 91454\n", + "Completed text 91455\n", + "Completed text 91456\n", + "Completed text 91457\n", + "Completed text 91458\n", + "Completed text 91459\n", + "Completed text 91460\n", + "Completed text 91461\n", + "Completed text 91462\n", + "Completed text 91463\n", + "Completed text 91464\n", + "Completed text 91465\n", + "Completed text 91466\n", + "Completed text 91467\n", + "Completed text 91468\n", + "Completed text 91469\n", + "Completed text 91470\n", + "Completed text 91471\n", + "Completed text 91472\n", + "Completed text 91473\n", + "Completed text 91474\n", + "Completed text 91475\n", + "Completed text 91476\n", + "Completed text 91477\n", + "Completed text 91478\n", + "Completed text 91479\n", + "Completed text 91480\n", + "Completed text 91481\n", + "Completed text 91482\n", + "Completed text 91483\n", + "Completed text 91484\n", + "Completed text 91485\n", + "Completed text 91486\n", + "Completed text 91487\n", + "Completed text 91488\n", + "Completed text 91489\n", + "Completed text 91490\n", + "Completed text 91491\n", + "Completed text 91492\n", + "Completed text 91493\n", + "Completed text 91494\n", + "Completed text 91495\n", + "Completed text 91496\n", + "Completed text 91497\n", + "Completed text 91498\n", + "Completed text 91499\n", + "Completed text 91500\n", + "Completed text 91501\n", + "Completed text 91502\n", + "Completed text 91503\n", + "Completed text 91504\n", + "Completed text 91505\n", + "Completed text 91506\n", + "Completed text 91507\n", + "Completed text 91508\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 91509\n", + "Completed text 91510\n", + "Completed text 91511\n", + "Completed text 91512\n", + "Completed text 91513\n", + "Completed text 91514\n", + "Completed text 91515\n", + "Completed text 91516\n", + "Completed text 91517\n", + "Completed text 91518\n", + "Completed text 91519\n", + "Completed text 91520\n", + "Completed text 91521\n", + "Completed text 91522\n", + "Completed text 91523\n", + "Completed text 91524\n", + "Completed text 91525\n", + "Completed text 91526\n", + "Completed text 91527\n", + "Completed text 91528\n", + "Completed text 91529\n", + "Completed text 91530\n", + "Completed text 91531\n", + "Completed text 91532\n", + "Completed text 91533\n", + "Completed text 91534\n", + "Completed text 91535\n", + "Completed text 91536\n", + "Completed text 91537\n", + "Completed text 91538\n", + "Completed text 91539\n", + "Completed text 91540\n", + "Completed text 91541\n", + "Completed text 91542\n", + "Completed text 91543\n", + "Completed text 91544\n", + "Completed text 91545\n", + "Completed text 91546\n", + "Completed text 91547\n", + "Completed text 91548\n", + "Completed text 91549\n", + "Completed text 91550\n", + "Completed text 91551\n", + "Completed text 91552\n", + "Completed text 91553\n", + "Completed text 91554\n", + "Completed text 91555\n", + "Completed text 91556\n", + "Completed text 91557\n", + "Completed text 91558\n", + "Completed text 91559\n", + "Completed text 91560\n", + "Completed text 91561\n", + "Completed text 91562\n", + "Completed text 91563\n", + "Completed text 91564\n", + "Completed text 91565\n", + "Completed text 91566\n", + "Completed text 91567\n", + "Completed text 91568\n", + "Completed text 91569\n", + "Completed text 91570\n", + "Completed text 91571\n", + "Completed text 91572\n", + "Completed text 91573\n", + "Completed text 91574\n", + "Completed text 91575\n", + "Completed text 91576\n", + "Completed text 91577\n", + "Completed text 91578\n", + "Completed text 91579\n", + "Completed text 91580\n", + "Completed text 91581\n", + "Completed text 91582\n", + "Completed text 91583\n", + "Completed text 91584\n", + "Completed text 91585\n", + "Completed text 91586\n", + "Completed text 91587\n", + "Completed text 91588\n", + "Completed text 91589\n", + "Completed text 91590\n", + "Completed text 91591\n", + "Completed text 91592\n", + "Completed text 91593\n", + "Completed text 91594\n", + "Completed text 91595\n", + "Completed text 91596\n", + "Completed text 91597\n", + "Completed text 91598\n", + "Completed text 91599\n", + "Completed text 91600\n", + "Completed text 91601\n", + "Completed text 91602\n", + "Completed text 91603\n", + "Completed text 91604\n", + "Completed text 91605\n", + "Completed text 91606\n", + "Completed text 91607\n", + "Completed text 91608\n", + "Completed text 91609\n", + "Completed text 91610\n", + "Completed text 91611\n", + "Completed text 91612\n", + "Completed text 91613\n", + "Completed text 91614\n", + "Completed text 91615\n", + "Completed text 91616\n", + "Completed text 91617\n", + "Completed text 91618\n", + "Completed text 91619\n", + "Completed text 91620\n", + "Completed text 91621\n", + "Completed text 91622\n", + "Completed text 91623\n", + "Completed text 91624\n", + "Completed text 91625\n", + "Completed text 91626\n", + "Completed text 91627\n", + "Completed text 91628\n", + "Completed text 91629\n", + "Completed text 91630\n", + "Completed text 91631\n", + "Completed text 91632\n", + "Completed text 91633\n", + "Completed text 91634\n", + "Completed text 91635\n", + "Completed text 91636\n", + "Completed text 91637\n", + "Completed text 91638\n", + "Completed text 91639\n", + "Completed text 91640\n", + "Completed text 91641\n", + "Completed text 91642\n", + "Completed text 91643\n", + "Completed text 91644\n", + "Completed text 91645\n", + "Completed text 91646\n", + "Completed text 91647\n", + "Completed text 91648\n", + "Completed text 91649\n", + "Completed text 91650\n", + "Completed text 91651\n", + "Completed text 91652\n", + "Completed text 91653\n", + "Completed text 91654\n", + "Completed text 91655\n", + "Completed text 91656\n", + "Completed text 91657\n", + "Completed text 91658\n", + "Completed text 91659\n", + "Completed text 91660\n", + "Completed text 91661\n", + "Completed text 91662\n", + "Completed text 91663\n", + "Completed text 91664\n", + "Completed text 91665\n", + "Completed text 91666\n", + "Completed text 91667\n", + "Completed text 91668\n", + "Completed text 91669\n", + "Completed text 91670\n", + "Completed text 91671\n", + "Completed text 91672\n", + "Completed text 91673\n", + "Completed text 91674\n", + "Completed text 91675\n", + "Completed text 91676\n", + "Completed text 91677\n", + "Completed text 91678\n", + "Completed text 91679\n", + "Completed text 91680\n", + "Completed text 91681\n", + "Completed text 91682\n", + "Completed text 91683\n", + "Completed text 91684\n", + "Completed text 91685\n", + "Completed text 91686\n", + "Completed text 91687\n", + "Completed text 91688\n", + "Completed text 91689\n", + "Completed text 91690\n", + "Completed text 91691\n", + "Completed text 91692\n", + "Completed text 91693\n", + "Completed text 91694\n", + "Completed text 91695\n", + "Completed text 91696\n", + "Completed text 91697\n", + "Completed text 91698\n", + "Completed text 91699\n", + "Completed text 91700\n", + "Completed text 91701\n", + "Completed text 91702\n", + "Completed text 91703\n", + "Completed text 91704\n", + "Completed text 91705\n", + "Completed text 91706\n", + "Completed text 91707\n", + "Completed text 91708\n", + "Completed text 91709\n", + "Completed text 91710\n", + "Completed text 91711\n", + "Completed text 91712\n", + "Completed text 91713\n", + "Completed text 91714\n", + "Completed text 91715\n", + "Completed text 91716\n", + "Completed text 91717\n", + "Completed text 91718\n", + "Completed text 91719\n", + "Completed text 91720\n", + "Completed text 91721\n", + "Completed text 91722\n", + "Completed text 91723\n", + "Completed text 91724\n", + "Completed text 91725\n", + "Completed text 91726\n", + "Completed text 91727\n", + "Completed text 91728\n", + "Completed text 91729\n", + "Completed text 91730\n", + "Completed text 91731\n", + "Completed text 91732\n", + "Completed text 91733\n", + "Completed text 91734\n", + "Completed text 91735\n", + "Completed text 91736\n", + "Completed text 91737\n", + "Completed text 91738\n", + "Completed text 91739\n", + "Completed text 91740\n", + "Completed text 91741\n", + "Completed text 91742\n", + "Completed text 91743\n", + "Completed text 91744\n", + "Completed text 91745\n", + "Completed text 91746\n", + "Completed text 91747\n", + "Completed text 91748\n", + "Completed text 91749\n", + "Completed text 91750\n", + "Completed text 91751\n", + "Completed text 91752\n", + "Completed text 91753\n", + "Completed text 91754\n", + "Completed text 91755\n", + "Completed text 91756\n", + "Completed text 91757\n", + "Completed text 91758\n", + "Completed text 91759\n", + "Completed text 91760\n", + "Completed text 91761\n", + "Completed text 91762\n", + "Completed text 91763\n", + "Completed text 91764\n", + "Completed text 91765\n", + "Completed text 91766\n", + "Completed text 91767\n", + "Completed text 91768\n", + "Completed text 91769\n", + "Completed text 91770\n", + "Completed text 91771\n", + "Completed text 91772\n", + "Completed text 91773\n", + "Completed text 91774\n", + "Completed text 91775\n", + "Completed text 91776\n", + "Completed text 91777\n", + "Completed text 91778\n", + "Completed text 91779\n", + "Completed text 91780\n", + "Completed text 91781\n", + "Completed text 91782\n", + "Completed text 91783\n", + "Completed text 91784\n", + "Completed text 91785\n", + "Completed text 91786\n", + "Completed text 91787\n", + "Completed text 91788\n", + "Completed text 91789\n", + "Completed text 91790\n", + "Completed text 91791\n", + "Completed text 91792\n", + "Completed text 91793\n", + "Completed text 91794\n", + "Completed text 91795\n", + "Completed text 91796\n", + "Completed text 91797\n", + "Completed text 91798\n", + "Completed text 91799\n", + "Completed text 91800\n", + "Completed text 91801\n", + "Completed text 91802\n", + "Completed text 91803\n", + "Completed text 91804\n", + "Completed text 91805\n", + "Completed text 91806\n", + "Completed text 91807\n", + "Completed text 91808\n", + "Completed text 91809\n", + "Completed text 91810\n", + "Completed text 91811\n", + "Completed text 91812\n", + "Completed text 91813\n", + "Completed text 91814\n", + "Completed text 91815\n", + "Completed text 91816\n", + "Completed text 91817\n", + "Completed text 91818\n", + "Completed text 91819\n", + "Completed text 91820\n", + "Completed text 91821\n", + "Completed text 91822\n", + "Completed text 91823\n", + "Completed text 91824\n", + "Completed text 91825\n", + "Completed text 91826\n", + "Completed text 91827\n", + "Completed text 91828\n", + "Completed text 91829\n", + "Completed text 91830\n", + "Completed text 91831\n", + "Completed text 91832\n", + "Completed text 91833\n", + "Completed text 91834\n", + "Completed text 91835\n", + "Completed text 91836\n", + "Completed text 91837\n", + "Completed text 91838\n", + "Completed text 91839\n", + "Completed text 91840\n", + "Completed text 91841\n", + "Completed text 91842\n", + "Completed text 91843\n", + "Completed text 91844\n", + "Completed text 91845\n", + "Completed text 91846\n", + "Completed text 91847\n", + "Completed text 91848\n", + "Completed text 91849\n", + "Completed text 91850\n", + "Completed text 91851\n", + "Completed text 91852\n", + "Completed text 91853\n", + "Completed text 91854\n", + "Completed text 91855\n", + "Completed text 91856\n", + "Completed text 91857\n", + "Completed text 91858\n", + "Completed text 91859\n", + "Completed text 91860\n", + "Completed text 91861\n", + "Completed text 91862\n", + "Completed text 91863\n", + "Completed text 91864\n", + "Completed text 91865\n", + "Completed text 91866\n", + "Completed text 91867\n", + "Completed text 91868\n", + "Completed text 91869\n", + "Completed text 91870\n", + "Completed text 91871\n", + "Completed text 91872\n", + "Completed text 91873\n", + "Completed text 91874\n", + "Completed text 91875\n", + "Completed text 91876\n", + "Completed text 91877\n", + "Completed text 91878\n", + "Completed text 91879\n", + "Completed text 91880\n", + "Completed text 91881\n", + "Completed text 91882\n", + "Completed text 91883\n", + "Completed text 91884\n", + "Completed text 91885\n", + "Completed text 91886\n", + "Completed text 91887\n", + "Completed text 91888\n", + "Completed text 91889\n", + "Completed text 91890\n", + "Completed text 91891\n", + "Completed text 91892\n", + "Completed text 91893\n", + "Completed text 91894\n", + "Completed text 91895\n", + "Completed text 91896\n", + "Completed text 91897\n", + "Completed text 91898\n", + "Completed text 91899\n", + "Completed text 91900\n", + "Completed text 91901\n", + "Completed text 91902\n", + "Completed text 91903\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 91904\n", + "Completed text 91905\n", + "Completed text 91906\n", + "Completed text 91907\n", + "Completed text 91908\n", + "Completed text 91909\n", + "Completed text 91910\n", + "Completed text 91911\n", + "Completed text 91912\n", + "Completed text 91913\n", + "Completed text 91914\n", + "Completed text 91915\n", + "Completed text 91916\n", + "Completed text 91917\n", + "Completed text 91918\n", + "Completed text 91919\n", + "Completed text 91920\n", + "Completed text 91921\n", + "Completed text 91922\n", + "Completed text 91923\n", + "Completed text 91924\n", + "Completed text 91925\n", + "Completed text 91926\n", + "Completed text 91927\n", + "Completed text 91928\n", + "Completed text 91929\n", + "Completed text 91930\n", + "Completed text 91931\n", + "Completed text 91932\n", + "Completed text 91933\n", + "Completed text 91934\n", + "Completed text 91935\n", + "Completed text 91936\n", + "Completed text 91937\n", + "Completed text 91938\n", + "Completed text 91939\n", + "Completed text 91940\n", + "Completed text 91941\n", + "Completed text 91942\n", + "Completed text 91943\n", + "Completed text 91944\n", + "Completed text 91945\n", + "Completed text 91946\n", + "Completed text 91947\n", + "Completed text 91948\n", + "Completed text 91949\n", + "Completed text 91950\n", + "Completed text 91951\n", + "Completed text 91952\n", + "Completed text 91953\n", + "Completed text 91954\n", + "Completed text 91955\n", + "Completed text 91956\n", + "Completed text 91957\n", + "Completed text 91958\n", + "Completed text 91959\n", + "Completed text 91960\n", + "Completed text 91961\n", + "Completed text 91962\n", + "Completed text 91963\n", + "Completed text 91964\n", + "Completed text 91965\n", + "Completed text 91966\n", + "Completed text 91967\n", + "Completed text 91968\n", + "Completed text 91969\n", + "Completed text 91970\n", + "Completed text 91971\n", + "Completed text 91972\n", + "Completed text 91973\n", + "Completed text 91974\n", + "Completed text 91975\n", + "Completed text 91976\n", + "Completed text 91977\n", + "Completed text 91978\n", + "Completed text 91979\n", + "Completed text 91980\n", + "Completed text 91981\n", + "Completed text 91982\n", + "Completed text 91983\n", + "Completed text 91984\n", + "Completed text 91985\n", + "Completed text 91986\n", + "Completed text 91987\n", + "Completed text 91988\n", + "Completed text 91989\n", + "Completed text 91990\n", + "Completed text 91991\n", + "Completed text 91992\n", + "Completed text 91993\n", + "Completed text 91994\n", + "Completed text 91995\n", + "Completed text 91996\n", + "Completed text 91997\n", + "Completed text 91998\n", + "Completed text 91999\n", + "Completed text 92000\n", + "Completed text 92001\n", + "Completed text 92002\n", + "Completed text 92003\n", + "Completed text 92004\n", + "Completed text 92005\n", + "Completed text 92006\n", + "Completed text 92007\n", + "Completed text 92008\n", + "Completed text 92009\n", + "Completed text 92010\n", + "Completed text 92011\n", + "Completed text 92012\n", + "Completed text 92013\n", + "Completed text 92014\n", + "Completed text 92015\n", + "Completed text 92016\n", + "Completed text 92017\n", + "Completed text 92018\n", + "Completed text 92019\n", + "Completed text 92020\n", + "Completed text 92021\n", + "Completed text 92022\n", + "Completed text 92023\n", + "Completed text 92024\n", + "Completed text 92025\n", + "Completed text 92026\n", + "Completed text 92027\n", + "Completed text 92028\n", + "Completed text 92029\n", + "Completed text 92030\n", + "Completed text 92031\n", + "Completed text 92032\n", + "Completed text 92033\n", + "Completed text 92034\n", + "Completed text 92035\n", + "Completed text 92036\n", + "Completed text 92037\n", + "Completed text 92038\n", + "Completed text 92039\n", + "Completed text 92040\n", + "Completed text 92041\n", + "Completed text 92042\n", + "Completed text 92043\n", + "Completed text 92044\n", + "Completed text 92045\n", + "Completed text 92046\n", + "Completed text 92047\n", + "Completed text 92048\n", + "Completed text 92049\n", + "Completed text 92050\n", + "Completed text 92051\n", + "Completed text 92052\n", + "Completed text 92053\n", + "Completed text 92054\n", + "Completed text 92055\n", + "Completed text 92056\n", + "Completed text 92057\n", + "Completed text 92058\n", + "Completed text 92059\n", + "Completed text 92060\n", + "Completed text 92061\n", + "Completed text 92062\n", + "Completed text 92063\n", + "Completed text 92064\n", + "Completed text 92065\n", + "Completed text 92066\n", + "Completed text 92067\n", + "Completed text 92068\n", + "Completed text 92069\n", + "Completed text 92070\n", + "Completed text 92071\n", + "Completed text 92072\n", + "Completed text 92073\n", + "Completed text 92074\n", + "Completed text 92075\n", + "Completed text 92076\n", + "Completed text 92077\n", + "Completed text 92078\n", + "Completed text 92079\n", + "Completed text 92080\n", + "Completed text 92081\n", + "Completed text 92082\n", + "Completed text 92083\n", + "Completed text 92084\n", + "Completed text 92085\n", + "Completed text 92086\n", + "Completed text 92087\n", + "Completed text 92088\n", + "Completed text 92089\n", + "Completed text 92090\n", + "Completed text 92091\n", + "Completed text 92092\n", + "Completed text 92093\n", + "Completed text 92094\n", + "Completed text 92095\n", + "Completed text 92096\n", + "Completed text 92097\n", + "Completed text 92098\n", + "Completed text 92099\n", + "Completed text 92100\n", + "Completed text 92101\n", + "Completed text 92102\n", + "Completed text 92103\n", + "Completed text 92104\n", + "Completed text 92105\n", + "Completed text 92106\n", + "Completed text 92107\n", + "Completed text 92108\n", + "Completed text 92109\n", + "Completed text 92110\n", + "Completed text 92111\n", + "Completed text 92112\n", + "Completed text 92113\n", + "Completed text 92114\n", + "Completed text 92115\n", + "Completed text 92116\n", + "Completed text 92117\n", + "Completed text 92118\n", + "Completed text 92119\n", + "Completed text 92120\n", + "Completed text 92121\n", + "Completed text 92122\n", + "Completed text 92123\n", + "Completed text 92124\n", + "Completed text 92125\n", + "Completed text 92126\n", + "Completed text 92127\n", + "Completed text 92128\n", + "Completed text 92129\n", + "Completed text 92130\n", + "Completed text 92131\n", + "Completed text 92132\n", + "Completed text 92133\n", + "Completed text 92134\n", + "Completed text 92135\n", + "Completed text 92136\n", + "Completed text 92137\n", + "Completed text 92138\n", + "Completed text 92139\n", + "Completed text 92140\n", + "Completed text 92141\n", + "Completed text 92142\n", + "Completed text 92143\n", + "Completed text 92144\n", + "Completed text 92145\n", + "Completed text 92146\n", + "Completed text 92147\n", + "Completed text 92148\n", + "Completed text 92149\n", + "Completed text 92150\n", + "Completed text 92151\n", + "Completed text 92152\n", + "Completed text 92153\n", + "Completed text 92154\n", + "Completed text 92155\n", + "Completed text 92156\n", + "Completed text 92157\n", + "Completed text 92158\n", + "Completed text 92159\n", + "Completed text 92160\n", + "Completed text 92161\n", + "Completed text 92162\n", + "Completed text 92163\n", + "Completed text 92164\n", + "Completed text 92165\n", + "Completed text 92166\n", + "Completed text 92167\n", + "Completed text 92168\n", + "Completed text 92169\n", + "Completed text 92170\n", + "Completed text 92171\n", + "Completed text 92172\n", + "Completed text 92173\n", + "Completed text 92174\n", + "Completed text 92175\n", + "Completed text 92176\n", + "Completed text 92177\n", + "Completed text 92178\n", + "Completed text 92179\n", + "Completed text 92180\n", + "Completed text 92181\n", + "Completed text 92182\n", + "Completed text 92183\n", + "Completed text 92184\n", + "Completed text 92185\n", + "Completed text 92186\n", + "Completed text 92187\n", + "Completed text 92188\n", + "Completed text 92189\n", + "Completed text 92190\n", + "Completed text 92191\n", + "Completed text 92192\n", + "Completed text 92193\n", + "Completed text 92194\n", + "Completed text 92195\n", + "Completed text 92196\n", + "Completed text 92197\n", + "Completed text 92198\n", + "Completed text 92199\n", + "Completed text 92200\n", + "Completed text 92201\n", + "Completed text 92202\n", + "Completed text 92203\n", + "Completed text 92204\n", + "Completed text 92205\n", + "Completed text 92206\n", + "Completed text 92207\n", + "Completed text 92208\n", + "Completed text 92209\n", + "Completed text 92210\n", + "Completed text 92211\n", + "Completed text 92212\n", + "Completed text 92213\n", + "Completed text 92214\n", + "Completed text 92215\n", + "Completed text 92216\n", + "Completed text 92217\n", + "Completed text 92218\n", + "Completed text 92219\n", + "Completed text 92220\n", + "Completed text 92221\n", + "Completed text 92222\n", + "Completed text 92223\n", + "Completed text 92224\n", + "Completed text 92225\n", + "Completed text 92226\n", + "Completed text 92227\n", + "Completed text 92228\n", + "Completed text 92229\n", + "Completed text 92230\n", + "Completed text 92231\n", + "Completed text 92232\n", + "Completed text 92233\n", + "Completed text 92234\n", + "Completed text 92235\n", + "Completed text 92236\n", + "Completed text 92237\n", + "Completed text 92238\n", + "Completed text 92239\n", + "Completed text 92240\n", + "Completed text 92241\n", + "Completed text 92242\n", + "Completed text 92243\n", + "Completed text 92244\n", + "Completed text 92245\n", + "Completed text 92246\n", + "Completed text 92247\n", + "Completed text 92248\n", + "Completed text 92249\n", + "Completed text 92250\n", + "Completed text 92251\n", + "Completed text 92252\n", + "Completed text 92253\n", + "Completed text 92254\n", + "Completed text 92255\n", + "Completed text 92256\n", + "Completed text 92257\n", + "Completed text 92258\n", + "Completed text 92259\n", + "Completed text 92260\n", + "Completed text 92261\n", + "Completed text 92262\n", + "Completed text 92263\n", + "Completed text 92264\n", + "Completed text 92265\n", + "Completed text 92266\n", + "Completed text 92267\n", + "Completed text 92268\n", + "Completed text 92269\n", + "Completed text 92270\n", + "Completed text 92271\n", + "Completed text 92272\n", + "Completed text 92273\n", + "Completed text 92274\n", + "Completed text 92275\n", + "Completed text 92276\n", + "Completed text 92277\n", + "Completed text 92278\n", + "Completed text 92279\n", + "Completed text 92280\n", + "Completed text 92281\n", + "Completed text 92282\n", + "Completed text 92283\n", + "Completed text 92284\n", + "Completed text 92285\n", + "Completed text 92286\n", + "Completed text 92287\n", + "Completed text 92288\n", + "Completed text 92289\n", + "Completed text 92290\n", + "Completed text 92291\n", + "Completed text 92292\n", + "Completed text 92293\n", + "Completed text 92294\n", + "Completed text 92295\n", + "Completed text 92296\n", + "Completed text 92297\n", + "Completed text 92298\n", + "Completed text 92299\n", + "Completed text 92300\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 92301\n", + "Completed text 92302\n", + "Completed text 92303\n", + "Completed text 92304\n", + "Completed text 92305\n", + "Completed text 92306\n", + "Completed text 92307\n", + "Completed text 92308\n", + "Completed text 92309\n", + "Completed text 92310\n", + "Completed text 92311\n", + "Completed text 92312\n", + "Completed text 92313\n", + "Completed text 92314\n", + "Completed text 92315\n", + "Completed text 92316\n", + "Completed text 92317\n", + "Completed text 92318\n", + "Completed text 92319\n", + "Completed text 92320\n", + "Completed text 92321\n", + "Completed text 92322\n", + "Completed text 92323\n", + "Completed text 92324\n", + "Completed text 92325\n", + "Completed text 92326\n", + "Completed text 92327\n", + "Completed text 92328\n", + "Completed text 92329\n", + "Completed text 92330\n", + "Completed text 92331\n", + "Completed text 92332\n", + "Completed text 92333\n", + "Completed text 92334\n", + "Completed text 92335\n", + "Completed text 92336\n", + "Completed text 92337\n", + "Completed text 92338\n", + "Completed text 92339\n", + "Completed text 92340\n", + "Completed text 92341\n", + "Completed text 92342\n", + "Completed text 92343\n", + "Completed text 92344\n", + "Completed text 92345\n", + "Completed text 92346\n", + "Completed text 92347\n", + "Completed text 92348\n", + "Completed text 92349\n", + "Completed text 92350\n", + "Completed text 92351\n", + "Completed text 92352\n", + "Completed text 92353\n", + "Completed text 92354\n", + "Completed text 92355\n", + "Completed text 92356\n", + "Completed text 92357\n", + "Completed text 92358\n", + "Completed text 92359\n", + "Completed text 92360\n", + "Completed text 92361\n", + "Completed text 92362\n", + "Completed text 92363\n", + "Completed text 92364\n", + "Completed text 92365\n", + "Completed text 92366\n", + "Completed text 92367\n", + "Completed text 92368\n", + "Completed text 92369\n", + "Completed text 92370\n", + "Completed text 92371\n", + "Completed text 92372\n", + "Completed text 92373\n", + "Completed text 92374\n", + "Completed text 92375\n", + "Completed text 92376\n", + "Completed text 92377\n", + "Completed text 92378\n", + "Completed text 92379\n", + "Completed text 92380\n", + "Completed text 92381\n", + "Completed text 92382\n", + "Completed text 92383\n", + "Completed text 92384\n", + "Completed text 92385\n", + "Completed text 92386\n", + "Completed text 92387\n", + "Completed text 92388\n", + "Completed text 92389\n", + "Completed text 92390\n", + "Completed text 92391\n", + "Completed text 92392\n", + "Completed text 92393\n", + "Completed text 92394\n", + "Completed text 92395\n", + "Completed text 92396\n", + "Completed text 92397\n", + "Completed text 92398\n", + "Completed text 92399\n", + "Completed text 92400\n", + "Completed text 92401\n", + "Completed text 92402\n", + "Completed text 92403\n", + "Completed text 92404\n", + "Completed text 92405\n", + "Completed text 92406\n", + "Completed text 92407\n", + "Completed text 92408\n", + "Completed text 92409\n", + "Completed text 92410\n", + "Completed text 92411\n", + "Completed text 92412\n", + "Completed text 92413\n", + "Completed text 92414\n", + "Completed text 92415\n", + "Completed text 92416\n", + "Completed text 92417\n", + "Completed text 92418\n", + "Completed text 92419\n", + "Completed text 92420\n", + "Completed text 92421\n", + "Completed text 92422\n", + "Completed text 92423\n", + "Completed text 92424\n", + "Completed text 92425\n", + "Completed text 92426\n", + "Completed text 92427\n", + "Completed text 92428\n", + "Completed text 92429\n", + "Completed text 92430\n", + "Completed text 92431\n", + "Completed text 92432\n", + "Completed text 92433\n", + "Completed text 92434\n", + "Completed text 92435\n", + "Completed text 92436\n", + "Completed text 92437\n", + "Completed text 92438\n", + "Completed text 92439\n", + "Completed text 92440\n", + "Completed text 92441\n", + "Completed text 92442\n", + "Completed text 92443\n", + "Completed text 92444\n", + "Completed text 92445\n", + "Completed text 92446\n", + "Completed text 92447\n", + "Completed text 92448\n", + "Completed text 92449\n", + "Completed text 92450\n", + "Completed text 92451\n", + "Completed text 92452\n", + "Completed text 92453\n", + "Completed text 92454\n", + "Completed text 92455\n", + "Completed text 92456\n", + "Completed text 92457\n", + "Completed text 92458\n", + "Completed text 92459\n", + "Completed text 92460\n", + "Completed text 92461\n", + "Completed text 92462\n", + "Completed text 92463\n", + "Completed text 92464\n", + "Completed text 92465\n", + "Completed text 92466\n", + "Completed text 92467\n", + "Completed text 92468\n", + "Completed text 92469\n", + "Completed text 92470\n", + "Completed text 92471\n", + "Completed text 92472\n", + "Completed text 92473\n", + "Completed text 92474\n", + "Completed text 92475\n", + "Completed text 92476\n", + "Completed text 92477\n", + "Completed text 92478\n", + "Completed text 92479\n", + "Completed text 92480\n", + "Completed text 92481\n", + "Completed text 92482\n", + "Completed text 92483\n", + "Completed text 92484\n", + "Completed text 92485\n", + "Completed text 92486\n", + "Completed text 92487\n", + "Completed text 92488\n", + "Completed text 92489\n", + "Completed text 92490\n", + "Completed text 92491\n", + "Completed text 92492\n", + "Completed text 92493\n", + "Completed text 92494\n", + "Completed text 92495\n", + "Completed text 92496\n", + "Completed text 92497\n", + "Completed text 92498\n", + "Completed text 92499\n", + "Completed text 92500\n", + "Completed text 92501\n", + "Completed text 92502\n", + "Completed text 92503\n", + "Completed text 92504\n", + "Completed text 92505\n", + "Completed text 92506\n", + "Completed text 92507\n", + "Completed text 92508\n", + "Completed text 92509\n", + "Completed text 92510\n", + "Completed text 92511\n", + "Completed text 92512\n", + "Completed text 92513\n", + "Completed text 92514\n", + "Completed text 92515\n", + "Completed text 92516\n", + "Completed text 92517\n", + "Completed text 92518\n", + "Completed text 92519\n", + "Completed text 92520\n", + "Completed text 92521\n", + "Completed text 92522\n", + "Completed text 92523\n", + "Completed text 92524\n", + "Completed text 92525\n", + "Completed text 92526\n", + "Completed text 92527\n", + "Completed text 92528\n", + "Completed text 92529\n", + "Completed text 92530\n", + "Completed text 92531\n", + "Completed text 92532\n", + "Completed text 92533\n", + "Completed text 92534\n", + "Completed text 92535\n", + "Completed text 92536\n", + "Completed text 92537\n", + "Completed text 92538\n", + "Completed text 92539\n", + "Completed text 92540\n", + "Completed text 92541\n", + "Completed text 92542\n", + "Completed text 92543\n", + "Completed text 92544\n", + "Completed text 92545\n", + "Completed text 92546\n", + "Completed text 92547\n", + "Completed text 92548\n", + "Completed text 92549\n", + "Completed text 92550\n", + "Completed text 92551\n", + "Completed text 92552\n", + "Completed text 92553\n", + "Completed text 92554\n", + "Completed text 92555\n", + "Completed text 92556\n", + "Completed text 92557\n", + "Completed text 92558\n", + "Completed text 92559\n", + "Completed text 92560\n", + "Completed text 92561\n", + "Completed text 92562\n", + "Completed text 92563\n", + "Completed text 92564\n", + "Completed text 92565\n", + "Completed text 92566\n", + "Completed text 92567\n", + "Completed text 92568\n", + "Completed text 92569\n", + "Completed text 92570\n", + "Completed text 92571\n", + "Completed text 92572\n", + "Completed text 92573\n", + "Completed text 92574\n", + "Completed text 92575\n", + "Completed text 92576\n", + "Completed text 92577\n", + "Completed text 92578\n", + "Completed text 92579\n", + "Completed text 92580\n", + "Completed text 92581\n", + "Completed text 92582\n", + "Completed text 92583\n", + "Completed text 92584\n", + "Completed text 92585\n", + "Completed text 92586\n", + "Completed text 92587\n", + "Completed text 92588\n", + "Completed text 92589\n", + "Completed text 92590\n", + "Completed text 92591\n", + "Completed text 92592\n", + "Completed text 92593\n", + "Completed text 92594\n", + "Completed text 92595\n", + "Completed text 92596\n", + "Completed text 92597\n", + "Completed text 92598\n", + "Completed text 92599\n", + "Completed text 92600\n", + "Completed text 92601\n", + "Completed text 92602\n", + "Completed text 92603\n", + "Completed text 92604\n", + "Completed text 92605\n", + "Completed text 92606\n", + "Completed text 92607\n", + "Completed text 92608\n", + "Completed text 92609\n", + "Completed text 92610\n", + "Completed text 92611\n", + "Completed text 92612\n", + "Completed text 92613\n", + "Completed text 92614\n", + "Completed text 92615\n", + "Completed text 92616\n", + "Completed text 92617\n", + "Completed text 92618\n", + "Completed text 92619\n", + "Completed text 92620\n", + "Completed text 92621\n", + "Completed text 92622\n", + "Completed text 92623\n", + "Completed text 92624\n", + "Completed text 92625\n", + "Completed text 92626\n", + "Completed text 92627\n", + "Completed text 92628\n", + "Completed text 92629\n", + "Completed text 92630\n", + "Completed text 92631\n", + "Completed text 92632\n", + "Completed text 92633\n", + "Completed text 92634\n", + "Completed text 92635\n", + "Completed text 92636\n", + "Completed text 92637\n", + "Completed text 92638\n", + "Completed text 92639\n", + "Completed text 92640\n", + "Completed text 92641\n", + "Completed text 92642\n", + "Completed text 92643\n", + "Completed text 92644\n", + "Completed text 92645\n", + "Completed text 92646\n", + "Completed text 92647\n", + "Completed text 92648\n", + "Completed text 92649\n", + "Completed text 92650\n", + "Completed text 92651\n", + "Completed text 92652\n", + "Completed text 92653\n", + "Completed text 92654\n", + "Completed text 92655\n", + "Completed text 92656\n", + "Completed text 92657\n", + "Completed text 92658\n", + "Completed text 92659\n", + "Completed text 92660\n", + "Completed text 92661\n", + "Completed text 92662\n", + "Completed text 92663\n", + "Completed text 92664\n", + "Completed text 92665\n", + "Completed text 92666\n", + "Completed text 92667\n", + "Completed text 92668\n", + "Completed text 92669\n", + "Completed text 92670\n", + "Completed text 92671\n", + "Completed text 92672\n", + "Completed text 92673\n", + "Completed text 92674\n", + "Completed text 92675\n", + "Completed text 92676\n", + "Completed text 92677\n", + "Completed text 92678\n", + "Completed text 92679\n", + "Completed text 92680\n", + "Completed text 92681\n", + "Completed text 92682\n", + "Completed text 92683\n", + "Completed text 92684\n", + "Completed text 92685\n", + "Completed text 92686\n", + "Completed text 92687\n", + "Completed text 92688\n", + "Completed text 92689\n", + "Completed text 92690\n", + "Completed text 92691\n", + "Completed text 92692\n", + "Completed text 92693\n", + "Completed text 92694\n", + "Completed text 92695\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 92696\n", + "Completed text 92697\n", + "Completed text 92698\n", + "Completed text 92699\n", + "Completed text 92700\n", + "Completed text 92701\n", + "Completed text 92702\n", + "Completed text 92703\n", + "Completed text 92704\n", + "Completed text 92705\n", + "Completed text 92706\n", + "Completed text 92707\n", + "Completed text 92708\n", + "Completed text 92709\n", + "Completed text 92710\n", + "Completed text 92711\n", + "Completed text 92712\n", + "Completed text 92713\n", + "Completed text 92714\n", + "Completed text 92715\n", + "Completed text 92716\n", + "Completed text 92717\n", + "Completed text 92718\n", + "Completed text 92719\n", + "Completed text 92720\n", + "Completed text 92721\n", + "Completed text 92722\n", + "Completed text 92723\n", + "Completed text 92724\n", + "Completed text 92725\n", + "Completed text 92726\n", + "Completed text 92727\n", + "Completed text 92728\n", + "Completed text 92729\n", + "Completed text 92730\n", + "Completed text 92731\n", + "Completed text 92732\n", + "Completed text 92733\n", + "Completed text 92734\n", + "Completed text 92735\n", + "Completed text 92736\n", + "Completed text 92737\n", + "Completed text 92738\n", + "Completed text 92739\n", + "Completed text 92740\n", + "Completed text 92741\n", + "Completed text 92742\n", + "Completed text 92743\n", + "Completed text 92744\n", + "Completed text 92745\n", + "Completed text 92746\n", + "Completed text 92747\n", + "Completed text 92748\n", + "Completed text 92749\n", + "Completed text 92750\n", + "Completed text 92751\n", + "Completed text 92752\n", + "Completed text 92753\n", + "Completed text 92754\n", + "Completed text 92755\n", + "Completed text 92756\n", + "Completed text 92757\n", + "Completed text 92758\n", + "Completed text 92759\n", + "Completed text 92760\n", + "Completed text 92761\n", + "Completed text 92762\n", + "Completed text 92763\n", + "Completed text 92764\n", + "Completed text 92765\n", + "Completed text 92766\n", + "Completed text 92767\n", + "Completed text 92768\n", + "Completed text 92769\n", + "Completed text 92770\n", + "Completed text 92771\n", + "Completed text 92772\n", + "Completed text 92773\n", + "Completed text 92774\n", + "Completed text 92775\n", + "Completed text 92776\n", + "Completed text 92777\n", + "Completed text 92778\n", + "Completed text 92779\n", + "Completed text 92780\n", + "Completed text 92781\n", + "Completed text 92782\n", + "Completed text 92783\n", + "Completed text 92784\n", + "Completed text 92785\n", + "Completed text 92786\n", + "Completed text 92787\n", + "Completed text 92788\n", + "Completed text 92789\n", + "Completed text 92790\n", + "Completed text 92791\n", + "Completed text 92792\n", + "Completed text 92793\n", + "Completed text 92794\n", + "Completed text 92795\n", + "Completed text 92796\n", + "Completed text 92797\n", + "Completed text 92798\n", + "Completed text 92799\n", + "Completed text 92800\n", + "Completed text 92801\n", + "Completed text 92802\n", + "Completed text 92803\n", + "Completed text 92804\n", + "Completed text 92805\n", + "Completed text 92806\n", + "Completed text 92807\n", + "Completed text 92808\n", + "Completed text 92809\n", + "Completed text 92810\n", + "Completed text 92811\n", + "Completed text 92812\n", + "Completed text 92813\n", + "Completed text 92814\n", + "Completed text 92815\n", + "Completed text 92816\n", + "Completed text 92817\n", + "Completed text 92818\n", + "Completed text 92819\n", + "Completed text 92820\n", + "Completed text 92821\n", + "Completed text 92822\n", + "Completed text 92823\n", + "Completed text 92824\n", + "Completed text 92825\n", + "Completed text 92826\n", + "Completed text 92827\n", + "Completed text 92828\n", + "Completed text 92829\n", + "Completed text 92830\n", + "Completed text 92831\n", + "Completed text 92832\n", + "Completed text 92833\n", + "Completed text 92834\n", + "Completed text 92835\n", + "Completed text 92836\n", + "Completed text 92837\n", + "Completed text 92838\n", + "Completed text 92839\n", + "Completed text 92840\n", + "Completed text 92841\n", + "Completed text 92842\n", + "Completed text 92843\n", + "Completed text 92844\n", + "Completed text 92845\n", + "Completed text 92846\n", + "Completed text 92847\n", + "Completed text 92848\n", + "Completed text 92849\n", + "Completed text 92850\n", + "Completed text 92851\n", + "Completed text 92852\n", + "Completed text 92853\n", + "Completed text 92854\n", + "Completed text 92855\n", + "Completed text 92856\n", + "Completed text 92857\n", + "Completed text 92858\n", + "Completed text 92859\n", + "Completed text 92860\n", + "Completed text 92861\n", + "Completed text 92862\n", + "Completed text 92863\n", + "Completed text 92864\n", + "Completed text 92865\n", + "Completed text 92866\n", + "Completed text 92867\n", + "Completed text 92868\n", + "Completed text 92869\n", + "Completed text 92870\n", + "Completed text 92871\n", + "Completed text 92872\n", + "Completed text 92873\n", + "Completed text 92874\n", + "Completed text 92875\n", + "Completed text 92876\n", + "Completed text 92877\n", + "Completed text 92878\n", + "Completed text 92879\n", + "Completed text 92880\n", + "Completed text 92881\n", + "Completed text 92882\n", + "Completed text 92883\n", + "Completed text 92884\n", + "Completed text 92885\n", + "Completed text 92886\n", + "Completed text 92887\n", + "Completed text 92888\n", + "Completed text 92889\n", + "Completed text 92890\n", + "Completed text 92891\n", + "Completed text 92892\n", + "Completed text 92893\n", + "Completed text 92894\n", + "Completed text 92895\n", + "Completed text 92896\n", + "Completed text 92897\n", + "Completed text 92898\n", + "Completed text 92899\n", + "Completed text 92900\n", + "Completed text 92901\n", + "Completed text 92902\n", + "Completed text 92903\n", + "Completed text 92904\n", + "Completed text 92905\n", + "Completed text 92906\n", + "Completed text 92907\n", + "Completed text 92908\n", + "Completed text 92909\n", + "Completed text 92910\n", + "Completed text 92911\n", + "Completed text 92912\n", + "Completed text 92913\n", + "Completed text 92914\n", + "Completed text 92915\n", + "Completed text 92916\n", + "Completed text 92917\n", + "Completed text 92918\n", + "Completed text 92919\n", + "Completed text 92920\n", + "Completed text 92921\n", + "Completed text 92922\n", + "Completed text 92923\n", + "Completed text 92924\n", + "Completed text 92925\n", + "Completed text 92926\n", + "Completed text 92927\n", + "Completed text 92928\n", + "Completed text 92929\n", + "Completed text 92930\n", + "Completed text 92931\n", + "Completed text 92932\n", + "Completed text 92933\n", + "Completed text 92934\n", + "Completed text 92935\n", + "Completed text 92936\n", + "Completed text 92937\n", + "Completed text 92938\n", + "Completed text 92939\n", + "Completed text 92940\n", + "Completed text 92941\n", + "Completed text 92942\n", + "Completed text 92943\n", + "Completed text 92944\n", + "Completed text 92945\n", + "Completed text 92946\n", + "Completed text 92947\n", + "Completed text 92948\n", + "Completed text 92949\n", + "Completed text 92950\n", + "Completed text 92951\n", + "Completed text 92952\n", + "Completed text 92953\n", + "Completed text 92954\n", + "Completed text 92955\n", + "Completed text 92956\n", + "Completed text 92957\n", + "Completed text 92958\n", + "Completed text 92959\n", + "Completed text 92960\n", + "Completed text 92961\n", + "Completed text 92962\n", + "Completed text 92963\n", + "Completed text 92964\n", + "Completed text 92965\n", + "Completed text 92966\n", + "Completed text 92967\n", + "Completed text 92968\n", + "Completed text 92969\n", + "Completed text 92970\n", + "Completed text 92971\n", + "Completed text 92972\n", + "Completed text 92973\n", + "Completed text 92974\n", + "Completed text 92975\n", + "Completed text 92976\n", + "Completed text 92977\n", + "Completed text 92978\n", + "Completed text 92979\n", + "Completed text 92980\n", + "Completed text 92981\n", + "Completed text 92982\n", + "Completed text 92983\n", + "Completed text 92984\n", + "Completed text 92985\n", + "Completed text 92986\n", + "Completed text 92987\n", + "Completed text 92988\n", + "Completed text 92989\n", + "Completed text 92990\n", + "Completed text 92991\n", + "Completed text 92992\n", + "Completed text 92993\n", + "Completed text 92994\n", + "Completed text 92995\n", + "Completed text 92996\n", + "Completed text 92997\n", + "Completed text 92998\n", + "Completed text 92999\n", + "Completed text 93000\n", + "Completed text 93001\n", + "Completed text 93002\n", + "Completed text 93003\n", + "Completed text 93004\n", + "Completed text 93005\n", + "Completed text 93006\n", + "Completed text 93007\n", + "Completed text 93008\n", + "Completed text 93009\n", + "Completed text 93010\n", + "Completed text 93011\n", + "Completed text 93012\n", + "Completed text 93013\n", + "Completed text 93014\n", + "Completed text 93015\n", + "Completed text 93016\n", + "Completed text 93017\n", + "Completed text 93018\n", + "Completed text 93019\n", + "Completed text 93020\n", + "Completed text 93021\n", + "Completed text 93022\n", + "Completed text 93023\n", + "Completed text 93024\n", + "Completed text 93025\n", + "Completed text 93026\n", + "Completed text 93027\n", + "Completed text 93028\n", + "Completed text 93029\n", + "Completed text 93030\n", + "Completed text 93031\n", + "Completed text 93032\n", + "Completed text 93033\n", + "Completed text 93034\n", + "Completed text 93035\n", + "Completed text 93036\n", + "Completed text 93037\n", + "Completed text 93038\n", + "Completed text 93039\n", + "Completed text 93040\n", + "Completed text 93041\n", + "Completed text 93042\n", + "Completed text 93043\n", + "Completed text 93044\n", + "Completed text 93045\n", + "Completed text 93046\n", + "Completed text 93047\n", + "Completed text 93048\n", + "Completed text 93049\n", + "Completed text 93050\n", + "Completed text 93051\n", + "Completed text 93052\n", + "Completed text 93053\n", + "Completed text 93054\n", + "Completed text 93055\n", + "Completed text 93056\n", + "Completed text 93057\n", + "Completed text 93058\n", + "Completed text 93059\n", + "Completed text 93060\n", + "Completed text 93061\n", + "Completed text 93062\n", + "Completed text 93063\n", + "Completed text 93064\n", + "Completed text 93065\n", + "Completed text 93066\n", + "Completed text 93067\n", + "Completed text 93068\n", + "Completed text 93069\n", + "Completed text 93070\n", + "Completed text 93071\n", + "Completed text 93072\n", + "Completed text 93073\n", + "Completed text 93074\n", + "Completed text 93075\n", + "Completed text 93076\n", + "Completed text 93077\n", + "Completed text 93078\n", + "Completed text 93079\n", + "Completed text 93080\n", + "Completed text 93081\n", + "Completed text 93082\n", + "Completed text 93083\n", + "Completed text 93084\n", + "Completed text 93085\n", + "Completed text 93086\n", + "Completed text 93087\n", + "Completed text 93088\n", + "Completed text 93089\n", + "Completed text 93090\n", + "Completed text 93091\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 93092\n", + "Completed text 93093\n", + "Completed text 93094\n", + "Completed text 93095\n", + "Completed text 93096\n", + "Completed text 93097\n", + "Completed text 93098\n", + "Completed text 93099\n", + "Completed text 93100\n", + "Completed text 93101\n", + "Completed text 93102\n", + "Completed text 93103\n", + "Completed text 93104\n", + "Completed text 93105\n", + "Completed text 93106\n", + "Completed text 93107\n", + "Completed text 93108\n", + "Completed text 93109\n", + "Completed text 93110\n", + "Completed text 93111\n", + "Completed text 93112\n", + "Completed text 93113\n", + "Completed text 93114\n", + "Completed text 93115\n", + "Completed text 93116\n", + "Completed text 93117\n", + "Completed text 93118\n", + "Completed text 93119\n", + "Completed text 93120\n", + "Completed text 93121\n", + "Completed text 93122\n", + "Completed text 93123\n", + "Completed text 93124\n", + "Completed text 93125\n", + "Completed text 93126\n", + "Completed text 93127\n", + "Completed text 93128\n", + "Completed text 93129\n", + "Completed text 93130\n", + "Completed text 93131\n", + "Completed text 93132\n", + "Completed text 93133\n", + "Completed text 93134\n", + "Completed text 93135\n", + "Completed text 93136\n", + "Completed text 93137\n", + "Completed text 93138\n", + "Completed text 93139\n", + "Completed text 93140\n", + "Completed text 93141\n", + "Completed text 93142\n", + "Completed text 93143\n", + "Completed text 93144\n", + "Completed text 93145\n", + "Completed text 93146\n", + "Completed text 93147\n", + "Completed text 93148\n", + "Completed text 93149\n", + "Completed text 93150\n", + "Completed text 93151\n", + "Completed text 93152\n", + "Completed text 93153\n", + "Completed text 93154\n", + "Completed text 93155\n", + "Completed text 93156\n", + "Completed text 93157\n", + "Completed text 93158\n", + "Completed text 93159\n", + "Completed text 93160\n", + "Completed text 93161\n", + "Completed text 93162\n", + "Completed text 93163\n", + "Completed text 93164\n", + "Completed text 93165\n", + "Completed text 93166\n", + "Completed text 93167\n", + "Completed text 93168\n", + "Completed text 93169\n", + "Completed text 93170\n", + "Completed text 93171\n", + "Completed text 93172\n", + "Completed text 93173\n", + "Completed text 93174\n", + "Completed text 93175\n", + "Completed text 93176\n", + "Completed text 93177\n", + "Completed text 93178\n", + "Completed text 93179\n", + "Completed text 93180\n", + "Completed text 93181\n", + "Completed text 93182\n", + "Completed text 93183\n", + "Completed text 93184\n", + "Completed text 93185\n", + "Completed text 93186\n", + "Completed text 93187\n", + "Completed text 93188\n", + "Completed text 93189\n", + "Completed text 93190\n", + "Completed text 93191\n", + "Completed text 93192\n", + "Completed text 93193\n", + "Completed text 93194\n", + "Completed text 93195\n", + "Completed text 93196\n", + "Completed text 93197\n", + "Completed text 93198\n", + "Completed text 93199\n", + "Completed text 93200\n", + "Completed text 93201\n", + "Completed text 93202\n", + "Completed text 93203\n", + "Completed text 93204\n", + "Completed text 93205\n", + "Completed text 93206\n", + "Completed text 93207\n", + "Completed text 93208\n", + "Completed text 93209\n", + "Completed text 93210\n", + "Completed text 93211\n", + "Completed text 93212\n", + "Completed text 93213\n", + "Completed text 93214\n", + "Completed text 93215\n", + "Completed text 93216\n", + "Completed text 93217\n", + "Completed text 93218\n", + "Completed text 93219\n", + "Completed text 93220\n", + "Completed text 93221\n", + "Completed text 93222\n", + "Completed text 93223\n", + "Completed text 93224\n", + "Completed text 93225\n", + "Completed text 93226\n", + "Completed text 93227\n", + "Completed text 93228\n", + "Completed text 93229\n", + "Completed text 93230\n", + "Completed text 93231\n", + "Completed text 93232\n", + "Completed text 93233\n", + "Completed text 93234\n", + "Completed text 93235\n", + "Completed text 93236\n", + "Completed text 93237\n", + "Completed text 93238\n", + "Completed text 93239\n", + "Completed text 93240\n", + "Completed text 93241\n", + "Completed text 93242\n", + "Completed text 93243\n", + "Completed text 93244\n", + "Completed text 93245\n", + "Completed text 93246\n", + "Completed text 93247\n", + "Completed text 93248\n", + "Completed text 93249\n", + "Completed text 93250\n", + "Completed text 93251\n", + "Completed text 93252\n", + "Completed text 93253\n", + "Completed text 93254\n", + "Completed text 93255\n", + "Completed text 93256\n", + "Completed text 93257\n", + "Completed text 93258\n", + "Completed text 93259\n", + "Completed text 93260\n", + "Completed text 93261\n", + "Completed text 93262\n", + "Completed text 93263\n", + "Completed text 93264\n", + "Completed text 93265\n", + "Completed text 93266\n", + "Completed text 93267\n", + "Completed text 93268\n", + "Completed text 93269\n", + "Completed text 93270\n", + "Completed text 93271\n", + "Completed text 93272\n", + "Completed text 93273\n", + "Completed text 93274\n", + "Completed text 93275\n", + "Completed text 93276\n", + "Completed text 93277\n", + "Completed text 93278\n", + "Completed text 93279\n", + "Completed text 93280\n", + "Completed text 93281\n", + "Completed text 93282\n", + "Completed text 93283\n", + "Completed text 93284\n", + "Completed text 93285\n", + "Completed text 93286\n", + "Completed text 93287\n", + "Completed text 93288\n", + "Completed text 93289\n", + "Completed text 93290\n", + "Completed text 93291\n", + "Completed text 93292\n", + "Completed text 93293\n", + "Completed text 93294\n", + "Completed text 93295\n", + "Completed text 93296\n", + "Completed text 93297\n", + "Completed text 93298\n", + "Completed text 93299\n", + "Completed text 93300\n", + "Completed text 93301\n", + "Completed text 93302\n", + "Completed text 93303\n", + "Completed text 93304\n", + "Completed text 93305\n", + "Completed text 93306\n", + "Completed text 93307\n", + "Completed text 93308\n", + "Completed text 93309\n", + "Completed text 93310\n", + "Completed text 93311\n", + "Completed text 93312\n", + "Completed text 93313\n", + "Completed text 93314\n", + "Completed text 93315\n", + "Completed text 93316\n", + "Completed text 93317\n", + "Completed text 93318\n", + "Completed text 93319\n", + "Completed text 93320\n", + "Completed text 93321\n", + "Completed text 93322\n", + "Completed text 93323\n", + "Completed text 93324\n", + "Completed text 93325\n", + "Completed text 93326\n", + "Completed text 93327\n", + "Completed text 93328\n", + "Completed text 93329\n", + "Completed text 93330\n", + "Completed text 93331\n", + "Completed text 93332\n", + "Completed text 93333\n", + "Completed text 93334\n", + "Completed text 93335\n", + "Completed text 93336\n", + "Completed text 93337\n", + "Completed text 93338\n", + "Completed text 93339\n", + "Completed text 93340\n", + "Completed text 93341\n", + "Completed text 93342\n", + "Completed text 93343\n", + "Completed text 93344\n", + "Completed text 93345\n", + "Completed text 93346\n", + "Completed text 93347\n", + "Completed text 93348\n", + "Completed text 93349\n", + "Completed text 93350\n", + "Completed text 93351\n", + "Completed text 93352\n", + "Completed text 93353\n", + "Completed text 93354\n", + "Completed text 93355\n", + "Completed text 93356\n", + "Completed text 93357\n", + "Completed text 93358\n", + "Completed text 93359\n", + "Completed text 93360\n", + "Completed text 93361\n", + "Completed text 93362\n", + "Completed text 93363\n", + "Completed text 93364\n", + "Completed text 93365\n", + "Completed text 93366\n", + "Completed text 93367\n", + "Completed text 93368\n", + "Completed text 93369\n", + "Completed text 93370\n", + "Completed text 93371\n", + "Completed text 93372\n", + "Completed text 93373\n", + "Completed text 93374\n", + "Completed text 93375\n", + "Completed text 93376\n", + "Completed text 93377\n", + "Completed text 93378\n", + "Completed text 93379\n", + "Completed text 93380\n", + "Completed text 93381\n", + "Completed text 93382\n", + "Completed text 93383\n", + "Completed text 93384\n", + "Completed text 93385\n", + "Completed text 93386\n", + "Completed text 93387\n", + "Completed text 93388\n", + "Completed text 93389\n", + "Completed text 93390\n", + "Completed text 93391\n", + "Completed text 93392\n", + "Completed text 93393\n", + "Completed text 93394\n", + "Completed text 93395\n", + "Completed text 93396\n", + "Completed text 93397\n", + "Completed text 93398\n", + "Completed text 93399\n", + "Completed text 93400\n", + "Completed text 93401\n", + "Completed text 93402\n", + "Completed text 93403\n", + "Completed text 93404\n", + "Completed text 93405\n", + "Completed text 93406\n", + "Completed text 93407\n", + "Completed text 93408\n", + "Completed text 93409\n", + "Completed text 93410\n", + "Completed text 93411\n", + "Completed text 93412\n", + "Completed text 93413\n", + "Completed text 93414\n", + "Completed text 93415\n", + "Completed text 93416\n", + "Completed text 93417\n", + "Completed text 93418\n", + "Completed text 93419\n", + "Completed text 93420\n", + "Completed text 93421\n", + "Completed text 93422\n", + "Completed text 93423\n", + "Completed text 93424\n", + "Completed text 93425\n", + "Completed text 93426\n", + "Completed text 93427\n", + "Completed text 93428\n", + "Completed text 93429\n", + "Completed text 93430\n", + "Completed text 93431\n", + "Completed text 93432\n", + "Completed text 93433\n", + "Completed text 93434\n", + "Completed text 93435\n", + "Completed text 93436\n", + "Completed text 93437\n", + "Completed text 93438\n", + "Completed text 93439\n", + "Completed text 93440\n", + "Completed text 93441\n", + "Completed text 93442\n", + "Completed text 93443\n", + "Completed text 93444\n", + "Completed text 93445\n", + "Completed text 93446\n", + "Completed text 93447\n", + "Completed text 93448\n", + "Completed text 93449\n", + "Completed text 93450\n", + "Completed text 93451\n", + "Completed text 93452\n", + "Completed text 93453\n", + "Completed text 93454\n", + "Completed text 93455\n", + "Completed text 93456\n", + "Completed text 93457\n", + "Completed text 93458\n", + "Completed text 93459\n", + "Completed text 93460\n", + "Completed text 93461\n", + "Completed text 93462\n", + "Completed text 93463\n", + "Completed text 93464\n", + "Completed text 93465\n", + "Completed text 93466\n", + "Completed text 93467\n", + "Completed text 93468\n", + "Completed text 93469\n", + "Completed text 93470\n", + "Completed text 93471\n", + "Completed text 93472\n", + "Completed text 93473\n", + "Completed text 93474\n", + "Completed text 93475\n", + "Completed text 93476\n", + "Completed text 93477\n", + "Completed text 93478\n", + "Completed text 93479\n", + "Completed text 93480\n", + "Completed text 93481\n", + "Completed text 93482\n", + "Completed text 93483\n", + "Completed text 93484\n", + "Completed text 93485\n", + "Completed text 93486\n", + "Completed text 93487\n", + "Completed text 93488\n", + "Completed text 93489\n", + "Completed text 93490\n", + "Completed text 93491\n", + "Completed text 93492\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 93493\n", + "Completed text 93494\n", + "Completed text 93495\n", + "Completed text 93496\n", + "Completed text 93497\n", + "Completed text 93498\n", + "Completed text 93499\n", + "Completed text 93500\n", + "Completed text 93501\n", + "Completed text 93502\n", + "Completed text 93503\n", + "Completed text 93504\n", + "Completed text 93505\n", + "Completed text 93506\n", + "Completed text 93507\n", + "Completed text 93508\n", + "Completed text 93509\n", + "Completed text 93510\n", + "Completed text 93511\n", + "Completed text 93512\n", + "Completed text 93513\n", + "Completed text 93514\n", + "Completed text 93515\n", + "Completed text 93516\n", + "Completed text 93517\n", + "Completed text 93518\n", + "Completed text 93519\n", + "Completed text 93520\n", + "Completed text 93521\n", + "Completed text 93522\n", + "Completed text 93523\n", + "Completed text 93524\n", + "Completed text 93525\n", + "Completed text 93526\n", + "Completed text 93527\n", + "Completed text 93528\n", + "Completed text 93529\n", + "Completed text 93530\n", + "Completed text 93531\n", + "Completed text 93532\n", + "Completed text 93533\n", + "Completed text 93534\n", + "Completed text 93535\n", + "Completed text 93536\n", + "Completed text 93537\n", + "Completed text 93538\n", + "Completed text 93539\n", + "Completed text 93540\n", + "Completed text 93541\n", + "Completed text 93542\n", + "Completed text 93543\n", + "Completed text 93544\n", + "Completed text 93545\n", + "Completed text 93546\n", + "Completed text 93547\n", + "Completed text 93548\n", + "Completed text 93549\n", + "Completed text 93550\n", + "Completed text 93551\n", + "Completed text 93552\n", + "Completed text 93553\n", + "Completed text 93554\n", + "Completed text 93555\n", + "Completed text 93556\n", + "Completed text 93557\n", + "Completed text 93558\n", + "Completed text 93559\n", + "Completed text 93560\n", + "Completed text 93561\n", + "Completed text 93562\n", + "Completed text 93563\n", + "Completed text 93564\n", + "Completed text 93565\n", + "Completed text 93566\n", + "Completed text 93567\n", + "Completed text 93568\n", + "Completed text 93569\n", + "Completed text 93570\n", + "Completed text 93571\n", + "Completed text 93572\n", + "Completed text 93573\n", + "Completed text 93574\n", + "Completed text 93575\n", + "Completed text 93576\n", + "Completed text 93577\n", + "Completed text 93578\n", + "Completed text 93579\n", + "Completed text 93580\n", + "Completed text 93581\n", + "Completed text 93582\n", + "Completed text 93583\n", + "Completed text 93584\n", + "Completed text 93585\n", + "Completed text 93586\n", + "Completed text 93587\n", + "Completed text 93588\n", + "Completed text 93589\n", + "Completed text 93590\n", + "Completed text 93591\n", + "Completed text 93592\n", + "Completed text 93593\n", + "Completed text 93594\n", + "Completed text 93595\n", + "Completed text 93596\n", + "Completed text 93597\n", + "Completed text 93598\n", + "Completed text 93599\n", + "Completed text 93600\n", + "Completed text 93601\n", + "Completed text 93602\n", + "Completed text 93603\n", + "Completed text 93604\n", + "Completed text 93605\n", + "Completed text 93606\n", + "Completed text 93607\n", + "Completed text 93608\n", + "Completed text 93609\n", + "Completed text 93610\n", + "Completed text 93611\n", + "Completed text 93612\n", + "Completed text 93613\n", + "Completed text 93614\n", + "Completed text 93615\n", + "Completed text 93616\n", + "Completed text 93617\n", + "Completed text 93618\n", + "Completed text 93619\n", + "Completed text 93620\n", + "Completed text 93621\n", + "Completed text 93622\n", + "Completed text 93623\n", + "Completed text 93624\n", + "Completed text 93625\n", + "Completed text 93626\n", + "Completed text 93627\n", + "Completed text 93628\n", + "Completed text 93629\n", + "Completed text 93630\n", + "Completed text 93631\n", + "Completed text 93632\n", + "Completed text 93633\n", + "Completed text 93634\n", + "Completed text 93635\n", + "Completed text 93636\n", + "Completed text 93637\n", + "Completed text 93638\n", + "Completed text 93639\n", + "Completed text 93640\n", + "Completed text 93641\n", + "Completed text 93642\n", + "Completed text 93643\n", + "Completed text 93644\n", + "Completed text 93645\n", + "Completed text 93646\n", + "Completed text 93647\n", + "Completed text 93648\n", + "Completed text 93649\n", + "Completed text 93650\n", + "Completed text 93651\n", + "Completed text 93652\n", + "Completed text 93653\n", + "Completed text 93654\n", + "Completed text 93655\n", + "Completed text 93656\n", + "Completed text 93657\n", + "Completed text 93658\n", + "Completed text 93659\n", + "Completed text 93660\n", + "Completed text 93661\n", + "Completed text 93662\n", + "Completed text 93663\n", + "Completed text 93664\n", + "Completed text 93665\n", + "Completed text 93666\n", + "Completed text 93667\n", + "Completed text 93668\n", + "Completed text 93669\n", + "Completed text 93670\n", + "Completed text 93671\n", + "Completed text 93672\n", + "Completed text 93673\n", + "Completed text 93674\n", + "Completed text 93675\n", + "Completed text 93676\n", + "Completed text 93677\n", + "Completed text 93678\n", + "Completed text 93679\n", + "Completed text 93680\n", + "Completed text 93681\n", + "Completed text 93682\n", + "Completed text 93683\n", + "Completed text 93684\n", + "Completed text 93685\n", + "Completed text 93686\n", + "Completed text 93687\n", + "Completed text 93688\n", + "Completed text 93689\n", + "Completed text 93690\n", + "Completed text 93691\n", + "Completed text 93692\n", + "Completed text 93693\n", + "Completed text 93694\n", + "Completed text 93695\n", + "Completed text 93696\n", + "Completed text 93697\n", + "Completed text 93698\n", + "Completed text 93699\n", + "Completed text 93700\n", + "Completed text 93701\n", + "Completed text 93702\n", + "Completed text 93703\n", + "Completed text 93704\n", + "Completed text 93705\n", + "Completed text 93706\n", + "Completed text 93707\n", + "Completed text 93708\n", + "Completed text 93709\n", + "Completed text 93710\n", + "Completed text 93711\n", + "Completed text 93712\n", + "Completed text 93713\n", + "Completed text 93714\n", + "Completed text 93715\n", + "Completed text 93716\n", + "Completed text 93717\n", + "Completed text 93718\n", + "Completed text 93719\n", + "Completed text 93720\n", + "Completed text 93721\n", + "Completed text 93722\n", + "Completed text 93723\n", + "Completed text 93724\n", + "Completed text 93725\n", + "Completed text 93726\n", + "Completed text 93727\n", + "Completed text 93728\n", + "Completed text 93729\n", + "Completed text 93730\n", + "Completed text 93731\n", + "Completed text 93732\n", + "Completed text 93733\n", + "Completed text 93734\n", + "Completed text 93735\n", + "Completed text 93736\n", + "Completed text 93737\n", + "Completed text 93738\n", + "Completed text 93739\n", + "Completed text 93740\n", + "Completed text 93741\n", + "Completed text 93742\n", + "Completed text 93743\n", + "Completed text 93744\n", + "Completed text 93745\n", + "Completed text 93746\n", + "Completed text 93747\n", + "Completed text 93748\n", + "Completed text 93749\n", + "Completed text 93750\n", + "Completed text 93751\n", + "Completed text 93752\n", + "Completed text 93753\n", + "Completed text 93754\n", + "Completed text 93755\n", + "Completed text 93756\n", + "Completed text 93757\n", + "Completed text 93758\n", + "Completed text 93759\n", + "Completed text 93760\n", + "Completed text 93761\n", + "Completed text 93762\n", + "Completed text 93763\n", + "Completed text 93764\n", + "Completed text 93765\n", + "Completed text 93766\n", + "Completed text 93767\n", + "Completed text 93768\n", + "Completed text 93769\n", + "Completed text 93770\n", + "Completed text 93771\n", + "Completed text 93772\n", + "Completed text 93773\n", + "Completed text 93774\n", + "Completed text 93775\n", + "Completed text 93776\n", + "Completed text 93777\n", + "Completed text 93778\n", + "Completed text 93779\n", + "Completed text 93780\n", + "Completed text 93781\n", + "Completed text 93782\n", + "Completed text 93783\n", + "Completed text 93784\n", + "Completed text 93785\n", + "Completed text 93786\n", + "Completed text 93787\n", + "Completed text 93788\n", + "Completed text 93789\n", + "Completed text 93790\n", + "Completed text 93791\n", + "Completed text 93792\n", + "Completed text 93793\n", + "Completed text 93794\n", + "Completed text 93795\n", + "Completed text 93796\n", + "Completed text 93797\n", + "Completed text 93798\n", + "Completed text 93799\n", + "Completed text 93800\n", + "Completed text 93801\n", + "Completed text 93802\n", + "Completed text 93803\n", + "Completed text 93804\n", + "Completed text 93805\n", + "Completed text 93806\n", + "Completed text 93807\n", + "Completed text 93808\n", + "Completed text 93809\n", + "Completed text 93810\n", + "Completed text 93811\n", + "Completed text 93812\n", + "Completed text 93813\n", + "Completed text 93814\n", + "Completed text 93815\n", + "Completed text 93816\n", + "Completed text 93817\n", + "Completed text 93818\n", + "Completed text 93819\n", + "Completed text 93820\n", + "Completed text 93821\n", + "Completed text 93822\n", + "Completed text 93823\n", + "Completed text 93824\n", + "Completed text 93825\n", + "Completed text 93826\n", + "Completed text 93827\n", + "Completed text 93828\n", + "Completed text 93829\n", + "Completed text 93830\n", + "Completed text 93831\n", + "Completed text 93832\n", + "Completed text 93833\n", + "Completed text 93834\n", + "Completed text 93835\n", + "Completed text 93836\n", + "Completed text 93837\n", + "Completed text 93838\n", + "Completed text 93839\n", + "Completed text 93840\n", + "Completed text 93841\n", + "Completed text 93842\n", + "Completed text 93843\n", + "Completed text 93844\n", + "Completed text 93845\n", + "Completed text 93846\n", + "Completed text 93847\n", + "Completed text 93848\n", + "Completed text 93849\n", + "Completed text 93850\n", + "Completed text 93851\n", + "Completed text 93852\n", + "Completed text 93853\n", + "Completed text 93854\n", + "Completed text 93855\n", + "Completed text 93856\n", + "Completed text 93857\n", + "Completed text 93858\n", + "Completed text 93859\n", + "Completed text 93860\n", + "Completed text 93861\n", + "Completed text 93862\n", + "Completed text 93863\n", + "Completed text 93864\n", + "Completed text 93865\n", + "Completed text 93866\n", + "Completed text 93867\n", + "Completed text 93868\n", + "Completed text 93869\n", + "Completed text 93870\n", + "Completed text 93871\n", + "Completed text 93872\n", + "Completed text 93873\n", + "Completed text 93874\n", + "Completed text 93875\n", + "Completed text 93876\n", + "Completed text 93877\n", + "Completed text 93878\n", + "Completed text 93879\n", + "Completed text 93880\n", + "Completed text 93881\n", + "Completed text 93882\n", + "Completed text 93883\n", + "Completed text 93884\n", + "Completed text 93885\n", + "Completed text 93886\n", + "Completed text 93887\n", + "Completed text 93888\n", + "Completed text 93889\n", + "Completed text 93890\n", + "Completed text 93891\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 93892\n", + "Completed text 93893\n", + "Completed text 93894\n", + "Completed text 93895\n", + "Completed text 93896\n", + "Completed text 93897\n", + "Completed text 93898\n", + "Completed text 93899\n", + "Completed text 93900\n", + "Completed text 93901\n", + "Completed text 93902\n", + "Completed text 93903\n", + "Completed text 93904\n", + "Completed text 93905\n", + "Completed text 93906\n", + "Completed text 93907\n", + "Completed text 93908\n", + "Completed text 93909\n", + "Completed text 93910\n", + "Completed text 93911\n", + "Completed text 93912\n", + "Completed text 93913\n", + "Completed text 93914\n", + "Completed text 93915\n", + "Completed text 93916\n", + "Completed text 93917\n", + "Completed text 93918\n", + "Completed text 93919\n", + "Completed text 93920\n", + "Completed text 93921\n", + "Completed text 93922\n", + "Completed text 93923\n", + "Completed text 93924\n", + "Completed text 93925\n", + "Completed text 93926\n", + "Completed text 93927\n", + "Completed text 93928\n", + "Completed text 93929\n", + "Completed text 93930\n", + "Completed text 93931\n", + "Completed text 93932\n", + "Completed text 93933\n", + "Completed text 93934\n", + "Completed text 93935\n", + "Completed text 93936\n", + "Completed text 93937\n", + "Completed text 93938\n", + "Completed text 93939\n", + "Completed text 93940\n", + "Completed text 93941\n", + "Completed text 93942\n", + "Completed text 93943\n", + "Completed text 93944\n", + "Completed text 93945\n", + "Completed text 93946\n", + "Completed text 93947\n", + "Completed text 93948\n", + "Completed text 93949\n", + "Completed text 93950\n", + "Completed text 93951\n", + "Completed text 93952\n", + "Completed text 93953\n", + "Completed text 93954\n", + "Completed text 93955\n", + "Completed text 93956\n", + "Completed text 93957\n", + "Completed text 93958\n", + "Completed text 93959\n", + "Completed text 93960\n", + "Completed text 93961\n", + "Completed text 93962\n", + "Completed text 93963\n", + "Completed text 93964\n", + "Completed text 93965\n", + "Completed text 93966\n", + "Completed text 93967\n", + "Completed text 93968\n", + "Completed text 93969\n", + "Completed text 93970\n", + "Completed text 93971\n", + "Completed text 93972\n", + "Completed text 93973\n", + "Completed text 93974\n", + "Completed text 93975\n", + "Completed text 93976\n", + "Completed text 93977\n", + "Completed text 93978\n", + "Completed text 93979\n", + "Completed text 93980\n", + "Completed text 93981\n", + "Completed text 93982\n", + "Completed text 93983\n", + "Completed text 93984\n", + "Completed text 93985\n", + "Completed text 93986\n", + "Completed text 93987\n", + "Completed text 93988\n", + "Completed text 93989\n", + "Completed text 93990\n", + "Completed text 93991\n", + "Completed text 93992\n", + "Completed text 93993\n", + "Completed text 93994\n", + "Completed text 93995\n", + "Completed text 93996\n", + "Completed text 93997\n", + "Completed text 93998\n", + "Completed text 93999\n", + "Completed text 94000\n", + "Completed text 94001\n", + "Completed text 94002\n", + "Completed text 94003\n", + "Completed text 94004\n", + "Completed text 94005\n", + "Completed text 94006\n", + "Completed text 94007\n", + "Completed text 94008\n", + "Completed text 94009\n", + "Completed text 94010\n", + "Completed text 94011\n", + "Completed text 94012\n", + "Completed text 94013\n", + "Completed text 94014\n", + "Completed text 94015\n", + "Completed text 94016\n", + "Completed text 94017\n", + "Completed text 94018\n", + "Completed text 94019\n", + "Completed text 94020\n", + "Completed text 94021\n", + "Completed text 94022\n", + "Completed text 94023\n", + "Completed text 94024\n", + "Completed text 94025\n", + "Completed text 94026\n", + "Completed text 94027\n", + "Completed text 94028\n", + "Completed text 94029\n", + "Completed text 94030\n", + "Completed text 94031\n", + "Completed text 94032\n", + "Completed text 94033\n", + "Completed text 94034\n", + "Completed text 94035\n", + "Completed text 94036\n", + "Completed text 94037\n", + "Completed text 94038\n", + "Completed text 94039\n", + "Completed text 94040\n", + "Completed text 94041\n", + "Completed text 94042\n", + "Completed text 94043\n", + "Completed text 94044\n", + "Completed text 94045\n", + "Completed text 94046\n", + "Completed text 94047\n", + "Completed text 94048\n", + "Completed text 94049\n", + "Completed text 94050\n", + "Completed text 94051\n", + "Completed text 94052\n", + "Completed text 94053\n", + "Completed text 94054\n", + "Completed text 94055\n", + "Completed text 94056\n", + "Completed text 94057\n", + "Completed text 94058\n", + "Completed text 94059\n", + "Completed text 94060\n", + "Completed text 94061\n", + "Completed text 94062\n", + "Completed text 94063\n", + "Completed text 94064\n", + "Completed text 94065\n", + "Completed text 94066\n", + "Completed text 94067\n", + "Completed text 94068\n", + "Completed text 94069\n", + "Completed text 94070\n", + "Completed text 94071\n", + "Completed text 94072\n", + "Completed text 94073\n", + "Completed text 94074\n", + "Completed text 94075\n", + "Completed text 94076\n", + "Completed text 94077\n", + "Completed text 94078\n", + "Completed text 94079\n", + "Completed text 94080\n", + "Completed text 94081\n", + "Completed text 94082\n", + "Completed text 94083\n", + "Completed text 94084\n", + "Completed text 94085\n", + "Completed text 94086\n", + "Completed text 94087\n", + "Completed text 94088\n", + "Completed text 94089\n", + "Completed text 94090\n", + "Completed text 94091\n", + "Completed text 94092\n", + "Completed text 94093\n", + "Completed text 94094\n", + "Completed text 94095\n", + "Completed text 94096\n", + "Completed text 94097\n", + "Completed text 94098\n", + "Completed text 94099\n", + "Completed text 94100\n", + "Completed text 94101\n", + "Completed text 94102\n", + "Completed text 94103\n", + "Completed text 94104\n", + "Completed text 94105\n", + "Completed text 94106\n", + "Completed text 94107\n", + "Completed text 94108\n", + "Completed text 94109\n", + "Completed text 94110\n", + "Completed text 94111\n", + "Completed text 94112\n", + "Completed text 94113\n", + "Completed text 94114\n", + "Completed text 94115\n", + "Completed text 94116\n", + "Completed text 94117\n", + "Completed text 94118\n", + "Completed text 94119\n", + "Completed text 94120\n", + "Completed text 94121\n", + "Completed text 94122\n", + "Completed text 94123\n", + "Completed text 94124\n", + "Completed text 94125\n", + "Completed text 94126\n", + "Completed text 94127\n", + "Completed text 94128\n", + "Completed text 94129\n", + "Completed text 94130\n", + "Completed text 94131\n", + "Completed text 94132\n", + "Completed text 94133\n", + "Completed text 94134\n", + "Completed text 94135\n", + "Completed text 94136\n", + "Completed text 94137\n", + "Completed text 94138\n", + "Completed text 94139\n", + "Completed text 94140\n", + "Completed text 94141\n", + "Completed text 94142\n", + "Completed text 94143\n", + "Completed text 94144\n", + "Completed text 94145\n", + "Completed text 94146\n", + "Completed text 94147\n", + "Completed text 94148\n", + "Completed text 94149\n", + "Completed text 94150\n", + "Completed text 94151\n", + "Completed text 94152\n", + "Completed text 94153\n", + "Completed text 94154\n", + "Completed text 94155\n", + "Completed text 94156\n", + "Completed text 94157\n", + "Completed text 94158\n", + "Completed text 94159\n", + "Completed text 94160\n", + "Completed text 94161\n", + "Completed text 94162\n", + "Completed text 94163\n", + "Completed text 94164\n", + "Completed text 94165\n", + "Completed text 94166\n", + "Completed text 94167\n", + "Completed text 94168\n", + "Completed text 94169\n", + "Completed text 94170\n", + "Completed text 94171\n", + "Completed text 94172\n", + "Completed text 94173\n", + "Completed text 94174\n", + "Completed text 94175\n", + "Completed text 94176\n", + "Completed text 94177\n", + "Completed text 94178\n", + "Completed text 94179\n", + "Completed text 94180\n", + "Completed text 94181\n", + "Completed text 94182\n", + "Completed text 94183\n", + "Completed text 94184\n", + "Completed text 94185\n", + "Completed text 94186\n", + "Completed text 94187\n", + "Completed text 94188\n", + "Completed text 94189\n", + "Completed text 94190\n", + "Completed text 94191\n", + "Completed text 94192\n", + "Completed text 94193\n", + "Completed text 94194\n", + "Completed text 94195\n", + "Completed text 94196\n", + "Completed text 94197\n", + "Completed text 94198\n", + "Completed text 94199\n", + "Completed text 94200\n", + "Completed text 94201\n", + "Completed text 94202\n", + "Completed text 94203\n", + "Completed text 94204\n", + "Completed text 94205\n", + "Completed text 94206\n", + "Completed text 94207\n", + "Completed text 94208\n", + "Completed text 94209\n", + "Completed text 94210\n", + "Completed text 94211\n", + "Completed text 94212\n", + "Completed text 94213\n", + "Completed text 94214\n", + "Completed text 94215\n", + "Completed text 94216\n", + "Completed text 94217\n", + "Completed text 94218\n", + "Completed text 94219\n", + "Completed text 94220\n", + "Completed text 94221\n", + "Completed text 94222\n", + "Completed text 94223\n", + "Completed text 94224\n", + "Completed text 94225\n", + "Completed text 94226\n", + "Completed text 94227\n", + "Completed text 94228\n", + "Completed text 94229\n", + "Completed text 94230\n", + "Completed text 94231\n", + "Completed text 94232\n", + "Completed text 94233\n", + "Completed text 94234\n", + "Completed text 94235\n", + "Completed text 94236\n", + "Completed text 94237\n", + "Completed text 94238\n", + "Completed text 94239\n", + "Completed text 94240\n", + "Completed text 94241\n", + "Completed text 94242\n", + "Completed text 94243\n", + "Completed text 94244\n", + "Completed text 94245\n", + "Completed text 94246\n", + "Completed text 94247\n", + "Completed text 94248\n", + "Completed text 94249\n", + "Completed text 94250\n", + "Completed text 94251\n", + "Completed text 94252\n", + "Completed text 94253\n", + "Completed text 94254\n", + "Completed text 94255\n", + "Completed text 94256\n", + "Completed text 94257\n", + "Completed text 94258\n", + "Completed text 94259\n", + "Completed text 94260\n", + "Completed text 94261\n", + "Completed text 94262\n", + "Completed text 94263\n", + "Completed text 94264\n", + "Completed text 94265\n", + "Completed text 94266\n", + "Completed text 94267\n", + "Completed text 94268\n", + "Completed text 94269\n", + "Completed text 94270\n", + "Completed text 94271\n", + "Completed text 94272\n", + "Completed text 94273\n", + "Completed text 94274\n", + "Completed text 94275\n", + "Completed text 94276\n", + "Completed text 94277\n", + "Completed text 94278\n", + "Completed text 94279\n", + "Completed text 94280\n", + "Completed text 94281\n", + "Completed text 94282\n", + "Completed text 94283\n", + "Completed text 94284\n", + "Completed text 94285\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 94286\n", + "Completed text 94287\n", + "Completed text 94288\n", + "Completed text 94289\n", + "Completed text 94290\n", + "Completed text 94291\n", + "Completed text 94292\n", + "Completed text 94293\n", + "Completed text 94294\n", + "Completed text 94295\n", + "Completed text 94296\n", + "Completed text 94297\n", + "Completed text 94298\n", + "Completed text 94299\n", + "Completed text 94300\n", + "Completed text 94301\n", + "Completed text 94302\n", + "Completed text 94303\n", + "Completed text 94304\n", + "Completed text 94305\n", + "Completed text 94306\n", + "Completed text 94307\n", + "Completed text 94308\n", + "Completed text 94309\n", + "Completed text 94310\n", + "Completed text 94311\n", + "Completed text 94312\n", + "Completed text 94313\n", + "Completed text 94314\n", + "Completed text 94315\n", + "Completed text 94316\n", + "Completed text 94317\n", + "Completed text 94318\n", + "Completed text 94319\n", + "Completed text 94320\n", + "Completed text 94321\n", + "Completed text 94322\n", + "Completed text 94323\n", + "Completed text 94324\n", + "Completed text 94325\n", + "Completed text 94326\n", + "Completed text 94327\n", + "Completed text 94328\n", + "Completed text 94329\n", + "Completed text 94330\n", + "Completed text 94331\n", + "Completed text 94332\n", + "Completed text 94333\n", + "Completed text 94334\n", + "Completed text 94335\n", + "Completed text 94336\n", + "Completed text 94337\n", + "Completed text 94338\n", + "Completed text 94339\n", + "Completed text 94340\n", + "Completed text 94341\n", + "Completed text 94342\n", + "Completed text 94343\n", + "Completed text 94344\n", + "Completed text 94345\n", + "Completed text 94346\n", + "Completed text 94347\n", + "Completed text 94348\n", + "Completed text 94349\n", + "Completed text 94350\n", + "Completed text 94351\n", + "Completed text 94352\n", + "Completed text 94353\n", + "Completed text 94354\n", + "Completed text 94355\n", + "Completed text 94356\n", + "Completed text 94357\n", + "Completed text 94358\n", + "Completed text 94359\n", + "Completed text 94360\n", + "Completed text 94361\n", + "Completed text 94362\n", + "Completed text 94363\n", + "Completed text 94364\n", + "Completed text 94365\n", + "Completed text 94366\n", + "Completed text 94367\n", + "Completed text 94368\n", + "Completed text 94369\n", + "Completed text 94370\n", + "Completed text 94371\n", + "Completed text 94372\n", + "Completed text 94373\n", + "Completed text 94374\n", + "Completed text 94375\n", + "Completed text 94376\n", + "Completed text 94377\n", + "Completed text 94378\n", + "Completed text 94379\n", + "Completed text 94380\n", + "Completed text 94381\n", + "Completed text 94382\n", + "Completed text 94383\n", + "Completed text 94384\n", + "Completed text 94385\n", + "Completed text 94386\n", + "Completed text 94387\n", + "Completed text 94388\n", + "Completed text 94389\n", + "Completed text 94390\n", + "Completed text 94391\n", + "Completed text 94392\n", + "Completed text 94393\n", + "Completed text 94394\n", + "Completed text 94395\n", + "Completed text 94396\n", + "Completed text 94397\n", + "Completed text 94398\n", + "Completed text 94399\n", + "Completed text 94400\n", + "Completed text 94401\n", + "Completed text 94402\n", + "Completed text 94403\n", + "Completed text 94404\n", + "Completed text 94405\n", + "Completed text 94406\n", + "Completed text 94407\n", + "Completed text 94408\n", + "Completed text 94409\n", + "Completed text 94410\n", + "Completed text 94411\n", + "Completed text 94412\n", + "Completed text 94413\n", + "Completed text 94414\n", + "Completed text 94415\n", + "Completed text 94416\n", + "Completed text 94417\n", + "Completed text 94418\n", + "Completed text 94419\n", + "Completed text 94420\n", + "Completed text 94421\n", + "Completed text 94422\n", + "Completed text 94423\n", + "Completed text 94424\n", + "Completed text 94425\n", + "Completed text 94426\n", + "Completed text 94427\n", + "Completed text 94428\n", + "Completed text 94429\n", + "Completed text 94430\n", + "Completed text 94431\n", + "Completed text 94432\n", + "Completed text 94433\n", + "Completed text 94434\n", + "Completed text 94435\n", + "Completed text 94436\n", + "Completed text 94437\n", + "Completed text 94438\n", + "Completed text 94439\n", + "Completed text 94440\n", + "Completed text 94441\n", + "Completed text 94442\n", + "Completed text 94443\n", + "Completed text 94444\n", + "Completed text 94445\n", + "Completed text 94446\n", + "Completed text 94447\n", + "Completed text 94448\n", + "Completed text 94449\n", + "Completed text 94450\n", + "Completed text 94451\n", + "Completed text 94452\n", + "Completed text 94453\n", + "Completed text 94454\n", + "Completed text 94455\n", + "Completed text 94456\n", + "Completed text 94457\n", + "Completed text 94458\n", + "Completed text 94459\n", + "Completed text 94460\n", + "Completed text 94461\n", + "Completed text 94462\n", + "Completed text 94463\n", + "Completed text 94464\n", + "Completed text 94465\n", + "Completed text 94466\n", + "Completed text 94467\n", + "Completed text 94468\n", + "Completed text 94469\n", + "Completed text 94470\n", + "Completed text 94471\n", + "Completed text 94472\n", + "Completed text 94473\n", + "Completed text 94474\n", + "Completed text 94475\n", + "Completed text 94476\n", + "Completed text 94477\n", + "Completed text 94478\n", + "Completed text 94479\n", + "Completed text 94480\n", + "Completed text 94481\n", + "Completed text 94482\n", + "Completed text 94483\n", + "Completed text 94484\n", + "Completed text 94485\n", + "Completed text 94486\n", + "Completed text 94487\n", + "Completed text 94488\n", + "Completed text 94489\n", + "Completed text 94490\n", + "Completed text 94491\n", + "Completed text 94492\n", + "Completed text 94493\n", + "Completed text 94494\n", + "Completed text 94495\n", + "Completed text 94496\n", + "Completed text 94497\n", + "Completed text 94498\n", + "Completed text 94499\n", + "Completed text 94500\n", + "Completed text 94501\n", + "Completed text 94502\n", + "Completed text 94503\n", + "Completed text 94504\n", + "Completed text 94505\n", + "Completed text 94506\n", + "Completed text 94507\n", + "Completed text 94508\n", + "Completed text 94509\n", + "Completed text 94510\n", + "Completed text 94511\n", + "Completed text 94512\n", + "Completed text 94513\n", + "Completed text 94514\n", + "Completed text 94515\n", + "Completed text 94516\n", + "Completed text 94517\n", + "Completed text 94518\n", + "Completed text 94519\n", + "Completed text 94520\n", + "Completed text 94521\n", + "Completed text 94522\n", + "Completed text 94523\n", + "Completed text 94524\n", + "Completed text 94525\n", + "Completed text 94526\n", + "Completed text 94527\n", + "Completed text 94528\n", + "Completed text 94529\n", + "Completed text 94530\n", + "Completed text 94531\n", + "Completed text 94532\n", + "Completed text 94533\n", + "Completed text 94534\n", + "Completed text 94535\n", + "Completed text 94536\n", + "Completed text 94537\n", + "Completed text 94538\n", + "Completed text 94539\n", + "Completed text 94540\n", + "Completed text 94541\n", + "Completed text 94542\n", + "Completed text 94543\n", + "Completed text 94544\n", + "Completed text 94545\n", + "Completed text 94546\n", + "Completed text 94547\n", + "Completed text 94548\n", + "Completed text 94549\n", + "Completed text 94550\n", + "Completed text 94551\n", + "Completed text 94552\n", + "Completed text 94553\n", + "Completed text 94554\n", + "Completed text 94555\n", + "Completed text 94556\n", + "Completed text 94557\n", + "Completed text 94558\n", + "Completed text 94559\n", + "Completed text 94560\n", + "Completed text 94561\n", + "Completed text 94562\n", + "Completed text 94563\n", + "Completed text 94564\n", + "Completed text 94565\n", + "Completed text 94566\n", + "Completed text 94567\n", + "Completed text 94568\n", + "Completed text 94569\n", + "Completed text 94570\n", + "Completed text 94571\n", + "Completed text 94572\n", + "Completed text 94573\n", + "Completed text 94574\n", + "Completed text 94575\n", + "Completed text 94576\n", + "Completed text 94577\n", + "Completed text 94578\n", + "Completed text 94579\n", + "Completed text 94580\n", + "Completed text 94581\n", + "Completed text 94582\n", + "Completed text 94583\n", + "Completed text 94584\n", + "Completed text 94585\n", + "Completed text 94586\n", + "Completed text 94587\n", + "Completed text 94588\n", + "Completed text 94589\n", + "Completed text 94590\n", + "Completed text 94591\n", + "Completed text 94592\n", + "Completed text 94593\n", + "Completed text 94594\n", + "Completed text 94595\n", + "Completed text 94596\n", + "Completed text 94597\n", + "Completed text 94598\n", + "Completed text 94599\n", + "Completed text 94600\n", + "Completed text 94601\n", + "Completed text 94602\n", + "Completed text 94603\n", + "Completed text 94604\n", + "Completed text 94605\n", + "Completed text 94606\n", + "Completed text 94607\n", + "Completed text 94608\n", + "Completed text 94609\n", + "Completed text 94610\n", + "Completed text 94611\n", + "Completed text 94612\n", + "Completed text 94613\n", + "Completed text 94614\n", + "Completed text 94615\n", + "Completed text 94616\n", + "Completed text 94617\n", + "Completed text 94618\n", + "Completed text 94619\n", + "Completed text 94620\n", + "Completed text 94621\n", + "Completed text 94622\n", + "Completed text 94623\n", + "Completed text 94624\n", + "Completed text 94625\n", + "Completed text 94626\n", + "Completed text 94627\n", + "Completed text 94628\n", + "Completed text 94629\n", + "Completed text 94630\n", + "Completed text 94631\n", + "Completed text 94632\n", + "Completed text 94633\n", + "Completed text 94634\n", + "Completed text 94635\n", + "Completed text 94636\n", + "Completed text 94637\n", + "Completed text 94638\n", + "Completed text 94639\n", + "Completed text 94640\n", + "Completed text 94641\n", + "Completed text 94642\n", + "Completed text 94643\n", + "Completed text 94644\n", + "Completed text 94645\n", + "Completed text 94646\n", + "Completed text 94647\n", + "Completed text 94648\n", + "Completed text 94649\n", + "Completed text 94650\n", + "Completed text 94651\n", + "Completed text 94652\n", + "Completed text 94653\n", + "Completed text 94654\n", + "Completed text 94655\n", + "Completed text 94656\n", + "Completed text 94657\n", + "Completed text 94658\n", + "Completed text 94659\n", + "Completed text 94660\n", + "Completed text 94661\n", + "Completed text 94662\n", + "Completed text 94663\n", + "Completed text 94664\n", + "Completed text 94665\n", + "Completed text 94666\n", + "Completed text 94667\n", + "Completed text 94668\n", + "Completed text 94669\n", + "Completed text 94670\n", + "Completed text 94671\n", + "Completed text 94672\n", + "Completed text 94673\n", + "Completed text 94674\n", + "Completed text 94675\n", + "Completed text 94676\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 94677\n", + "Completed text 94678\n", + "Completed text 94679\n", + "Completed text 94680\n", + "Completed text 94681\n", + "Completed text 94682\n", + "Completed text 94683\n", + "Completed text 94684\n", + "Completed text 94685\n", + "Completed text 94686\n", + "Completed text 94687\n", + "Completed text 94688\n", + "Completed text 94689\n", + "Completed text 94690\n", + "Completed text 94691\n", + "Completed text 94692\n", + "Completed text 94693\n", + "Completed text 94694\n", + "Completed text 94695\n", + "Completed text 94696\n", + "Completed text 94697\n", + "Completed text 94698\n", + "Completed text 94699\n", + "Completed text 94700\n", + "Completed text 94701\n", + "Completed text 94702\n", + "Completed text 94703\n", + "Completed text 94704\n", + "Completed text 94705\n", + "Completed text 94706\n", + "Completed text 94707\n", + "Completed text 94708\n", + "Completed text 94709\n", + "Completed text 94710\n", + "Completed text 94711\n", + "Completed text 94712\n", + "Completed text 94713\n", + "Completed text 94714\n", + "Completed text 94715\n", + "Completed text 94716\n", + "Completed text 94717\n", + "Completed text 94718\n", + "Completed text 94719\n", + "Completed text 94720\n", + "Completed text 94721\n", + "Completed text 94722\n", + "Completed text 94723\n", + "Completed text 94724\n", + "Completed text 94725\n", + "Completed text 94726\n", + "Completed text 94727\n", + "Completed text 94728\n", + "Completed text 94729\n", + "Completed text 94730\n", + "Completed text 94731\n", + "Completed text 94732\n", + "Completed text 94733\n", + "Completed text 94734\n", + "Completed text 94735\n", + "Completed text 94736\n", + "Completed text 94737\n", + "Completed text 94738\n", + "Completed text 94739\n", + "Completed text 94740\n", + "Completed text 94741\n", + "Completed text 94742\n", + "Completed text 94743\n", + "Completed text 94744\n", + "Completed text 94745\n", + "Completed text 94746\n", + "Completed text 94747\n", + "Completed text 94748\n", + "Completed text 94749\n", + "Completed text 94750\n", + "Completed text 94751\n", + "Completed text 94752\n", + "Completed text 94753\n", + "Completed text 94754\n", + "Completed text 94755\n", + "Completed text 94756\n", + "Completed text 94757\n", + "Completed text 94758\n", + "Completed text 94759\n", + "Completed text 94760\n", + "Completed text 94761\n", + "Completed text 94762\n", + "Completed text 94763\n", + "Completed text 94764\n", + "Completed text 94765\n", + "Completed text 94766\n", + "Completed text 94767\n", + "Completed text 94768\n", + "Completed text 94769\n", + "Completed text 94770\n", + "Completed text 94771\n", + "Completed text 94772\n", + "Completed text 94773\n", + "Completed text 94774\n", + "Completed text 94775\n", + "Completed text 94776\n", + "Completed text 94777\n", + "Completed text 94778\n", + "Completed text 94779\n", + "Completed text 94780\n", + "Completed text 94781\n", + "Completed text 94782\n", + "Completed text 94783\n", + "Completed text 94784\n", + "Completed text 94785\n", + "Completed text 94786\n", + "Completed text 94787\n", + "Completed text 94788\n", + "Completed text 94789\n", + "Completed text 94790\n", + "Completed text 94791\n", + "Completed text 94792\n", + "Completed text 94793\n", + "Completed text 94794\n", + "Completed text 94795\n", + "Completed text 94796\n", + "Completed text 94797\n", + "Completed text 94798\n", + "Completed text 94799\n", + "Completed text 94800\n", + "Completed text 94801\n", + "Completed text 94802\n", + "Completed text 94803\n", + "Completed text 94804\n", + "Completed text 94805\n", + "Completed text 94806\n", + "Completed text 94807\n", + "Completed text 94808\n", + "Completed text 94809\n", + "Completed text 94810\n", + "Completed text 94811\n", + "Completed text 94812\n", + "Completed text 94813\n", + "Completed text 94814\n", + "Completed text 94815\n", + "Completed text 94816\n", + "Completed text 94817\n", + "Completed text 94818\n", + "Completed text 94819\n", + "Completed text 94820\n", + "Completed text 94821\n", + "Completed text 94822\n", + "Completed text 94823\n", + "Completed text 94824\n", + "Completed text 94825\n", + "Completed text 94826\n", + "Completed text 94827\n", + "Completed text 94828\n", + "Completed text 94829\n", + "Completed text 94830\n", + "Completed text 94831\n", + "Completed text 94832\n", + "Completed text 94833\n", + "Completed text 94834\n", + "Completed text 94835\n", + "Completed text 94836\n", + "Completed text 94837\n", + "Completed text 94838\n", + "Completed text 94839\n", + "Completed text 94840\n", + "Completed text 94841\n", + "Completed text 94842\n", + "Completed text 94843\n", + "Completed text 94844\n", + "Completed text 94845\n", + "Completed text 94846\n", + "Completed text 94847\n", + "Completed text 94848\n", + "Completed text 94849\n", + "Completed text 94850\n", + "Completed text 94851\n", + "Completed text 94852\n", + "Completed text 94853\n", + "Completed text 94854\n", + "Completed text 94855\n", + "Completed text 94856\n", + "Completed text 94857\n", + "Completed text 94858\n", + "Completed text 94859\n", + "Completed text 94860\n", + "Completed text 94861\n", + "Completed text 94862\n", + "Completed text 94863\n", + "Completed text 94864\n", + "Completed text 94865\n", + "Completed text 94866\n", + "Completed text 94867\n", + "Completed text 94868\n", + "Completed text 94869\n", + "Completed text 94870\n", + "Completed text 94871\n", + "Completed text 94872\n", + "Completed text 94873\n", + "Completed text 94874\n", + "Completed text 94875\n", + "Completed text 94876\n", + "Completed text 94877\n", + "Completed text 94878\n", + "Completed text 94879\n", + "Completed text 94880\n", + "Completed text 94881\n", + "Completed text 94882\n", + "Completed text 94883\n", + "Completed text 94884\n", + "Completed text 94885\n", + "Completed text 94886\n", + "Completed text 94887\n", + "Completed text 94888\n", + "Completed text 94889\n", + "Completed text 94890\n", + "Completed text 94891\n", + "Completed text 94892\n", + "Completed text 94893\n", + "Completed text 94894\n", + "Completed text 94895\n", + "Completed text 94896\n", + "Completed text 94897\n", + "Completed text 94898\n", + "Completed text 94899\n", + "Completed text 94900\n", + "Completed text 94901\n", + "Completed text 94902\n", + "Completed text 94903\n", + "Completed text 94904\n", + "Completed text 94905\n", + "Completed text 94906\n", + "Completed text 94907\n", + "Completed text 94908\n", + "Completed text 94909\n", + "Completed text 94910\n", + "Completed text 94911\n", + "Completed text 94912\n", + "Completed text 94913\n", + "Completed text 94914\n", + "Completed text 94915\n", + "Completed text 94916\n", + "Completed text 94917\n", + "Completed text 94918\n", + "Completed text 94919\n", + "Completed text 94920\n", + "Completed text 94921\n", + "Completed text 94922\n", + "Completed text 94923\n", + "Completed text 94924\n", + "Completed text 94925\n", + "Completed text 94926\n", + "Completed text 94927\n", + "Completed text 94928\n", + "Completed text 94929\n", + "Completed text 94930\n", + "Completed text 94931\n", + "Completed text 94932\n", + "Completed text 94933\n", + "Completed text 94934\n", + "Completed text 94935\n", + "Completed text 94936\n", + "Completed text 94937\n", + "Completed text 94938\n", + "Completed text 94939\n", + "Completed text 94940\n", + "Completed text 94941\n", + "Completed text 94942\n", + "Completed text 94943\n", + "Completed text 94944\n", + "Completed text 94945\n", + "Completed text 94946\n", + "Completed text 94947\n", + "Completed text 94948\n", + "Completed text 94949\n", + "Completed text 94950\n", + "Completed text 94951\n", + "Completed text 94952\n", + "Completed text 94953\n", + "Completed text 94954\n", + "Completed text 94955\n", + "Completed text 94956\n", + "Completed text 94957\n", + "Completed text 94958\n", + "Completed text 94959\n", + "Completed text 94960\n", + "Completed text 94961\n", + "Completed text 94962\n", + "Completed text 94963\n", + "Completed text 94964\n", + "Completed text 94965\n", + "Completed text 94966\n", + "Completed text 94967\n", + "Completed text 94968\n", + "Completed text 94969\n", + "Completed text 94970\n", + "Completed text 94971\n", + "Completed text 94972\n", + "Completed text 94973\n", + "Completed text 94974\n", + "Completed text 94975\n", + "Completed text 94976\n", + "Completed text 94977\n", + "Completed text 94978\n", + "Completed text 94979\n", + "Completed text 94980\n", + "Completed text 94981\n", + "Completed text 94982\n", + "Completed text 94983\n", + "Completed text 94984\n", + "Completed text 94985\n", + "Completed text 94986\n", + "Completed text 94987\n", + "Completed text 94988\n", + "Completed text 94989\n", + "Completed text 94990\n", + "Completed text 94991\n", + "Completed text 94992\n", + "Completed text 94993\n", + "Completed text 94994\n", + "Completed text 94995\n", + "Completed text 94996\n", + "Completed text 94997\n", + "Completed text 94998\n", + "Completed text 94999\n", + "Completed text 95000\n", + "Completed text 95001\n", + "Completed text 95002\n", + "Completed text 95003\n", + "Completed text 95004\n", + "Completed text 95005\n", + "Completed text 95006\n", + "Completed text 95007\n", + "Completed text 95008\n", + "Completed text 95009\n", + "Completed text 95010\n", + "Completed text 95011\n", + "Completed text 95012\n", + "Completed text 95013\n", + "Completed text 95014\n", + "Completed text 95015\n", + "Completed text 95016\n", + "Completed text 95017\n", + "Completed text 95018\n", + "Completed text 95019\n", + "Completed text 95020\n", + "Completed text 95021\n", + "Completed text 95022\n", + "Completed text 95023\n", + "Completed text 95024\n", + "Completed text 95025\n", + "Completed text 95026\n", + "Completed text 95027\n", + "Completed text 95028\n", + "Completed text 95029\n", + "Completed text 95030\n", + "Completed text 95031\n", + "Completed text 95032\n", + "Completed text 95033\n", + "Completed text 95034\n", + "Completed text 95035\n", + "Completed text 95036\n", + "Completed text 95037\n", + "Completed text 95038\n", + "Completed text 95039\n", + "Completed text 95040\n", + "Completed text 95041\n", + "Completed text 95042\n", + "Completed text 95043\n", + "Completed text 95044\n", + "Completed text 95045\n", + "Completed text 95046\n", + "Completed text 95047\n", + "Completed text 95048\n", + "Completed text 95049\n", + "Completed text 95050\n", + "Completed text 95051\n", + "Completed text 95052\n", + "Completed text 95053\n", + "Completed text 95054\n", + "Completed text 95055\n", + "Completed text 95056\n", + "Completed text 95057\n", + "Completed text 95058\n", + "Completed text 95059\n", + "Completed text 95060\n", + "Completed text 95061\n", + "Completed text 95062\n", + "Completed text 95063\n", + "Completed text 95064\n", + "Completed text 95065\n", + "Completed text 95066\n", + "Completed text 95067\n", + "Completed text 95068\n", + "Completed text 95069\n", + "Completed text 95070\n", + "Completed text 95071\n", + "Completed text 95072\n", + "Completed text 95073\n", + "Completed text 95074\n", + "Completed text 95075\n", + "Completed text 95076\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 95077\n", + "Completed text 95078\n", + "Completed text 95079\n", + "Completed text 95080\n", + "Completed text 95081\n", + "Completed text 95082\n", + "Completed text 95083\n", + "Completed text 95084\n", + "Completed text 95085\n", + "Completed text 95086\n", + "Completed text 95087\n", + "Completed text 95088\n", + "Completed text 95089\n", + "Completed text 95090\n", + "Completed text 95091\n", + "Completed text 95092\n", + "Completed text 95093\n", + "Completed text 95094\n", + "Completed text 95095\n", + "Completed text 95096\n", + "Completed text 95097\n", + "Completed text 95098\n", + "Completed text 95099\n", + "Completed text 95100\n", + "Completed text 95101\n", + "Completed text 95102\n", + "Completed text 95103\n", + "Completed text 95104\n", + "Completed text 95105\n", + "Completed text 95106\n", + "Completed text 95107\n", + "Completed text 95108\n", + "Completed text 95109\n", + "Completed text 95110\n", + "Completed text 95111\n", + "Completed text 95112\n", + "Completed text 95113\n", + "Completed text 95114\n", + "Completed text 95115\n", + "Completed text 95116\n", + "Completed text 95117\n", + "Completed text 95118\n", + "Completed text 95119\n", + "Completed text 95120\n", + "Completed text 95121\n", + "Completed text 95122\n", + "Completed text 95123\n", + "Completed text 95124\n", + "Completed text 95125\n", + "Completed text 95126\n", + "Completed text 95127\n", + "Completed text 95128\n", + "Completed text 95129\n", + "Completed text 95130\n", + "Completed text 95131\n", + "Completed text 95132\n", + "Completed text 95133\n", + "Completed text 95134\n", + "Completed text 95135\n", + "Completed text 95136\n", + "Completed text 95137\n", + "Completed text 95138\n", + "Completed text 95139\n", + "Completed text 95140\n", + "Completed text 95141\n", + "Completed text 95142\n", + "Completed text 95143\n", + "Completed text 95144\n", + "Completed text 95145\n", + "Completed text 95146\n", + "Completed text 95147\n", + "Completed text 95148\n", + "Completed text 95149\n", + "Completed text 95150\n", + "Completed text 95151\n", + "Completed text 95152\n", + "Completed text 95153\n", + "Completed text 95154\n", + "Completed text 95155\n", + "Completed text 95156\n", + "Completed text 95157\n", + "Completed text 95158\n", + "Completed text 95159\n", + "Completed text 95160\n", + "Completed text 95161\n", + "Completed text 95162\n", + "Completed text 95163\n", + "Completed text 95164\n", + "Completed text 95165\n", + "Completed text 95166\n", + "Completed text 95167\n", + "Completed text 95168\n", + "Completed text 95169\n", + "Completed text 95170\n", + "Completed text 95171\n", + "Completed text 95172\n", + "Completed text 95173\n", + "Completed text 95174\n", + "Completed text 95175\n", + "Completed text 95176\n", + "Completed text 95177\n", + "Completed text 95178\n", + "Completed text 95179\n", + "Completed text 95180\n", + "Completed text 95181\n", + "Completed text 95182\n", + "Completed text 95183\n", + "Completed text 95184\n", + "Completed text 95185\n", + "Completed text 95186\n", + "Completed text 95187\n", + "Completed text 95188\n", + "Completed text 95189\n", + "Completed text 95190\n", + "Completed text 95191\n", + "Completed text 95192\n", + "Completed text 95193\n", + "Completed text 95194\n", + "Completed text 95195\n", + "Completed text 95196\n", + "Completed text 95197\n", + "Completed text 95198\n", + "Completed text 95199\n", + "Completed text 95200\n", + "Completed text 95201\n", + "Completed text 95202\n", + "Completed text 95203\n", + "Completed text 95204\n", + "Completed text 95205\n", + "Completed text 95206\n", + "Completed text 95207\n", + "Completed text 95208\n", + "Completed text 95209\n", + "Completed text 95210\n", + "Completed text 95211\n", + "Completed text 95212\n", + "Completed text 95213\n", + "Completed text 95214\n", + "Completed text 95215\n", + "Completed text 95216\n", + "Completed text 95217\n", + "Completed text 95218\n", + "Completed text 95219\n", + "Completed text 95220\n", + "Completed text 95221\n", + "Completed text 95222\n", + "Completed text 95223\n", + "Completed text 95224\n", + "Completed text 95225\n", + "Completed text 95226\n", + "Completed text 95227\n", + "Completed text 95228\n", + "Completed text 95229\n", + "Completed text 95230\n", + "Completed text 95231\n", + "Completed text 95232\n", + "Completed text 95233\n", + "Completed text 95234\n", + "Completed text 95235\n", + "Completed text 95236\n", + "Completed text 95237\n", + "Completed text 95238\n", + "Completed text 95239\n", + "Completed text 95240\n", + "Completed text 95241\n", + "Completed text 95242\n", + "Completed text 95243\n", + "Completed text 95244\n", + "Completed text 95245\n", + "Completed text 95246\n", + "Completed text 95247\n", + "Completed text 95248\n", + "Completed text 95249\n", + "Completed text 95250\n", + "Completed text 95251\n", + "Completed text 95252\n", + "Completed text 95253\n", + "Completed text 95254\n", + "Completed text 95255\n", + "Completed text 95256\n", + "Completed text 95257\n", + "Completed text 95258\n", + "Completed text 95259\n", + "Completed text 95260\n", + "Completed text 95261\n", + "Completed text 95262\n", + "Completed text 95263\n", + "Completed text 95264\n", + "Completed text 95265\n", + "Completed text 95266\n", + "Completed text 95267\n", + "Completed text 95268\n", + "Completed text 95269\n", + "Completed text 95270\n", + "Completed text 95271\n", + "Completed text 95272\n", + "Completed text 95273\n", + "Completed text 95274\n", + "Completed text 95275\n", + "Completed text 95276\n", + "Completed text 95277\n", + "Completed text 95278\n", + "Completed text 95279\n", + "Completed text 95280\n", + "Completed text 95281\n", + "Completed text 95282\n", + "Completed text 95283\n", + "Completed text 95284\n", + "Completed text 95285\n", + "Completed text 95286\n", + "Completed text 95287\n", + "Completed text 95288\n", + "Completed text 95289\n", + "Completed text 95290\n", + "Completed text 95291\n", + "Completed text 95292\n", + "Completed text 95293\n", + "Completed text 95294\n", + "Completed text 95295\n", + "Completed text 95296\n", + "Completed text 95297\n", + "Completed text 95298\n", + "Completed text 95299\n", + "Completed text 95300\n", + "Completed text 95301\n", + "Completed text 95302\n", + "Completed text 95303\n", + "Completed text 95304\n", + "Completed text 95305\n", + "Completed text 95306\n", + "Completed text 95307\n", + "Completed text 95308\n", + "Completed text 95309\n", + "Completed text 95310\n", + "Completed text 95311\n", + "Completed text 95312\n", + "Completed text 95313\n", + "Completed text 95314\n", + "Completed text 95315\n", + "Completed text 95316\n", + "Completed text 95317\n", + "Completed text 95318\n", + "Completed text 95319\n", + "Completed text 95320\n", + "Completed text 95321\n", + "Completed text 95322\n", + "Completed text 95323\n", + "Completed text 95324\n", + "Completed text 95325\n", + "Completed text 95326\n", + "Completed text 95327\n", + "Completed text 95328\n", + "Completed text 95329\n", + "Completed text 95330\n", + "Completed text 95331\n", + "Completed text 95332\n", + "Completed text 95333\n", + "Completed text 95334\n", + "Completed text 95335\n", + "Completed text 95336\n", + "Completed text 95337\n", + "Completed text 95338\n", + "Completed text 95339\n", + "Completed text 95340\n", + "Completed text 95341\n", + "Completed text 95342\n", + "Completed text 95343\n", + "Completed text 95344\n", + "Completed text 95345\n", + "Completed text 95346\n", + "Completed text 95347\n", + "Completed text 95348\n", + "Completed text 95349\n", + "Completed text 95350\n", + "Completed text 95351\n", + "Completed text 95352\n", + "Completed text 95353\n", + "Completed text 95354\n", + "Completed text 95355\n", + "Completed text 95356\n", + "Completed text 95357\n", + "Completed text 95358\n", + "Completed text 95359\n", + "Completed text 95360\n", + "Completed text 95361\n", + "Completed text 95362\n", + "Completed text 95363\n", + "Completed text 95364\n", + "Completed text 95365\n", + "Completed text 95366\n", + "Completed text 95367\n", + "Completed text 95368\n", + "Completed text 95369\n", + "Completed text 95370\n", + "Completed text 95371\n", + "Completed text 95372\n", + "Completed text 95373\n", + "Completed text 95374\n", + "Completed text 95375\n", + "Completed text 95376\n", + "Completed text 95377\n", + "Completed text 95378\n", + "Completed text 95379\n", + "Completed text 95380\n", + "Completed text 95381\n", + "Completed text 95382\n", + "Completed text 95383\n", + "Completed text 95384\n", + "Completed text 95385\n", + "Completed text 95386\n", + "Completed text 95387\n", + "Completed text 95388\n", + "Completed text 95389\n", + "Completed text 95390\n", + "Completed text 95391\n", + "Completed text 95392\n", + "Completed text 95393\n", + "Completed text 95394\n", + "Completed text 95395\n", + "Completed text 95396\n", + "Completed text 95397\n", + "Completed text 95398\n", + "Completed text 95399\n", + "Completed text 95400\n", + "Completed text 95401\n", + "Completed text 95402\n", + "Completed text 95403\n", + "Completed text 95404\n", + "Completed text 95405\n", + "Completed text 95406\n", + "Completed text 95407\n", + "Completed text 95408\n", + "Completed text 95409\n", + "Completed text 95410\n", + "Completed text 95411\n", + "Completed text 95412\n", + "Completed text 95413\n", + "Completed text 95414\n", + "Completed text 95415\n", + "Completed text 95416\n", + "Completed text 95417\n", + "Completed text 95418\n", + "Completed text 95419\n", + "Completed text 95420\n", + "Completed text 95421\n", + "Completed text 95422\n", + "Completed text 95423\n", + "Completed text 95424\n", + "Completed text 95425\n", + "Completed text 95426\n", + "Completed text 95427\n", + "Completed text 95428\n", + "Completed text 95429\n", + "Completed text 95430\n", + "Completed text 95431\n", + "Completed text 95432\n", + "Completed text 95433\n", + "Completed text 95434\n", + "Completed text 95435\n", + "Completed text 95436\n", + "Completed text 95437\n", + "Completed text 95438\n", + "Completed text 95439\n", + "Completed text 95440\n", + "Completed text 95441\n", + "Completed text 95442\n", + "Completed text 95443\n", + "Completed text 95444\n", + "Completed text 95445\n", + "Completed text 95446\n", + "Completed text 95447\n", + "Completed text 95448\n", + "Completed text 95449\n", + "Completed text 95450\n", + "Completed text 95451\n", + "Completed text 95452\n", + "Completed text 95453\n", + "Completed text 95454\n", + "Completed text 95455\n", + "Completed text 95456\n", + "Completed text 95457\n", + "Completed text 95458\n", + "Completed text 95459\n", + "Completed text 95460\n", + "Completed text 95461\n", + "Completed text 95462\n", + "Completed text 95463\n", + "Completed text 95464\n", + "Completed text 95465\n", + "Completed text 95466\n", + "Completed text 95467\n", + "Completed text 95468\n", + "Completed text 95469\n", + "Completed text 95470\n", + "Completed text 95471\n", + "Completed text 95472\n", + "Completed text 95473\n", + "Completed text 95474\n", + "Completed text 95475\n", + "Completed text 95476\n", + "Completed text 95477\n", + "Completed text 95478\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 95479\n", + "Completed text 95480\n", + "Completed text 95481\n", + "Completed text 95482\n", + "Completed text 95483\n", + "Completed text 95484\n", + "Completed text 95485\n", + "Completed text 95486\n", + "Completed text 95487\n", + "Completed text 95488\n", + "Completed text 95489\n", + "Completed text 95490\n", + "Completed text 95491\n", + "Completed text 95492\n", + "Completed text 95493\n", + "Completed text 95494\n", + "Completed text 95495\n", + "Completed text 95496\n", + "Completed text 95497\n", + "Completed text 95498\n", + "Completed text 95499\n", + "Completed text 95500\n", + "Completed text 95501\n", + "Completed text 95502\n", + "Completed text 95503\n", + "Completed text 95504\n", + "Completed text 95505\n", + "Completed text 95506\n", + "Completed text 95507\n", + "Completed text 95508\n", + "Completed text 95509\n", + "Completed text 95510\n", + "Completed text 95511\n", + "Completed text 95512\n", + "Completed text 95513\n", + "Completed text 95514\n", + "Completed text 95515\n", + "Completed text 95516\n", + "Completed text 95517\n", + "Completed text 95518\n", + "Completed text 95519\n", + "Completed text 95520\n", + "Completed text 95521\n", + "Completed text 95522\n", + "Completed text 95523\n", + "Completed text 95524\n", + "Completed text 95525\n", + "Completed text 95526\n", + "Completed text 95527\n", + "Completed text 95528\n", + "Completed text 95529\n", + "Completed text 95530\n", + "Completed text 95531\n", + "Completed text 95532\n", + "Completed text 95533\n", + "Completed text 95534\n", + "Completed text 95535\n", + "Completed text 95536\n", + "Completed text 95537\n", + "Completed text 95538\n", + "Completed text 95539\n", + "Completed text 95540\n", + "Completed text 95541\n", + "Completed text 95542\n", + "Completed text 95543\n", + "Completed text 95544\n", + "Completed text 95545\n", + "Completed text 95546\n", + "Completed text 95547\n", + "Completed text 95548\n", + "Completed text 95549\n", + "Completed text 95550\n", + "Completed text 95551\n", + "Completed text 95552\n", + "Completed text 95553\n", + "Completed text 95554\n", + "Completed text 95555\n", + "Completed text 95556\n", + "Completed text 95557\n", + "Completed text 95558\n", + "Completed text 95559\n", + "Completed text 95560\n", + "Completed text 95561\n", + "Completed text 95562\n", + "Completed text 95563\n", + "Completed text 95564\n", + "Completed text 95565\n", + "Completed text 95566\n", + "Completed text 95567\n", + "Completed text 95568\n", + "Completed text 95569\n", + "Completed text 95570\n", + "Completed text 95571\n", + "Completed text 95572\n", + "Completed text 95573\n", + "Completed text 95574\n", + "Completed text 95575\n", + "Completed text 95576\n", + "Completed text 95577\n", + "Completed text 95578\n", + "Completed text 95579\n", + "Completed text 95580\n", + "Completed text 95581\n", + "Completed text 95582\n", + "Completed text 95583\n", + "Completed text 95584\n", + "Completed text 95585\n", + "Completed text 95586\n", + "Completed text 95587\n", + "Completed text 95588\n", + "Completed text 95589\n", + "Completed text 95590\n", + "Completed text 95591\n", + "Completed text 95592\n", + "Completed text 95593\n", + "Completed text 95594\n", + "Completed text 95595\n", + "Completed text 95596\n", + "Completed text 95597\n", + "Completed text 95598\n", + "Completed text 95599\n", + "Completed text 95600\n", + "Completed text 95601\n", + "Completed text 95602\n", + "Completed text 95603\n", + "Completed text 95604\n", + "Completed text 95605\n", + "Completed text 95606\n", + "Completed text 95607\n", + "Completed text 95608\n", + "Completed text 95609\n", + "Completed text 95610\n", + "Completed text 95611\n", + "Completed text 95612\n", + "Completed text 95613\n", + "Completed text 95614\n", + "Completed text 95615\n", + "Completed text 95616\n", + "Completed text 95617\n", + "Completed text 95618\n", + "Completed text 95619\n", + "Completed text 95620\n", + "Completed text 95621\n", + "Completed text 95622\n", + "Completed text 95623\n", + "Completed text 95624\n", + "Completed text 95625\n", + "Completed text 95626\n", + "Completed text 95627\n", + "Completed text 95628\n", + "Completed text 95629\n", + "Completed text 95630\n", + "Completed text 95631\n", + "Completed text 95632\n", + "Completed text 95633\n", + "Completed text 95634\n", + "Completed text 95635\n", + "Completed text 95636\n", + "Completed text 95637\n", + "Completed text 95638\n", + "Completed text 95639\n", + "Completed text 95640\n", + "Completed text 95641\n", + "Completed text 95642\n", + "Completed text 95643\n", + "Completed text 95644\n", + "Completed text 95645\n", + "Completed text 95646\n", + "Completed text 95647\n", + "Completed text 95648\n", + "Completed text 95649\n", + "Completed text 95650\n", + "Completed text 95651\n", + "Completed text 95652\n", + "Completed text 95653\n", + "Completed text 95654\n", + "Completed text 95655\n", + "Completed text 95656\n", + "Completed text 95657\n", + "Completed text 95658\n", + "Completed text 95659\n", + "Completed text 95660\n", + "Completed text 95661\n", + "Completed text 95662\n", + "Completed text 95663\n", + "Completed text 95664\n", + "Completed text 95665\n", + "Completed text 95666\n", + "Completed text 95667\n", + "Completed text 95668\n", + "Completed text 95669\n", + "Completed text 95670\n", + "Completed text 95671\n", + "Completed text 95672\n", + "Completed text 95673\n", + "Completed text 95674\n", + "Completed text 95675\n", + "Completed text 95676\n", + "Completed text 95677\n", + "Completed text 95678\n", + "Completed text 95679\n", + "Completed text 95680\n", + "Completed text 95681\n", + "Completed text 95682\n", + "Completed text 95683\n", + "Completed text 95684\n", + "Completed text 95685\n", + "Completed text 95686\n", + "Completed text 95687\n", + "Completed text 95688\n", + "Completed text 95689\n", + "Completed text 95690\n", + "Completed text 95691\n", + "Completed text 95692\n", + "Completed text 95693\n", + "Completed text 95694\n", + "Completed text 95695\n", + "Completed text 95696\n", + "Completed text 95697\n", + "Completed text 95698\n", + "Completed text 95699\n", + "Completed text 95700\n", + "Completed text 95701\n", + "Completed text 95702\n", + "Completed text 95703\n", + "Completed text 95704\n", + "Completed text 95705\n", + "Completed text 95706\n", + "Completed text 95707\n", + "Completed text 95708\n", + "Completed text 95709\n", + "Completed text 95710\n", + "Completed text 95711\n", + "Completed text 95712\n", + "Completed text 95713\n", + "Completed text 95714\n", + "Completed text 95715\n", + "Completed text 95716\n", + "Completed text 95717\n", + "Completed text 95718\n", + "Completed text 95719\n", + "Completed text 95720\n", + "Completed text 95721\n", + "Completed text 95722\n", + "Completed text 95723\n", + "Completed text 95724\n", + "Completed text 95725\n", + "Completed text 95726\n", + "Completed text 95727\n", + "Completed text 95728\n", + "Completed text 95729\n", + "Completed text 95730\n", + "Completed text 95731\n", + "Completed text 95732\n", + "Completed text 95733\n", + "Completed text 95734\n", + "Completed text 95735\n", + "Completed text 95736\n", + "Completed text 95737\n", + "Completed text 95738\n", + "Completed text 95739\n", + "Completed text 95740\n", + "Completed text 95741\n", + "Completed text 95742\n", + "Completed text 95743\n", + "Completed text 95744\n", + "Completed text 95745\n", + "Completed text 95746\n", + "Completed text 95747\n", + "Completed text 95748\n", + "Completed text 95749\n", + "Completed text 95750\n", + "Completed text 95751\n", + "Completed text 95752\n", + "Completed text 95753\n", + "Completed text 95754\n", + "Completed text 95755\n", + "Completed text 95756\n", + "Completed text 95757\n", + "Completed text 95758\n", + "Completed text 95759\n", + "Completed text 95760\n", + "Completed text 95761\n", + "Completed text 95762\n", + "Completed text 95763\n", + "Completed text 95764\n", + "Completed text 95765\n", + "Completed text 95766\n", + "Completed text 95767\n", + "Completed text 95768\n", + "Completed text 95769\n", + "Completed text 95770\n", + "Completed text 95771\n", + "Completed text 95772\n", + "Completed text 95773\n", + "Completed text 95774\n", + "Completed text 95775\n", + "Completed text 95776\n", + "Completed text 95777\n", + "Completed text 95778\n", + "Completed text 95779\n", + "Completed text 95780\n", + "Completed text 95781\n", + "Completed text 95782\n", + "Completed text 95783\n", + "Completed text 95784\n", + "Completed text 95785\n", + "Completed text 95786\n", + "Completed text 95787\n", + "Completed text 95788\n", + "Completed text 95789\n", + "Completed text 95790\n", + "Completed text 95791\n", + "Completed text 95792\n", + "Completed text 95793\n", + "Completed text 95794\n", + "Completed text 95795\n", + "Completed text 95796\n", + "Completed text 95797\n", + "Completed text 95798\n", + "Completed text 95799\n", + "Completed text 95800\n", + "Completed text 95801\n", + "Completed text 95802\n", + "Completed text 95803\n", + "Completed text 95804\n", + "Completed text 95805\n", + "Completed text 95806\n", + "Completed text 95807\n", + "Completed text 95808\n", + "Completed text 95809\n", + "Completed text 95810\n", + "Completed text 95811\n", + "Completed text 95812\n", + "Completed text 95813\n", + "Completed text 95814\n", + "Completed text 95815\n", + "Completed text 95816\n", + "Completed text 95817\n", + "Completed text 95818\n", + "Completed text 95819\n", + "Completed text 95820\n", + "Completed text 95821\n", + "Completed text 95822\n", + "Completed text 95823\n", + "Completed text 95824\n", + "Completed text 95825\n", + "Completed text 95826\n", + "Completed text 95827\n", + "Completed text 95828\n", + "Completed text 95829\n", + "Completed text 95830\n", + "Completed text 95831\n", + "Completed text 95832\n", + "Completed text 95833\n", + "Completed text 95834\n", + "Completed text 95835\n", + "Completed text 95836\n", + "Completed text 95837\n", + "Completed text 95838\n", + "Completed text 95839\n", + "Completed text 95840\n", + "Completed text 95841\n", + "Completed text 95842\n", + "Completed text 95843\n", + "Completed text 95844\n", + "Completed text 95845\n", + "Completed text 95846\n", + "Completed text 95847\n", + "Completed text 95848\n", + "Completed text 95849\n", + "Completed text 95850\n", + "Completed text 95851\n", + "Completed text 95852\n", + "Completed text 95853\n", + "Completed text 95854\n", + "Completed text 95855\n", + "Completed text 95856\n", + "Completed text 95857\n", + "Completed text 95858\n", + "Completed text 95859\n", + "Completed text 95860\n", + "Completed text 95861\n", + "Completed text 95862\n", + "Completed text 95863\n", + "Completed text 95864\n", + "Completed text 95865\n", + "Completed text 95866\n", + "Completed text 95867\n", + "Completed text 95868\n", + "Completed text 95869\n", + "Completed text 95870\n", + "Completed text 95871\n", + "Completed text 95872\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 95873\n", + "Completed text 95874\n", + "Completed text 95875\n", + "Completed text 95876\n", + "Completed text 95877\n", + "Completed text 95878\n", + "Completed text 95879\n", + "Completed text 95880\n", + "Completed text 95881\n", + "Completed text 95882\n", + "Completed text 95883\n", + "Completed text 95884\n", + "Completed text 95885\n", + "Completed text 95886\n", + "Completed text 95887\n", + "Completed text 95888\n", + "Completed text 95889\n", + "Completed text 95890\n", + "Completed text 95891\n", + "Completed text 95892\n", + "Completed text 95893\n", + "Completed text 95894\n", + "Completed text 95895\n", + "Completed text 95896\n", + "Completed text 95897\n", + "Completed text 95898\n", + "Completed text 95899\n", + "Completed text 95900\n", + "Completed text 95901\n", + "Completed text 95902\n", + "Completed text 95903\n", + "Completed text 95904\n", + "Completed text 95905\n", + "Completed text 95906\n", + "Completed text 95907\n", + "Completed text 95908\n", + "Completed text 95909\n", + "Completed text 95910\n", + "Completed text 95911\n", + "Completed text 95912\n", + "Completed text 95913\n", + "Completed text 95914\n", + "Completed text 95915\n", + "Completed text 95916\n", + "Completed text 95917\n", + "Completed text 95918\n", + "Completed text 95919\n", + "Completed text 95920\n", + "Completed text 95921\n", + "Completed text 95922\n", + "Completed text 95923\n", + "Completed text 95924\n", + "Completed text 95925\n", + "Completed text 95926\n", + "Completed text 95927\n", + "Completed text 95928\n", + "Completed text 95929\n", + "Completed text 95930\n", + "Completed text 95931\n", + "Completed text 95932\n", + "Completed text 95933\n", + "Completed text 95934\n", + "Completed text 95935\n", + "Completed text 95936\n", + "Completed text 95937\n", + "Completed text 95938\n", + "Completed text 95939\n", + "Completed text 95940\n", + "Completed text 95941\n", + "Completed text 95942\n", + "Completed text 95943\n", + "Completed text 95944\n", + "Completed text 95945\n", + "Completed text 95946\n", + "Completed text 95947\n", + "Completed text 95948\n", + "Completed text 95949\n", + "Completed text 95950\n", + "Completed text 95951\n", + "Completed text 95952\n", + "Completed text 95953\n", + "Completed text 95954\n", + "Completed text 95955\n", + "Completed text 95956\n", + "Completed text 95957\n", + "Completed text 95958\n", + "Completed text 95959\n", + "Completed text 95960\n", + "Completed text 95961\n", + "Completed text 95962\n", + "Completed text 95963\n", + "Completed text 95964\n", + "Completed text 95965\n", + "Completed text 95966\n", + "Completed text 95967\n", + "Completed text 95968\n", + "Completed text 95969\n", + "Completed text 95970\n", + "Completed text 95971\n", + "Completed text 95972\n", + "Completed text 95973\n", + "Completed text 95974\n", + "Completed text 95975\n", + "Completed text 95976\n", + "Completed text 95977\n", + "Completed text 95978\n", + "Completed text 95979\n", + "Completed text 95980\n", + "Completed text 95981\n", + "Completed text 95982\n", + "Completed text 95983\n", + "Completed text 95984\n", + "Completed text 95985\n", + "Completed text 95986\n", + "Completed text 95987\n", + "Completed text 95988\n", + "Completed text 95989\n", + "Completed text 95990\n", + "Completed text 95991\n", + "Completed text 95992\n", + "Completed text 95993\n", + "Completed text 95994\n", + "Completed text 95995\n", + "Completed text 95996\n", + "Completed text 95997\n", + "Completed text 95998\n", + "Completed text 95999\n", + "Completed text 96000\n", + "Completed text 96001\n", + "Completed text 96002\n", + "Completed text 96003\n", + "Completed text 96004\n", + "Completed text 96005\n", + "Completed text 96006\n", + "Completed text 96007\n", + "Completed text 96008\n", + "Completed text 96009\n", + "Completed text 96010\n", + "Completed text 96011\n", + "Completed text 96012\n", + "Completed text 96013\n", + "Completed text 96014\n", + "Completed text 96015\n", + "Completed text 96016\n", + "Completed text 96017\n", + "Completed text 96018\n", + "Completed text 96019\n", + "Completed text 96020\n", + "Completed text 96021\n", + "Completed text 96022\n", + "Completed text 96023\n", + "Completed text 96024\n", + "Completed text 96025\n", + "Completed text 96026\n", + "Completed text 96027\n", + "Completed text 96028\n", + "Completed text 96029\n", + "Completed text 96030\n", + "Completed text 96031\n", + "Completed text 96032\n", + "Completed text 96033\n", + "Completed text 96034\n", + "Completed text 96035\n", + "Completed text 96036\n", + "Completed text 96037\n", + "Completed text 96038\n", + "Completed text 96039\n", + "Completed text 96040\n", + "Completed text 96041\n", + "Completed text 96042\n", + "Completed text 96043\n", + "Completed text 96044\n", + "Completed text 96045\n", + "Completed text 96046\n", + "Completed text 96047\n", + "Completed text 96048\n", + "Completed text 96049\n", + "Completed text 96050\n", + "Completed text 96051\n", + "Completed text 96052\n", + "Completed text 96053\n", + "Completed text 96054\n", + "Completed text 96055\n", + "Completed text 96056\n", + "Completed text 96057\n", + "Completed text 96058\n", + "Completed text 96059\n", + "Completed text 96060\n", + "Completed text 96061\n", + "Completed text 96062\n", + "Completed text 96063\n", + "Completed text 96064\n", + "Completed text 96065\n", + "Completed text 96066\n", + "Completed text 96067\n", + "Completed text 96068\n", + "Completed text 96069\n", + "Completed text 96070\n", + "Completed text 96071\n", + "Completed text 96072\n", + "Completed text 96073\n", + "Completed text 96074\n", + "Completed text 96075\n", + "Completed text 96076\n", + "Completed text 96077\n", + "Completed text 96078\n", + "Completed text 96079\n", + "Completed text 96080\n", + "Completed text 96081\n", + "Completed text 96082\n", + "Completed text 96083\n", + "Completed text 96084\n", + "Completed text 96085\n", + "Completed text 96086\n", + "Completed text 96087\n", + "Completed text 96088\n", + "Completed text 96089\n", + "Completed text 96090\n", + "Completed text 96091\n", + "Completed text 96092\n", + "Completed text 96093\n", + "Completed text 96094\n", + "Completed text 96095\n", + "Completed text 96096\n", + "Completed text 96097\n", + "Completed text 96098\n", + "Completed text 96099\n", + "Completed text 96100\n", + "Completed text 96101\n", + "Completed text 96102\n", + "Completed text 96103\n", + "Completed text 96104\n", + "Completed text 96105\n", + "Completed text 96106\n", + "Completed text 96107\n", + "Completed text 96108\n", + "Completed text 96109\n", + "Completed text 96110\n", + "Completed text 96111\n", + "Completed text 96112\n", + "Completed text 96113\n", + "Completed text 96114\n", + "Completed text 96115\n", + "Completed text 96116\n", + "Completed text 96117\n", + "Completed text 96118\n", + "Completed text 96119\n", + "Completed text 96120\n", + "Completed text 96121\n", + "Completed text 96122\n", + "Completed text 96123\n", + "Completed text 96124\n", + "Completed text 96125\n", + "Completed text 96126\n", + "Completed text 96127\n", + "Completed text 96128\n", + "Completed text 96129\n", + "Completed text 96130\n", + "Completed text 96131\n", + "Completed text 96132\n", + "Completed text 96133\n", + "Completed text 96134\n", + "Completed text 96135\n", + "Completed text 96136\n", + "Completed text 96137\n", + "Completed text 96138\n", + "Completed text 96139\n", + "Completed text 96140\n", + "Completed text 96141\n", + "Completed text 96142\n", + "Completed text 96143\n", + "Completed text 96144\n", + "Completed text 96145\n", + "Completed text 96146\n", + "Completed text 96147\n", + "Completed text 96148\n", + "Completed text 96149\n", + "Completed text 96150\n", + "Completed text 96151\n", + "Completed text 96152\n", + "Completed text 96153\n", + "Completed text 96154\n", + "Completed text 96155\n", + "Completed text 96156\n", + "Completed text 96157\n", + "Completed text 96158\n", + "Completed text 96159\n", + "Completed text 96160\n", + "Completed text 96161\n", + "Completed text 96162\n", + "Completed text 96163\n", + "Completed text 96164\n", + "Completed text 96165\n", + "Completed text 96166\n", + "Completed text 96167\n", + "Completed text 96168\n", + "Completed text 96169\n", + "Completed text 96170\n", + "Completed text 96171\n", + "Completed text 96172\n", + "Completed text 96173\n", + "Completed text 96174\n", + "Completed text 96175\n", + "Completed text 96176\n", + "Completed text 96177\n", + "Completed text 96178\n", + "Completed text 96179\n", + "Completed text 96180\n", + "Completed text 96181\n", + "Completed text 96182\n", + "Completed text 96183\n", + "Completed text 96184\n", + "Completed text 96185\n", + "Completed text 96186\n", + "Completed text 96187\n", + "Completed text 96188\n", + "Completed text 96189\n", + "Completed text 96190\n", + "Completed text 96191\n", + "Completed text 96192\n", + "Completed text 96193\n", + "Completed text 96194\n", + "Completed text 96195\n", + "Completed text 96196\n", + "Completed text 96197\n", + "Completed text 96198\n", + "Completed text 96199\n", + "Completed text 96200\n", + "Completed text 96201\n", + "Completed text 96202\n", + "Completed text 96203\n", + "Completed text 96204\n", + "Completed text 96205\n", + "Completed text 96206\n", + "Completed text 96207\n", + "Completed text 96208\n", + "Completed text 96209\n", + "Completed text 96210\n", + "Completed text 96211\n", + "Completed text 96212\n", + "Completed text 96213\n", + "Completed text 96214\n", + "Completed text 96215\n", + "Completed text 96216\n", + "Completed text 96217\n", + "Completed text 96218\n", + "Completed text 96219\n", + "Completed text 96220\n", + "Completed text 96221\n", + "Completed text 96222\n", + "Completed text 96223\n", + "Completed text 96224\n", + "Completed text 96225\n", + "Completed text 96226\n", + "Completed text 96227\n", + "Completed text 96228\n", + "Completed text 96229\n", + "Completed text 96230\n", + "Completed text 96231\n", + "Completed text 96232\n", + "Completed text 96233\n", + "Completed text 96234\n", + "Completed text 96235\n", + "Completed text 96236\n", + "Completed text 96237\n", + "Completed text 96238\n", + "Completed text 96239\n", + "Completed text 96240\n", + "Completed text 96241\n", + "Completed text 96242\n", + "Completed text 96243\n", + "Completed text 96244\n", + "Completed text 96245\n", + "Completed text 96246\n", + "Completed text 96247\n", + "Completed text 96248\n", + "Completed text 96249\n", + "Completed text 96250\n", + "Completed text 96251\n", + "Completed text 96252\n", + "Completed text 96253\n", + "Completed text 96254\n", + "Completed text 96255\n", + "Completed text 96256\n", + "Completed text 96257\n", + "Completed text 96258\n", + "Completed text 96259\n", + "Completed text 96260\n", + "Completed text 96261\n", + "Completed text 96262\n", + "Completed text 96263\n", + "Completed text 96264\n", + "Completed text 96265\n", + "Completed text 96266\n", + "Completed text 96267\n", + "Completed text 96268\n", + "Completed text 96269\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 96270\n", + "Completed text 96271\n", + "Completed text 96272\n", + "Completed text 96273\n", + "Completed text 96274\n", + "Completed text 96275\n", + "Completed text 96276\n", + "Completed text 96277\n", + "Completed text 96278\n", + "Completed text 96279\n", + "Completed text 96280\n", + "Completed text 96281\n", + "Completed text 96282\n", + "Completed text 96283\n", + "Completed text 96284\n", + "Completed text 96285\n", + "Completed text 96286\n", + "Completed text 96287\n", + "Completed text 96288\n", + "Completed text 96289\n", + "Completed text 96290\n", + "Completed text 96291\n", + "Completed text 96292\n", + "Completed text 96293\n", + "Completed text 96294\n", + "Completed text 96295\n", + "Completed text 96296\n", + "Completed text 96297\n", + "Completed text 96298\n", + "Completed text 96299\n", + "Completed text 96300\n", + "Completed text 96301\n", + "Completed text 96302\n", + "Completed text 96303\n", + "Completed text 96304\n", + "Completed text 96305\n", + "Completed text 96306\n", + "Completed text 96307\n", + "Completed text 96308\n", + "Completed text 96309\n", + "Completed text 96310\n", + "Completed text 96311\n", + "Completed text 96312\n", + "Completed text 96313\n", + "Completed text 96314\n", + "Completed text 96315\n", + "Completed text 96316\n", + "Completed text 96317\n", + "Completed text 96318\n", + "Completed text 96319\n", + "Completed text 96320\n", + "Completed text 96321\n", + "Completed text 96322\n", + "Completed text 96323\n", + "Completed text 96324\n", + "Completed text 96325\n", + "Completed text 96326\n", + "Completed text 96327\n", + "Completed text 96328\n", + "Completed text 96329\n", + "Completed text 96330\n", + "Completed text 96331\n", + "Completed text 96332\n", + "Completed text 96333\n", + "Completed text 96334\n", + "Completed text 96335\n", + "Completed text 96336\n", + "Completed text 96337\n", + "Completed text 96338\n", + "Completed text 96339\n", + "Completed text 96340\n", + "Completed text 96341\n", + "Completed text 96342\n", + "Completed text 96343\n", + "Completed text 96344\n", + "Completed text 96345\n", + "Completed text 96346\n", + "Completed text 96347\n", + "Completed text 96348\n", + "Completed text 96349\n", + "Completed text 96350\n", + "Completed text 96351\n", + "Completed text 96352\n", + "Completed text 96353\n", + "Completed text 96354\n", + "Completed text 96355\n", + "Completed text 96356\n", + "Completed text 96357\n", + "Completed text 96358\n", + "Completed text 96359\n", + "Completed text 96360\n", + "Completed text 96361\n", + "Completed text 96362\n", + "Completed text 96363\n", + "Completed text 96364\n", + "Completed text 96365\n", + "Completed text 96366\n", + "Completed text 96367\n", + "Completed text 96368\n", + "Completed text 96369\n", + "Completed text 96370\n", + "Completed text 96371\n", + "Completed text 96372\n", + "Completed text 96373\n", + "Completed text 96374\n", + "Completed text 96375\n", + "Completed text 96376\n", + "Completed text 96377\n", + "Completed text 96378\n", + "Completed text 96379\n", + "Completed text 96380\n", + "Completed text 96381\n", + "Completed text 96382\n", + "Completed text 96383\n", + "Completed text 96384\n", + "Completed text 96385\n", + "Completed text 96386\n", + "Completed text 96387\n", + "Completed text 96388\n", + "Completed text 96389\n", + "Completed text 96390\n", + "Completed text 96391\n", + "Completed text 96392\n", + "Completed text 96393\n", + "Completed text 96394\n", + "Completed text 96395\n", + "Completed text 96396\n", + "Completed text 96397\n", + "Completed text 96398\n", + "Completed text 96399\n", + "Completed text 96400\n", + "Completed text 96401\n", + "Completed text 96402\n", + "Completed text 96403\n", + "Completed text 96404\n", + "Completed text 96405\n", + "Completed text 96406\n", + "Completed text 96407\n", + "Completed text 96408\n", + "Completed text 96409\n", + "Completed text 96410\n", + "Completed text 96411\n", + "Completed text 96412\n", + "Completed text 96413\n", + "Completed text 96414\n", + "Completed text 96415\n", + "Completed text 96416\n", + "Completed text 96417\n", + "Completed text 96418\n", + "Completed text 96419\n", + "Completed text 96420\n", + "Completed text 96421\n", + "Completed text 96422\n", + "Completed text 96423\n", + "Completed text 96424\n", + "Completed text 96425\n", + "Completed text 96426\n", + "Completed text 96427\n", + "Completed text 96428\n", + "Completed text 96429\n", + "Completed text 96430\n", + "Completed text 96431\n", + "Completed text 96432\n", + "Completed text 96433\n", + "Completed text 96434\n", + "Completed text 96435\n", + "Completed text 96436\n", + "Completed text 96437\n", + "Completed text 96438\n", + "Completed text 96439\n", + "Completed text 96440\n", + "Completed text 96441\n", + "Completed text 96442\n", + "Completed text 96443\n", + "Completed text 96444\n", + "Completed text 96445\n", + "Completed text 96446\n", + "Completed text 96447\n", + "Completed text 96448\n", + "Completed text 96449\n", + "Completed text 96450\n", + "Completed text 96451\n", + "Completed text 96452\n", + "Completed text 96453\n", + "Completed text 96454\n", + "Completed text 96455\n", + "Completed text 96456\n", + "Completed text 96457\n", + "Completed text 96458\n", + "Completed text 96459\n", + "Completed text 96460\n", + "Completed text 96461\n", + "Completed text 96462\n", + "Completed text 96463\n", + "Completed text 96464\n", + "Completed text 96465\n", + "Completed text 96466\n", + "Completed text 96467\n", + "Completed text 96468\n", + "Completed text 96469\n", + "Completed text 96470\n", + "Completed text 96471\n", + "Completed text 96472\n", + "Completed text 96473\n", + "Completed text 96474\n", + "Completed text 96475\n", + "Completed text 96476\n", + "Completed text 96477\n", + "Completed text 96478\n", + "Completed text 96479\n", + "Completed text 96480\n", + "Completed text 96481\n", + "Completed text 96482\n", + "Completed text 96483\n", + "Completed text 96484\n", + "Completed text 96485\n", + "Completed text 96486\n", + "Completed text 96487\n", + "Completed text 96488\n", + "Completed text 96489\n", + "Completed text 96490\n", + "Completed text 96491\n", + "Completed text 96492\n", + "Completed text 96493\n", + "Completed text 96494\n", + "Completed text 96495\n", + "Completed text 96496\n", + "Completed text 96497\n", + "Completed text 96498\n", + "Completed text 96499\n", + "Completed text 96500\n", + "Completed text 96501\n", + "Completed text 96502\n", + "Completed text 96503\n", + "Completed text 96504\n", + "Completed text 96505\n", + "Completed text 96506\n", + "Completed text 96507\n", + "Completed text 96508\n", + "Completed text 96509\n", + "Completed text 96510\n", + "Completed text 96511\n", + "Completed text 96512\n", + "Completed text 96513\n", + "Completed text 96514\n", + "Completed text 96515\n", + "Completed text 96516\n", + "Completed text 96517\n", + "Completed text 96518\n", + "Completed text 96519\n", + "Completed text 96520\n", + "Completed text 96521\n", + "Completed text 96522\n", + "Completed text 96523\n", + "Completed text 96524\n", + "Completed text 96525\n", + "Completed text 96526\n", + "Completed text 96527\n", + "Completed text 96528\n", + "Completed text 96529\n", + "Completed text 96530\n", + "Completed text 96531\n", + "Completed text 96532\n", + "Completed text 96533\n", + "Completed text 96534\n", + "Completed text 96535\n", + "Completed text 96536\n", + "Completed text 96537\n", + "Completed text 96538\n", + "Completed text 96539\n", + "Completed text 96540\n", + "Completed text 96541\n", + "Completed text 96542\n", + "Completed text 96543\n", + "Completed text 96544\n", + "Completed text 96545\n", + "Completed text 96546\n", + "Completed text 96547\n", + "Completed text 96548\n", + "Completed text 96549\n", + "Completed text 96550\n", + "Completed text 96551\n", + "Completed text 96552\n", + "Completed text 96553\n", + "Completed text 96554\n", + "Completed text 96555\n", + "Completed text 96556\n", + "Completed text 96557\n", + "Completed text 96558\n", + "Completed text 96559\n", + "Completed text 96560\n", + "Completed text 96561\n", + "Completed text 96562\n", + "Completed text 96563\n", + "Completed text 96564\n", + "Completed text 96565\n", + "Completed text 96566\n", + "Completed text 96567\n", + "Completed text 96568\n", + "Completed text 96569\n", + "Completed text 96570\n", + "Completed text 96571\n", + "Completed text 96572\n", + "Completed text 96573\n", + "Completed text 96574\n", + "Completed text 96575\n", + "Completed text 96576\n", + "Completed text 96577\n", + "Completed text 96578\n", + "Completed text 96579\n", + "Completed text 96580\n", + "Completed text 96581\n", + "Completed text 96582\n", + "Completed text 96583\n", + "Completed text 96584\n", + "Completed text 96585\n", + "Completed text 96586\n", + "Completed text 96587\n", + "Completed text 96588\n", + "Completed text 96589\n", + "Completed text 96590\n", + "Completed text 96591\n", + "Completed text 96592\n", + "Completed text 96593\n", + "Completed text 96594\n", + "Completed text 96595\n", + "Completed text 96596\n", + "Completed text 96597\n", + "Completed text 96598\n", + "Completed text 96599\n", + "Completed text 96600\n", + "Completed text 96601\n", + "Completed text 96602\n", + "Completed text 96603\n", + "Completed text 96604\n", + "Completed text 96605\n", + "Completed text 96606\n", + "Completed text 96607\n", + "Completed text 96608\n", + "Completed text 96609\n", + "Completed text 96610\n", + "Completed text 96611\n", + "Completed text 96612\n", + "Completed text 96613\n", + "Completed text 96614\n", + "Completed text 96615\n", + "Completed text 96616\n", + "Completed text 96617\n", + "Completed text 96618\n", + "Completed text 96619\n", + "Completed text 96620\n", + "Completed text 96621\n", + "Completed text 96622\n", + "Completed text 96623\n", + "Completed text 96624\n", + "Completed text 96625\n", + "Completed text 96626\n", + "Completed text 96627\n", + "Completed text 96628\n", + "Completed text 96629\n", + "Completed text 96630\n", + "Completed text 96631\n", + "Completed text 96632\n", + "Completed text 96633\n", + "Completed text 96634\n", + "Completed text 96635\n", + "Completed text 96636\n", + "Completed text 96637\n", + "Completed text 96638\n", + "Completed text 96639\n", + "Completed text 96640\n", + "Completed text 96641\n", + "Completed text 96642\n", + "Completed text 96643\n", + "Completed text 96644\n", + "Completed text 96645\n", + "Completed text 96646\n", + "Completed text 96647\n", + "Completed text 96648\n", + "Completed text 96649\n", + "Completed text 96650\n", + "Completed text 96651\n", + "Completed text 96652\n", + "Completed text 96653\n", + "Completed text 96654\n", + "Completed text 96655\n", + "Completed text 96656\n", + "Completed text 96657\n", + "Completed text 96658\n", + "Completed text 96659\n", + "Completed text 96660\n", + "Completed text 96661\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 96662\n", + "Completed text 96663\n", + "Completed text 96664\n", + "Completed text 96665\n", + "Completed text 96666\n", + "Completed text 96667\n", + "Completed text 96668\n", + "Completed text 96669\n", + "Completed text 96670\n", + "Completed text 96671\n", + "Completed text 96672\n", + "Completed text 96673\n", + "Completed text 96674\n", + "Completed text 96675\n", + "Completed text 96676\n", + "Completed text 96677\n", + "Completed text 96678\n", + "Completed text 96679\n", + "Completed text 96680\n", + "Completed text 96681\n", + "Completed text 96682\n", + "Completed text 96683\n", + "Completed text 96684\n", + "Completed text 96685\n", + "Completed text 96686\n", + "Completed text 96687\n", + "Completed text 96688\n", + "Completed text 96689\n", + "Completed text 96690\n", + "Completed text 96691\n", + "Completed text 96692\n", + "Completed text 96693\n", + "Completed text 96694\n", + "Completed text 96695\n", + "Completed text 96696\n", + "Completed text 96697\n", + "Completed text 96698\n", + "Completed text 96699\n", + "Completed text 96700\n", + "Completed text 96701\n", + "Completed text 96702\n", + "Completed text 96703\n", + "Completed text 96704\n", + "Completed text 96705\n", + "Completed text 96706\n", + "Completed text 96707\n", + "Completed text 96708\n", + "Completed text 96709\n", + "Completed text 96710\n", + "Completed text 96711\n", + "Completed text 96712\n", + "Completed text 96713\n", + "Completed text 96714\n", + "Completed text 96715\n", + "Completed text 96716\n", + "Completed text 96717\n", + "Completed text 96718\n", + "Completed text 96719\n", + "Completed text 96720\n", + "Completed text 96721\n", + "Completed text 96722\n", + "Completed text 96723\n", + "Completed text 96724\n", + "Completed text 96725\n", + "Completed text 96726\n", + "Completed text 96727\n", + "Completed text 96728\n", + "Completed text 96729\n", + "Completed text 96730\n", + "Completed text 96731\n", + "Completed text 96732\n", + "Completed text 96733\n", + "Completed text 96734\n", + "Completed text 96735\n", + "Completed text 96736\n", + "Completed text 96737\n", + "Completed text 96738\n", + "Completed text 96739\n", + "Completed text 96740\n", + "Completed text 96741\n", + "Completed text 96742\n", + "Completed text 96743\n", + "Completed text 96744\n", + "Completed text 96745\n", + "Completed text 96746\n", + "Completed text 96747\n", + "Completed text 96748\n", + "Completed text 96749\n", + "Completed text 96750\n", + "Completed text 96751\n", + "Completed text 96752\n", + "Completed text 96753\n", + "Completed text 96754\n", + "Completed text 96755\n", + "Completed text 96756\n", + "Completed text 96757\n", + "Completed text 96758\n", + "Completed text 96759\n", + "Completed text 96760\n", + "Completed text 96761\n", + "Completed text 96762\n", + "Completed text 96763\n", + "Completed text 96764\n", + "Completed text 96765\n", + "Completed text 96766\n", + "Completed text 96767\n", + "Completed text 96768\n", + "Completed text 96769\n", + "Completed text 96770\n", + "Completed text 96771\n", + "Completed text 96772\n", + "Completed text 96773\n", + "Completed text 96774\n", + "Completed text 96775\n", + "Completed text 96776\n", + "Completed text 96777\n", + "Completed text 96778\n", + "Completed text 96779\n", + "Completed text 96780\n", + "Completed text 96781\n", + "Completed text 96782\n", + "Completed text 96783\n", + "Completed text 96784\n", + "Completed text 96785\n", + "Completed text 96786\n", + "Completed text 96787\n", + "Completed text 96788\n", + "Completed text 96789\n", + "Completed text 96790\n", + "Completed text 96791\n", + "Completed text 96792\n", + "Completed text 96793\n", + "Completed text 96794\n", + "Completed text 96795\n", + "Completed text 96796\n", + "Completed text 96797\n", + "Completed text 96798\n", + "Completed text 96799\n", + "Completed text 96800\n", + "Completed text 96801\n", + "Completed text 96802\n", + "Completed text 96803\n", + "Completed text 96804\n", + "Completed text 96805\n", + "Completed text 96806\n", + "Completed text 96807\n", + "Completed text 96808\n", + "Completed text 96809\n", + "Completed text 96810\n", + "Completed text 96811\n", + "Completed text 96812\n", + "Completed text 96813\n", + "Completed text 96814\n", + "Completed text 96815\n", + "Completed text 96816\n", + "Completed text 96817\n", + "Completed text 96818\n", + "Completed text 96819\n", + "Completed text 96820\n", + "Completed text 96821\n", + "Completed text 96822\n", + "Completed text 96823\n", + "Completed text 96824\n", + "Completed text 96825\n", + "Completed text 96826\n", + "Completed text 96827\n", + "Completed text 96828\n", + "Completed text 96829\n", + "Completed text 96830\n", + "Completed text 96831\n", + "Completed text 96832\n", + "Completed text 96833\n", + "Completed text 96834\n", + "Completed text 96835\n", + "Completed text 96836\n", + "Completed text 96837\n", + "Completed text 96838\n", + "Completed text 96839\n", + "Completed text 96840\n", + "Completed text 96841\n", + "Completed text 96842\n", + "Completed text 96843\n", + "Completed text 96844\n", + "Completed text 96845\n", + "Completed text 96846\n", + "Completed text 96847\n", + "Completed text 96848\n", + "Completed text 96849\n", + "Completed text 96850\n", + "Completed text 96851\n", + "Completed text 96852\n", + "Completed text 96853\n", + "Completed text 96854\n", + "Completed text 96855\n", + "Completed text 96856\n", + "Completed text 96857\n", + "Completed text 96858\n", + "Completed text 96859\n", + "Completed text 96860\n", + "Completed text 96861\n", + "Completed text 96862\n", + "Completed text 96863\n", + "Completed text 96864\n", + "Completed text 96865\n", + "Completed text 96866\n", + "Completed text 96867\n", + "Completed text 96868\n", + "Completed text 96869\n", + "Completed text 96870\n", + "Completed text 96871\n", + "Completed text 96872\n", + "Completed text 96873\n", + "Completed text 96874\n", + "Completed text 96875\n", + "Completed text 96876\n", + "Completed text 96877\n", + "Completed text 96878\n", + "Completed text 96879\n", + "Completed text 96880\n", + "Completed text 96881\n", + "Completed text 96882\n", + "Completed text 96883\n", + "Completed text 96884\n", + "Completed text 96885\n", + "Completed text 96886\n", + "Completed text 96887\n", + "Completed text 96888\n", + "Completed text 96889\n", + "Completed text 96890\n", + "Completed text 96891\n", + "Completed text 96892\n", + "Completed text 96893\n", + "Completed text 96894\n", + "Completed text 96895\n", + "Completed text 96896\n", + "Completed text 96897\n", + "Completed text 96898\n", + "Completed text 96899\n", + "Completed text 96900\n", + "Completed text 96901\n", + "Completed text 96902\n", + "Completed text 96903\n", + "Completed text 96904\n", + "Completed text 96905\n", + "Completed text 96906\n", + "Completed text 96907\n", + "Completed text 96908\n", + "Completed text 96909\n", + "Completed text 96910\n", + "Completed text 96911\n", + "Completed text 96912\n", + "Completed text 96913\n", + "Completed text 96914\n", + "Completed text 96915\n", + "Completed text 96916\n", + "Completed text 96917\n", + "Completed text 96918\n", + "Completed text 96919\n", + "Completed text 96920\n", + "Completed text 96921\n", + "Completed text 96922\n", + "Completed text 96923\n", + "Completed text 96924\n", + "Completed text 96925\n", + "Completed text 96926\n", + "Completed text 96927\n", + "Completed text 96928\n", + "Completed text 96929\n", + "Completed text 96930\n", + "Completed text 96931\n", + "Completed text 96932\n", + "Completed text 96933\n", + "Completed text 96934\n", + "Completed text 96935\n", + "Completed text 96936\n", + "Completed text 96937\n", + "Completed text 96938\n", + "Completed text 96939\n", + "Completed text 96940\n", + "Completed text 96941\n", + "Completed text 96942\n", + "Completed text 96943\n", + "Completed text 96944\n", + "Completed text 96945\n", + "Completed text 96946\n", + "Completed text 96947\n", + "Completed text 96948\n", + "Completed text 96949\n", + "Completed text 96950\n", + "Completed text 96951\n", + "Completed text 96952\n", + "Completed text 96953\n", + "Completed text 96954\n", + "Completed text 96955\n", + "Completed text 96956\n", + "Completed text 96957\n", + "Completed text 96958\n", + "Completed text 96959\n", + "Completed text 96960\n", + "Completed text 96961\n", + "Completed text 96962\n", + "Completed text 96963\n", + "Completed text 96964\n", + "Completed text 96965\n", + "Completed text 96966\n", + "Completed text 96967\n", + "Completed text 96968\n", + "Completed text 96969\n", + "Completed text 96970\n", + "Completed text 96971\n", + "Completed text 96972\n", + "Completed text 96973\n", + "Completed text 96974\n", + "Completed text 96975\n", + "Completed text 96976\n", + "Completed text 96977\n", + "Completed text 96978\n", + "Completed text 96979\n", + "Completed text 96980\n", + "Completed text 96981\n", + "Completed text 96982\n", + "Completed text 96983\n", + "Completed text 96984\n", + "Completed text 96985\n", + "Completed text 96986\n", + "Completed text 96987\n", + "Completed text 96988\n", + "Completed text 96989\n", + "Completed text 96990\n", + "Completed text 96991\n", + "Completed text 96992\n", + "Completed text 96993\n", + "Completed text 96994\n", + "Completed text 96995\n", + "Completed text 96996\n", + "Completed text 96997\n", + "Completed text 96998\n", + "Completed text 96999\n", + "Completed text 97000\n", + "Completed text 97001\n", + "Completed text 97002\n", + "Completed text 97003\n", + "Completed text 97004\n", + "Completed text 97005\n", + "Completed text 97006\n", + "Completed text 97007\n", + "Completed text 97008\n", + "Completed text 97009\n", + "Completed text 97010\n", + "Completed text 97011\n", + "Completed text 97012\n", + "Completed text 97013\n", + "Completed text 97014\n", + "Completed text 97015\n", + "Completed text 97016\n", + "Completed text 97017\n", + "Completed text 97018\n", + "Completed text 97019\n", + "Completed text 97020\n", + "Completed text 97021\n", + "Completed text 97022\n", + "Completed text 97023\n", + "Completed text 97024\n", + "Completed text 97025\n", + "Completed text 97026\n", + "Completed text 97027\n", + "Completed text 97028\n", + "Completed text 97029\n", + "Completed text 97030\n", + "Completed text 97031\n", + "Completed text 97032\n", + "Completed text 97033\n", + "Completed text 97034\n", + "Completed text 97035\n", + "Completed text 97036\n", + "Completed text 97037\n", + "Completed text 97038\n", + "Completed text 97039\n", + "Completed text 97040\n", + "Completed text 97041\n", + "Completed text 97042\n", + "Completed text 97043\n", + "Completed text 97044\n", + "Completed text 97045\n", + "Completed text 97046\n", + "Completed text 97047\n", + "Completed text 97048\n", + "Completed text 97049\n", + "Completed text 97050\n", + "Completed text 97051\n", + "Completed text 97052\n", + "Completed text 97053\n", + "Completed text 97054\n", + "Completed text 97055\n", + "Completed text 97056\n", + "Completed text 97057\n", + "Completed text 97058\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 97059\n", + "Completed text 97060\n", + "Completed text 97061\n", + "Completed text 97062\n", + "Completed text 97063\n", + "Completed text 97064\n", + "Completed text 97065\n", + "Completed text 97066\n", + "Completed text 97067\n", + "Completed text 97068\n", + "Completed text 97069\n", + "Completed text 97070\n", + "Completed text 97071\n", + "Completed text 97072\n", + "Completed text 97073\n", + "Completed text 97074\n", + "Completed text 97075\n", + "Completed text 97076\n", + "Completed text 97077\n", + "Completed text 97078\n", + "Completed text 97079\n", + "Completed text 97080\n", + "Completed text 97081\n", + "Completed text 97082\n", + "Completed text 97083\n", + "Completed text 97084\n", + "Completed text 97085\n", + "Completed text 97086\n", + "Completed text 97087\n", + "Completed text 97088\n", + "Completed text 97089\n", + "Completed text 97090\n", + "Completed text 97091\n", + "Completed text 97092\n", + "Completed text 97093\n", + "Completed text 97094\n", + "Completed text 97095\n", + "Completed text 97096\n", + "Completed text 97097\n", + "Completed text 97098\n", + "Completed text 97099\n", + "Completed text 97100\n", + "Completed text 97101\n", + "Completed text 97102\n", + "Completed text 97103\n", + "Completed text 97104\n", + "Completed text 97105\n", + "Completed text 97106\n", + "Completed text 97107\n", + "Completed text 97108\n", + "Completed text 97109\n", + "Completed text 97110\n", + "Completed text 97111\n", + "Completed text 97112\n", + "Completed text 97113\n", + "Completed text 97114\n", + "Completed text 97115\n", + "Completed text 97116\n", + "Completed text 97117\n", + "Completed text 97118\n", + "Completed text 97119\n", + "Completed text 97120\n", + "Completed text 97121\n", + "Completed text 97122\n", + "Completed text 97123\n", + "Completed text 97124\n", + "Completed text 97125\n", + "Completed text 97126\n", + "Completed text 97127\n", + "Completed text 97128\n", + "Completed text 97129\n", + "Completed text 97130\n", + "Completed text 97131\n", + "Completed text 97132\n", + "Completed text 97133\n", + "Completed text 97134\n", + "Completed text 97135\n", + "Completed text 97136\n", + "Completed text 97137\n", + "Completed text 97138\n", + "Completed text 97139\n", + "Completed text 97140\n", + "Completed text 97141\n", + "Completed text 97142\n", + "Completed text 97143\n", + "Completed text 97144\n", + "Completed text 97145\n", + "Completed text 97146\n", + "Completed text 97147\n", + "Completed text 97148\n", + "Completed text 97149\n", + "Completed text 97150\n", + "Completed text 97151\n", + "Completed text 97152\n", + "Completed text 97153\n", + "Completed text 97154\n", + "Completed text 97155\n", + "Completed text 97156\n", + "Completed text 97157\n", + "Completed text 97158\n", + "Completed text 97159\n", + "Completed text 97160\n", + "Completed text 97161\n", + "Completed text 97162\n", + "Completed text 97163\n", + "Completed text 97164\n", + "Completed text 97165\n", + "Completed text 97166\n", + "Completed text 97167\n", + "Completed text 97168\n", + "Completed text 97169\n", + "Completed text 97170\n", + "Completed text 97171\n", + "Completed text 97172\n", + "Completed text 97173\n", + "Completed text 97174\n", + "Completed text 97175\n", + "Completed text 97176\n", + "Completed text 97177\n", + "Completed text 97178\n", + "Completed text 97179\n", + "Completed text 97180\n", + "Completed text 97181\n", + "Completed text 97182\n", + "Completed text 97183\n", + "Completed text 97184\n", + "Completed text 97185\n", + "Completed text 97186\n", + "Completed text 97187\n", + "Completed text 97188\n", + "Completed text 97189\n", + "Completed text 97190\n", + "Completed text 97191\n", + "Completed text 97192\n", + "Completed text 97193\n", + "Completed text 97194\n", + "Completed text 97195\n", + "Completed text 97196\n", + "Completed text 97197\n", + "Completed text 97198\n", + "Completed text 97199\n", + "Completed text 97200\n", + "Completed text 97201\n", + "Completed text 97202\n", + "Completed text 97203\n", + "Completed text 97204\n", + "Completed text 97205\n", + "Completed text 97206\n", + "Completed text 97207\n", + "Completed text 97208\n", + "Completed text 97209\n", + "Completed text 97210\n", + "Completed text 97211\n", + "Completed text 97212\n", + "Completed text 97213\n", + "Completed text 97214\n", + "Completed text 97215\n", + "Completed text 97216\n", + "Completed text 97217\n", + "Completed text 97218\n", + "Completed text 97219\n", + "Completed text 97220\n", + "Completed text 97221\n", + "Completed text 97222\n", + "Completed text 97223\n", + "Completed text 97224\n", + "Completed text 97225\n", + "Completed text 97226\n", + "Completed text 97227\n", + "Completed text 97228\n", + "Completed text 97229\n", + "Completed text 97230\n", + "Completed text 97231\n", + "Completed text 97232\n", + "Completed text 97233\n", + "Completed text 97234\n", + "Completed text 97235\n", + "Completed text 97236\n", + "Completed text 97237\n", + "Completed text 97238\n", + "Completed text 97239\n", + "Completed text 97240\n", + "Completed text 97241\n", + "Completed text 97242\n", + "Completed text 97243\n", + "Completed text 97244\n", + "Completed text 97245\n", + "Completed text 97246\n", + "Completed text 97247\n", + "Completed text 97248\n", + "Completed text 97249\n", + "Completed text 97250\n", + "Completed text 97251\n", + "Completed text 97252\n", + "Completed text 97253\n", + "Completed text 97254\n", + "Completed text 97255\n", + "Completed text 97256\n", + "Completed text 97257\n", + "Completed text 97258\n", + "Completed text 97259\n", + "Completed text 97260\n", + "Completed text 97261\n", + "Completed text 97262\n", + "Completed text 97263\n", + "Completed text 97264\n", + "Completed text 97265\n", + "Completed text 97266\n", + "Completed text 97267\n", + "Completed text 97268\n", + "Completed text 97269\n", + "Completed text 97270\n", + "Completed text 97271\n", + "Completed text 97272\n", + "Completed text 97273\n", + "Completed text 97274\n", + "Completed text 97275\n", + "Completed text 97276\n", + "Completed text 97277\n", + "Completed text 97278\n", + "Completed text 97279\n", + "Completed text 97280\n", + "Completed text 97281\n", + "Completed text 97282\n", + "Completed text 97283\n", + "Completed text 97284\n", + "Completed text 97285\n", + "Completed text 97286\n", + "Completed text 97287\n", + "Completed text 97288\n", + "Completed text 97289\n", + "Completed text 97290\n", + "Completed text 97291\n", + "Completed text 97292\n", + "Completed text 97293\n", + "Completed text 97294\n", + "Completed text 97295\n", + "Completed text 97296\n", + "Completed text 97297\n", + "Completed text 97298\n", + "Completed text 97299\n", + "Completed text 97300\n", + "Completed text 97301\n", + "Completed text 97302\n", + "Completed text 97303\n", + "Completed text 97304\n", + "Completed text 97305\n", + "Completed text 97306\n", + "Completed text 97307\n", + "Completed text 97308\n", + "Completed text 97309\n", + "Completed text 97310\n", + "Completed text 97311\n", + "Completed text 97312\n", + "Completed text 97313\n", + "Completed text 97314\n", + "Completed text 97315\n", + "Completed text 97316\n", + "Completed text 97317\n", + "Completed text 97318\n", + "Completed text 97319\n", + "Completed text 97320\n", + "Completed text 97321\n", + "Completed text 97322\n", + "Completed text 97323\n", + "Completed text 97324\n", + "Completed text 97325\n", + "Completed text 97326\n", + "Completed text 97327\n", + "Completed text 97328\n", + "Completed text 97329\n", + "Completed text 97330\n", + "Completed text 97331\n", + "Completed text 97332\n", + "Completed text 97333\n", + "Completed text 97334\n", + "Completed text 97335\n", + "Completed text 97336\n", + "Completed text 97337\n", + "Completed text 97338\n", + "Completed text 97339\n", + "Completed text 97340\n", + "Completed text 97341\n", + "Completed text 97342\n", + "Completed text 97343\n", + "Completed text 97344\n", + "Completed text 97345\n", + "Completed text 97346\n", + "Completed text 97347\n", + "Completed text 97348\n", + "Completed text 97349\n", + "Completed text 97350\n", + "Completed text 97351\n", + "Completed text 97352\n", + "Completed text 97353\n", + "Completed text 97354\n", + "Completed text 97355\n", + "Completed text 97356\n", + "Completed text 97357\n", + "Completed text 97358\n", + "Completed text 97359\n", + "Completed text 97360\n", + "Completed text 97361\n", + "Completed text 97362\n", + "Completed text 97363\n", + "Completed text 97364\n", + "Completed text 97365\n", + "Completed text 97366\n", + "Completed text 97367\n", + "Completed text 97368\n", + "Completed text 97369\n", + "Completed text 97370\n", + "Completed text 97371\n", + "Completed text 97372\n", + "Completed text 97373\n", + "Completed text 97374\n", + "Completed text 97375\n", + "Completed text 97376\n", + "Completed text 97377\n", + "Completed text 97378\n", + "Completed text 97379\n", + "Completed text 97380\n", + "Completed text 97381\n", + "Completed text 97382\n", + "Completed text 97383\n", + "Completed text 97384\n", + "Completed text 97385\n", + "Completed text 97386\n", + "Completed text 97387\n", + "Completed text 97388\n", + "Completed text 97389\n", + "Completed text 97390\n", + "Completed text 97391\n", + "Completed text 97392\n", + "Completed text 97393\n", + "Completed text 97394\n", + "Completed text 97395\n", + "Completed text 97396\n", + "Completed text 97397\n", + "Completed text 97398\n", + "Completed text 97399\n", + "Completed text 97400\n", + "Completed text 97401\n", + "Completed text 97402\n", + "Completed text 97403\n", + "Completed text 97404\n", + "Completed text 97405\n", + "Completed text 97406\n", + "Completed text 97407\n", + "Completed text 97408\n", + "Completed text 97409\n", + "Completed text 97410\n", + "Completed text 97411\n", + "Completed text 97412\n", + "Completed text 97413\n", + "Completed text 97414\n", + "Completed text 97415\n", + "Completed text 97416\n", + "Completed text 97417\n", + "Completed text 97418\n", + "Completed text 97419\n", + "Completed text 97420\n", + "Completed text 97421\n", + "Completed text 97422\n", + "Completed text 97423\n", + "Completed text 97424\n", + "Completed text 97425\n", + "Completed text 97426\n", + "Completed text 97427\n", + "Completed text 97428\n", + "Completed text 97429\n", + "Completed text 97430\n", + "Completed text 97431\n", + "Completed text 97432\n", + "Completed text 97433\n", + "Completed text 97434\n", + "Completed text 97435\n", + "Completed text 97436\n", + "Completed text 97437\n", + "Completed text 97438\n", + "Completed text 97439\n", + "Completed text 97440\n", + "Completed text 97441\n", + "Completed text 97442\n", + "Completed text 97443\n", + "Completed text 97444\n", + "Completed text 97445\n", + "Completed text 97446\n", + "Completed text 97447\n", + "Completed text 97448\n", + "Completed text 97449\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 97450\n", + "Completed text 97451\n", + "Completed text 97452\n", + "Completed text 97453\n", + "Completed text 97454\n", + "Completed text 97455\n", + "Completed text 97456\n", + "Completed text 97457\n", + "Completed text 97458\n", + "Completed text 97459\n", + "Completed text 97460\n", + "Completed text 97461\n", + "Completed text 97462\n", + "Completed text 97463\n", + "Completed text 97464\n", + "Completed text 97465\n", + "Completed text 97466\n", + "Completed text 97467\n", + "Completed text 97468\n", + "Completed text 97469\n", + "Completed text 97470\n", + "Completed text 97471\n", + "Completed text 97472\n", + "Completed text 97473\n", + "Completed text 97474\n", + "Completed text 97475\n", + "Completed text 97476\n", + "Completed text 97477\n", + "Completed text 97478\n", + "Completed text 97479\n", + "Completed text 97480\n", + "Completed text 97481\n", + "Completed text 97482\n", + "Completed text 97483\n", + "Completed text 97484\n", + "Completed text 97485\n", + "Completed text 97486\n", + "Completed text 97487\n", + "Completed text 97488\n", + "Completed text 97489\n", + "Completed text 97490\n", + "Completed text 97491\n", + "Completed text 97492\n", + "Completed text 97493\n", + "Completed text 97494\n", + "Completed text 97495\n", + "Completed text 97496\n", + "Completed text 97497\n", + "Completed text 97498\n", + "Completed text 97499\n", + "Completed text 97500\n", + "Completed text 97501\n", + "Completed text 97502\n", + "Completed text 97503\n", + "Completed text 97504\n", + "Completed text 97505\n", + "Completed text 97506\n", + "Completed text 97507\n", + "Completed text 97508\n", + "Completed text 97509\n", + "Completed text 97510\n", + "Completed text 97511\n", + "Completed text 97512\n", + "Completed text 97513\n", + "Completed text 97514\n", + "Completed text 97515\n", + "Completed text 97516\n", + "Completed text 97517\n", + "Completed text 97518\n", + "Completed text 97519\n", + "Completed text 97520\n", + "Completed text 97521\n", + "Completed text 97522\n", + "Completed text 97523\n", + "Completed text 97524\n", + "Completed text 97525\n", + "Completed text 97526\n", + "Completed text 97527\n", + "Completed text 97528\n", + "Completed text 97529\n", + "Completed text 97530\n", + "Completed text 97531\n", + "Completed text 97532\n", + "Completed text 97533\n", + "Completed text 97534\n", + "Completed text 97535\n", + "Completed text 97536\n", + "Completed text 97537\n", + "Completed text 97538\n", + "Completed text 97539\n", + "Completed text 97540\n", + "Completed text 97541\n", + "Completed text 97542\n", + "Completed text 97543\n", + "Completed text 97544\n", + "Completed text 97545\n", + "Completed text 97546\n", + "Completed text 97547\n", + "Completed text 97548\n", + "Completed text 97549\n", + "Completed text 97550\n", + "Completed text 97551\n", + "Completed text 97552\n", + "Completed text 97553\n", + "Completed text 97554\n", + "Completed text 97555\n", + "Completed text 97556\n", + "Completed text 97557\n", + "Completed text 97558\n", + "Completed text 97559\n", + "Completed text 97560\n", + "Completed text 97561\n", + "Completed text 97562\n", + "Completed text 97563\n", + "Completed text 97564\n", + "Completed text 97565\n", + "Completed text 97566\n", + "Completed text 97567\n", + "Completed text 97568\n", + "Completed text 97569\n", + "Completed text 97570\n", + "Completed text 97571\n", + "Completed text 97572\n", + "Completed text 97573\n", + "Completed text 97574\n", + "Completed text 97575\n", + "Completed text 97576\n", + "Completed text 97577\n", + "Completed text 97578\n", + "Completed text 97579\n", + "Completed text 97580\n", + "Completed text 97581\n", + "Completed text 97582\n", + "Completed text 97583\n", + "Completed text 97584\n", + "Completed text 97585\n", + "Completed text 97586\n", + "Completed text 97587\n", + "Completed text 97588\n", + "Completed text 97589\n", + "Completed text 97590\n", + "Completed text 97591\n", + "Completed text 97592\n", + "Completed text 97593\n", + "Completed text 97594\n", + "Completed text 97595\n", + "Completed text 97596\n", + "Completed text 97597\n", + "Completed text 97598\n", + "Completed text 97599\n", + "Completed text 97600\n", + "Completed text 97601\n", + "Completed text 97602\n", + "Completed text 97603\n", + "Completed text 97604\n", + "Completed text 97605\n", + "Completed text 97606\n", + "Completed text 97607\n", + "Completed text 97608\n", + "Completed text 97609\n", + "Completed text 97610\n", + "Completed text 97611\n", + "Completed text 97612\n", + "Completed text 97613\n", + "Completed text 97614\n", + "Completed text 97615\n", + "Completed text 97616\n", + "Completed text 97617\n", + "Completed text 97618\n", + "Completed text 97619\n", + "Completed text 97620\n", + "Completed text 97621\n", + "Completed text 97622\n", + "Completed text 97623\n", + "Completed text 97624\n", + "Completed text 97625\n", + "Completed text 97626\n", + "Completed text 97627\n", + "Completed text 97628\n", + "Completed text 97629\n", + "Completed text 97630\n", + "Completed text 97631\n", + "Completed text 97632\n", + "Completed text 97633\n", + "Completed text 97634\n", + "Completed text 97635\n", + "Completed text 97636\n", + "Completed text 97637\n", + "Completed text 97638\n", + "Completed text 97639\n", + "Completed text 97640\n", + "Completed text 97641\n", + "Completed text 97642\n", + "Completed text 97643\n", + "Completed text 97644\n", + "Completed text 97645\n", + "Completed text 97646\n", + "Completed text 97647\n", + "Completed text 97648\n", + "Completed text 97649\n", + "Completed text 97650\n", + "Completed text 97651\n", + "Completed text 97652\n", + "Completed text 97653\n", + "Completed text 97654\n", + "Completed text 97655\n", + "Completed text 97656\n", + "Completed text 97657\n", + "Completed text 97658\n", + "Completed text 97659\n", + "Completed text 97660\n", + "Completed text 97661\n", + "Completed text 97662\n", + "Completed text 97663\n", + "Completed text 97664\n", + "Completed text 97665\n", + "Completed text 97666\n", + "Completed text 97667\n", + "Completed text 97668\n", + "Completed text 97669\n", + "Completed text 97670\n", + "Completed text 97671\n", + "Completed text 97672\n", + "Completed text 97673\n", + "Completed text 97674\n", + "Completed text 97675\n", + "Completed text 97676\n", + "Completed text 97677\n", + "Completed text 97678\n", + "Completed text 97679\n", + "Completed text 97680\n", + "Completed text 97681\n", + "Completed text 97682\n", + "Completed text 97683\n", + "Completed text 97684\n", + "Completed text 97685\n", + "Completed text 97686\n", + "Completed text 97687\n", + "Completed text 97688\n", + "Completed text 97689\n", + "Completed text 97690\n", + "Completed text 97691\n", + "Completed text 97692\n", + "Completed text 97693\n", + "Completed text 97694\n", + "Completed text 97695\n", + "Completed text 97696\n", + "Completed text 97697\n", + "Completed text 97698\n", + "Completed text 97699\n", + "Completed text 97700\n", + "Completed text 97701\n", + "Completed text 97702\n", + "Completed text 97703\n", + "Completed text 97704\n", + "Completed text 97705\n", + "Completed text 97706\n", + "Completed text 97707\n", + "Completed text 97708\n", + "Completed text 97709\n", + "Completed text 97710\n", + "Completed text 97711\n", + "Completed text 97712\n", + "Completed text 97713\n", + "Completed text 97714\n", + "Completed text 97715\n", + "Completed text 97716\n", + "Completed text 97717\n", + "Completed text 97718\n", + "Completed text 97719\n", + "Completed text 97720\n", + "Completed text 97721\n", + "Completed text 97722\n", + "Completed text 97723\n", + "Completed text 97724\n", + "Completed text 97725\n", + "Completed text 97726\n", + "Completed text 97727\n", + "Completed text 97728\n", + "Completed text 97729\n", + "Completed text 97730\n", + "Completed text 97731\n", + "Completed text 97732\n", + "Completed text 97733\n", + "Completed text 97734\n", + "Completed text 97735\n", + "Completed text 97736\n", + "Completed text 97737\n", + "Completed text 97738\n", + "Completed text 97739\n", + "Completed text 97740\n", + "Completed text 97741\n", + "Completed text 97742\n", + "Completed text 97743\n", + "Completed text 97744\n", + "Completed text 97745\n", + "Completed text 97746\n", + "Completed text 97747\n", + "Completed text 97748\n", + "Completed text 97749\n", + "Completed text 97750\n", + "Completed text 97751\n", + "Completed text 97752\n", + "Completed text 97753\n", + "Completed text 97754\n", + "Completed text 97755\n", + "Completed text 97756\n", + "Completed text 97757\n", + "Completed text 97758\n", + "Completed text 97759\n", + "Completed text 97760\n", + "Completed text 97761\n", + "Completed text 97762\n", + "Completed text 97763\n", + "Completed text 97764\n", + "Completed text 97765\n", + "Completed text 97766\n", + "Completed text 97767\n", + "Completed text 97768\n", + "Completed text 97769\n", + "Completed text 97770\n", + "Completed text 97771\n", + "Completed text 97772\n", + "Completed text 97773\n", + "Completed text 97774\n", + "Completed text 97775\n", + "Completed text 97776\n", + "Completed text 97777\n", + "Completed text 97778\n", + "Completed text 97779\n", + "Completed text 97780\n", + "Completed text 97781\n", + "Completed text 97782\n", + "Completed text 97783\n", + "Completed text 97784\n", + "Completed text 97785\n", + "Completed text 97786\n", + "Completed text 97787\n", + "Completed text 97788\n", + "Completed text 97789\n", + "Completed text 97790\n", + "Completed text 97791\n", + "Completed text 97792\n", + "Completed text 97793\n", + "Completed text 97794\n", + "Completed text 97795\n", + "Completed text 97796\n", + "Completed text 97797\n", + "Completed text 97798\n", + "Completed text 97799\n", + "Completed text 97800\n", + "Completed text 97801\n", + "Completed text 97802\n", + "Completed text 97803\n", + "Completed text 97804\n", + "Completed text 97805\n", + "Completed text 97806\n", + "Completed text 97807\n", + "Completed text 97808\n", + "Completed text 97809\n", + "Completed text 97810\n", + "Completed text 97811\n", + "Completed text 97812\n", + "Completed text 97813\n", + "Completed text 97814\n", + "Completed text 97815\n", + "Completed text 97816\n", + "Completed text 97817\n", + "Completed text 97818\n", + "Completed text 97819\n", + "Completed text 97820\n", + "Completed text 97821\n", + "Completed text 97822\n", + "Completed text 97823\n", + "Completed text 97824\n", + "Completed text 97825\n", + "Completed text 97826\n", + "Completed text 97827\n", + "Completed text 97828\n", + "Completed text 97829\n", + "Completed text 97830\n", + "Completed text 97831\n", + "Completed text 97832\n", + "Completed text 97833\n", + "Completed text 97834\n", + "Completed text 97835\n", + "Completed text 97836\n", + "Completed text 97837\n", + "Completed text 97838\n", + "Completed text 97839\n", + "Completed text 97840\n", + "Completed text 97841\n", + "Completed text 97842\n", + "Completed text 97843\n", + "Completed text 97844\n", + "Completed text 97845\n", + "Completed text 97846\n", + "Completed text 97847\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 97848\n", + "Completed text 97849\n", + "Completed text 97850\n", + "Completed text 97851\n", + "Completed text 97852\n", + "Completed text 97853\n", + "Completed text 97854\n", + "Completed text 97855\n", + "Completed text 97856\n", + "Completed text 97857\n", + "Completed text 97858\n", + "Completed text 97859\n", + "Completed text 97860\n", + "Completed text 97861\n", + "Completed text 97862\n", + "Completed text 97863\n", + "Completed text 97864\n", + "Completed text 97865\n", + "Completed text 97866\n", + "Completed text 97867\n", + "Completed text 97868\n", + "Completed text 97869\n", + "Completed text 97870\n", + "Completed text 97871\n", + "Completed text 97872\n", + "Completed text 97873\n", + "Completed text 97874\n", + "Completed text 97875\n", + "Completed text 97876\n", + "Completed text 97877\n", + "Completed text 97878\n", + "Completed text 97879\n", + "Completed text 97880\n", + "Completed text 97881\n", + "Completed text 97882\n", + "Completed text 97883\n", + "Completed text 97884\n", + "Completed text 97885\n", + "Completed text 97886\n", + "Completed text 97887\n", + "Completed text 97888\n", + "Completed text 97889\n", + "Completed text 97890\n", + "Completed text 97891\n", + "Completed text 97892\n", + "Completed text 97893\n", + "Completed text 97894\n", + "Completed text 97895\n", + "Completed text 97896\n", + "Completed text 97897\n", + "Completed text 97898\n", + "Completed text 97899\n", + "Completed text 97900\n", + "Completed text 97901\n", + "Completed text 97902\n", + "Completed text 97903\n", + "Completed text 97904\n", + "Completed text 97905\n", + "Completed text 97906\n", + "Completed text 97907\n", + "Completed text 97908\n", + "Completed text 97909\n", + "Completed text 97910\n", + "Completed text 97911\n", + "Completed text 97912\n", + "Completed text 97913\n", + "Completed text 97914\n", + "Completed text 97915\n", + "Completed text 97916\n", + "Completed text 97917\n", + "Completed text 97918\n", + "Completed text 97919\n", + "Completed text 97920\n", + "Completed text 97921\n", + "Completed text 97922\n", + "Completed text 97923\n", + "Completed text 97924\n", + "Completed text 97925\n", + "Completed text 97926\n", + "Completed text 97927\n", + "Completed text 97928\n", + "Completed text 97929\n", + "Completed text 97930\n", + "Completed text 97931\n", + "Completed text 97932\n", + "Completed text 97933\n", + "Completed text 97934\n", + "Completed text 97935\n", + "Completed text 97936\n", + "Completed text 97937\n", + "Completed text 97938\n", + "Completed text 97939\n", + "Completed text 97940\n", + "Completed text 97941\n", + "Completed text 97942\n", + "Completed text 97943\n", + "Completed text 97944\n", + "Completed text 97945\n", + "Completed text 97946\n", + "Completed text 97947\n", + "Completed text 97948\n", + "Completed text 97949\n", + "Completed text 97950\n", + "Completed text 97951\n", + "Completed text 97952\n", + "Completed text 97953\n", + "Completed text 97954\n", + "Completed text 97955\n", + "Completed text 97956\n", + "Completed text 97957\n", + "Completed text 97958\n", + "Completed text 97959\n", + "Completed text 97960\n", + "Completed text 97961\n", + "Completed text 97962\n", + "Completed text 97963\n", + "Completed text 97964\n", + "Completed text 97965\n", + "Completed text 97966\n", + "Completed text 97967\n", + "Completed text 97968\n", + "Completed text 97969\n", + "Completed text 97970\n", + "Completed text 97971\n", + "Completed text 97972\n", + "Completed text 97973\n", + "Completed text 97974\n", + "Completed text 97975\n", + "Completed text 97976\n", + "Completed text 97977\n", + "Completed text 97978\n", + "Completed text 97979\n", + "Completed text 97980\n", + "Completed text 97981\n", + "Completed text 97982\n", + "Completed text 97983\n", + "Completed text 97984\n", + "Completed text 97985\n", + "Completed text 97986\n", + "Completed text 97987\n", + "Completed text 97988\n", + "Completed text 97989\n", + "Completed text 97990\n", + "Completed text 97991\n", + "Completed text 97992\n", + "Completed text 97993\n", + "Completed text 97994\n", + "Completed text 97995\n", + "Completed text 97996\n", + "Completed text 97997\n", + "Completed text 97998\n", + "Completed text 97999\n", + "Completed text 98000\n", + "Completed text 98001\n", + "Completed text 98002\n", + "Completed text 98003\n", + "Completed text 98004\n", + "Completed text 98005\n", + "Completed text 98006\n", + "Completed text 98007\n", + "Completed text 98008\n", + "Completed text 98009\n", + "Completed text 98010\n", + "Completed text 98011\n", + "Completed text 98012\n", + "Completed text 98013\n", + "Completed text 98014\n", + "Completed text 98015\n", + "Completed text 98016\n", + "Completed text 98017\n", + "Completed text 98018\n", + "Completed text 98019\n", + "Completed text 98020\n", + "Completed text 98021\n", + "Completed text 98022\n", + "Completed text 98023\n", + "Completed text 98024\n", + "Completed text 98025\n", + "Completed text 98026\n", + "Completed text 98027\n", + "Completed text 98028\n", + "Completed text 98029\n", + "Completed text 98030\n", + "Completed text 98031\n", + "Completed text 98032\n", + "Completed text 98033\n", + "Completed text 98034\n", + "Completed text 98035\n", + "Completed text 98036\n", + "Completed text 98037\n", + "Completed text 98038\n", + "Completed text 98039\n", + "Completed text 98040\n", + "Completed text 98041\n", + "Completed text 98042\n", + "Completed text 98043\n", + "Completed text 98044\n", + "Completed text 98045\n", + "Completed text 98046\n", + "Completed text 98047\n", + "Completed text 98048\n", + "Completed text 98049\n", + "Completed text 98050\n", + "Completed text 98051\n", + "Completed text 98052\n", + "Completed text 98053\n", + "Completed text 98054\n", + "Completed text 98055\n", + "Completed text 98056\n", + "Completed text 98057\n", + "Completed text 98058\n", + "Completed text 98059\n", + "Completed text 98060\n", + "Completed text 98061\n", + "Completed text 98062\n", + "Completed text 98063\n", + "Completed text 98064\n", + "Completed text 98065\n", + "Completed text 98066\n", + "Completed text 98067\n", + "Completed text 98068\n", + "Completed text 98069\n", + "Completed text 98070\n", + "Completed text 98071\n", + "Completed text 98072\n", + "Completed text 98073\n", + "Completed text 98074\n", + "Completed text 98075\n", + "Completed text 98076\n", + "Completed text 98077\n", + "Completed text 98078\n", + "Completed text 98079\n", + "Completed text 98080\n", + "Completed text 98081\n", + "Completed text 98082\n", + "Completed text 98083\n", + "Completed text 98084\n", + "Completed text 98085\n", + "Completed text 98086\n", + "Completed text 98087\n", + "Completed text 98088\n", + "Completed text 98089\n", + "Completed text 98090\n", + "Completed text 98091\n", + "Completed text 98092\n", + "Completed text 98093\n", + "Completed text 98094\n", + "Completed text 98095\n", + "Completed text 98096\n", + "Completed text 98097\n", + "Completed text 98098\n", + "Completed text 98099\n", + "Completed text 98100\n", + "Completed text 98101\n", + "Completed text 98102\n", + "Completed text 98103\n", + "Completed text 98104\n", + "Completed text 98105\n", + "Completed text 98106\n", + "Completed text 98107\n", + "Completed text 98108\n", + "Completed text 98109\n", + "Completed text 98110\n", + "Completed text 98111\n", + "Completed text 98112\n", + "Completed text 98113\n", + "Completed text 98114\n", + "Completed text 98115\n", + "Completed text 98116\n", + "Completed text 98117\n", + "Completed text 98118\n", + "Completed text 98119\n", + "Completed text 98120\n", + "Completed text 98121\n", + "Completed text 98122\n", + "Completed text 98123\n", + "Completed text 98124\n", + "Completed text 98125\n", + "Completed text 98126\n", + "Completed text 98127\n", + "Completed text 98128\n", + "Completed text 98129\n", + "Completed text 98130\n", + "Completed text 98131\n", + "Completed text 98132\n", + "Completed text 98133\n", + "Completed text 98134\n", + "Completed text 98135\n", + "Completed text 98136\n", + "Completed text 98137\n", + "Completed text 98138\n", + "Completed text 98139\n", + "Completed text 98140\n", + "Completed text 98141\n", + "Completed text 98142\n", + "Completed text 98143\n", + "Completed text 98144\n", + "Completed text 98145\n", + "Completed text 98146\n", + "Completed text 98147\n", + "Completed text 98148\n", + "Completed text 98149\n", + "Completed text 98150\n", + "Completed text 98151\n", + "Completed text 98152\n", + "Completed text 98153\n", + "Completed text 98154\n", + "Completed text 98155\n", + "Completed text 98156\n", + "Completed text 98157\n", + "Completed text 98158\n", + "Completed text 98159\n", + "Completed text 98160\n", + "Completed text 98161\n", + "Completed text 98162\n", + "Completed text 98163\n", + "Completed text 98164\n", + "Completed text 98165\n", + "Completed text 98166\n", + "Completed text 98167\n", + "Completed text 98168\n", + "Completed text 98169\n", + "Completed text 98170\n", + "Completed text 98171\n", + "Completed text 98172\n", + "Completed text 98173\n", + "Completed text 98174\n", + "Completed text 98175\n", + "Completed text 98176\n", + "Completed text 98177\n", + "Completed text 98178\n", + "Completed text 98179\n", + "Completed text 98180\n", + "Completed text 98181\n", + "Completed text 98182\n", + "Completed text 98183\n", + "Completed text 98184\n", + "Completed text 98185\n", + "Completed text 98186\n", + "Completed text 98187\n", + "Completed text 98188\n", + "Completed text 98189\n", + "Completed text 98190\n", + "Completed text 98191\n", + "Completed text 98192\n", + "Completed text 98193\n", + "Completed text 98194\n", + "Completed text 98195\n", + "Completed text 98196\n", + "Completed text 98197\n", + "Completed text 98198\n", + "Completed text 98199\n", + "Completed text 98200\n", + "Completed text 98201\n", + "Completed text 98202\n", + "Completed text 98203\n", + "Completed text 98204\n", + "Completed text 98205\n", + "Completed text 98206\n", + "Completed text 98207\n", + "Completed text 98208\n", + "Completed text 98209\n", + "Completed text 98210\n", + "Completed text 98211\n", + "Completed text 98212\n", + "Completed text 98213\n", + "Completed text 98214\n", + "Completed text 98215\n", + "Completed text 98216\n", + "Completed text 98217\n", + "Completed text 98218\n", + "Completed text 98219\n", + "Completed text 98220\n", + "Completed text 98221\n", + "Completed text 98222\n", + "Completed text 98223\n", + "Completed text 98224\n", + "Completed text 98225\n", + "Completed text 98226\n", + "Completed text 98227\n", + "Completed text 98228\n", + "Completed text 98229\n", + "Completed text 98230\n", + "Completed text 98231\n", + "Completed text 98232\n", + "Completed text 98233\n", + "Completed text 98234\n", + "Completed text 98235\n", + "Completed text 98236\n", + "Completed text 98237\n", + "Completed text 98238\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 98239\n", + "Completed text 98240\n", + "Completed text 98241\n", + "Completed text 98242\n", + "Completed text 98243\n", + "Completed text 98244\n", + "Completed text 98245\n", + "Completed text 98246\n", + "Completed text 98247\n", + "Completed text 98248\n", + "Completed text 98249\n", + "Completed text 98250\n", + "Completed text 98251\n", + "Completed text 98252\n", + "Completed text 98253\n", + "Completed text 98254\n", + "Completed text 98255\n", + "Completed text 98256\n", + "Completed text 98257\n", + "Completed text 98258\n", + "Completed text 98259\n", + "Completed text 98260\n", + "Completed text 98261\n", + "Completed text 98262\n", + "Completed text 98263\n", + "Completed text 98264\n", + "Completed text 98265\n", + "Completed text 98266\n", + "Completed text 98267\n", + "Completed text 98268\n", + "Completed text 98269\n", + "Completed text 98270\n", + "Completed text 98271\n", + "Completed text 98272\n", + "Completed text 98273\n", + "Completed text 98274\n", + "Completed text 98275\n", + "Completed text 98276\n", + "Completed text 98277\n", + "Completed text 98278\n", + "Completed text 98279\n", + "Completed text 98280\n", + "Completed text 98281\n", + "Completed text 98282\n", + "Completed text 98283\n", + "Completed text 98284\n", + "Completed text 98285\n", + "Completed text 98286\n", + "Completed text 98287\n", + "Completed text 98288\n", + "Completed text 98289\n", + "Completed text 98290\n", + "Completed text 98291\n", + "Completed text 98292\n", + "Completed text 98293\n", + "Completed text 98294\n", + "Completed text 98295\n", + "Completed text 98296\n", + "Completed text 98297\n", + "Completed text 98298\n", + "Completed text 98299\n", + "Completed text 98300\n", + "Completed text 98301\n", + "Completed text 98302\n", + "Completed text 98303\n", + "Completed text 98304\n", + "Completed text 98305\n", + "Completed text 98306\n", + "Completed text 98307\n", + "Completed text 98308\n", + "Completed text 98309\n", + "Completed text 98310\n", + "Completed text 98311\n", + "Completed text 98312\n", + "Completed text 98313\n", + "Completed text 98314\n", + "Completed text 98315\n", + "Completed text 98316\n", + "Completed text 98317\n", + "Completed text 98318\n", + "Completed text 98319\n", + "Completed text 98320\n", + "Completed text 98321\n", + "Completed text 98322\n", + "Completed text 98323\n", + "Completed text 98324\n", + "Completed text 98325\n", + "Completed text 98326\n", + "Completed text 98327\n", + "Completed text 98328\n", + "Completed text 98329\n", + "Completed text 98330\n", + "Completed text 98331\n", + "Completed text 98332\n", + "Completed text 98333\n", + "Completed text 98334\n", + "Completed text 98335\n", + "Completed text 98336\n", + "Completed text 98337\n", + "Completed text 98338\n", + "Completed text 98339\n", + "Completed text 98340\n", + "Completed text 98341\n", + "Completed text 98342\n", + "Completed text 98343\n", + "Completed text 98344\n", + "Completed text 98345\n", + "Completed text 98346\n", + "Completed text 98347\n", + "Completed text 98348\n", + "Completed text 98349\n", + "Completed text 98350\n", + "Completed text 98351\n", + "Completed text 98352\n", + "Completed text 98353\n", + "Completed text 98354\n", + "Completed text 98355\n", + "Completed text 98356\n", + "Completed text 98357\n", + "Completed text 98358\n", + "Completed text 98359\n", + "Completed text 98360\n", + "Completed text 98361\n", + "Completed text 98362\n", + "Completed text 98363\n", + "Completed text 98364\n", + "Completed text 98365\n", + "Completed text 98366\n", + "Completed text 98367\n", + "Completed text 98368\n", + "Completed text 98369\n", + "Completed text 98370\n", + "Completed text 98371\n", + "Completed text 98372\n", + "Completed text 98373\n", + "Completed text 98374\n", + "Completed text 98375\n", + "Completed text 98376\n", + "Completed text 98377\n", + "Completed text 98378\n", + "Completed text 98379\n", + "Completed text 98380\n", + "Completed text 98381\n", + "Completed text 98382\n", + "Completed text 98383\n", + "Completed text 98384\n", + "Completed text 98385\n", + "Completed text 98386\n", + "Completed text 98387\n", + "Completed text 98388\n", + "Completed text 98389\n", + "Completed text 98390\n", + "Completed text 98391\n", + "Completed text 98392\n", + "Completed text 98393\n", + "Completed text 98394\n", + "Completed text 98395\n", + "Completed text 98396\n", + "Completed text 98397\n", + "Completed text 98398\n", + "Completed text 98399\n", + "Completed text 98400\n", + "Completed text 98401\n", + "Completed text 98402\n", + "Completed text 98403\n", + "Completed text 98404\n", + "Completed text 98405\n", + "Completed text 98406\n", + "Completed text 98407\n", + "Completed text 98408\n", + "Completed text 98409\n", + "Completed text 98410\n", + "Completed text 98411\n", + "Completed text 98412\n", + "Completed text 98413\n", + "Completed text 98414\n", + "Completed text 98415\n", + "Completed text 98416\n", + "Completed text 98417\n", + "Completed text 98418\n", + "Completed text 98419\n", + "Completed text 98420\n", + "Completed text 98421\n", + "Completed text 98422\n", + "Completed text 98423\n", + "Completed text 98424\n", + "Completed text 98425\n", + "Completed text 98426\n", + "Completed text 98427\n", + "Completed text 98428\n", + "Completed text 98429\n", + "Completed text 98430\n", + "Completed text 98431\n", + "Completed text 98432\n", + "Completed text 98433\n", + "Completed text 98434\n", + "Completed text 98435\n", + "Completed text 98436\n", + "Completed text 98437\n", + "Completed text 98438\n", + "Completed text 98439\n", + "Completed text 98440\n", + "Completed text 98441\n", + "Completed text 98442\n", + "Completed text 98443\n", + "Completed text 98444\n", + "Completed text 98445\n", + "Completed text 98446\n", + "Completed text 98447\n", + "Completed text 98448\n", + "Completed text 98449\n", + "Completed text 98450\n", + "Completed text 98451\n", + "Completed text 98452\n", + "Completed text 98453\n", + "Completed text 98454\n", + "Completed text 98455\n", + "Completed text 98456\n", + "Completed text 98457\n", + "Completed text 98458\n", + "Completed text 98459\n", + "Completed text 98460\n", + "Completed text 98461\n", + "Completed text 98462\n", + "Completed text 98463\n", + "Completed text 98464\n", + "Completed text 98465\n", + "Completed text 98466\n", + "Completed text 98467\n", + "Completed text 98468\n", + "Completed text 98469\n", + "Completed text 98470\n", + "Completed text 98471\n", + "Completed text 98472\n", + "Completed text 98473\n", + "Completed text 98474\n", + "Completed text 98475\n", + "Completed text 98476\n", + "Completed text 98477\n", + "Completed text 98478\n", + "Completed text 98479\n", + "Completed text 98480\n", + "Completed text 98481\n", + "Completed text 98482\n", + "Completed text 98483\n", + "Completed text 98484\n", + "Completed text 98485\n", + "Completed text 98486\n", + "Completed text 98487\n", + "Completed text 98488\n", + "Completed text 98489\n", + "Completed text 98490\n", + "Completed text 98491\n", + "Completed text 98492\n", + "Completed text 98493\n", + "Completed text 98494\n", + "Completed text 98495\n", + "Completed text 98496\n", + "Completed text 98497\n", + "Completed text 98498\n", + "Completed text 98499\n", + "Completed text 98500\n", + "Completed text 98501\n", + "Completed text 98502\n", + "Completed text 98503\n", + "Completed text 98504\n", + "Completed text 98505\n", + "Completed text 98506\n", + "Completed text 98507\n", + "Completed text 98508\n", + "Completed text 98509\n", + "Completed text 98510\n", + "Completed text 98511\n", + "Completed text 98512\n", + "Completed text 98513\n", + "Completed text 98514\n", + "Completed text 98515\n", + "Completed text 98516\n", + "Completed text 98517\n", + "Completed text 98518\n", + "Completed text 98519\n", + "Completed text 98520\n", + "Completed text 98521\n", + "Completed text 98522\n", + "Completed text 98523\n", + "Completed text 98524\n", + "Completed text 98525\n", + "Completed text 98526\n", + "Completed text 98527\n", + "Completed text 98528\n", + "Completed text 98529\n", + "Completed text 98530\n", + "Completed text 98531\n", + "Completed text 98532\n", + "Completed text 98533\n", + "Completed text 98534\n", + "Completed text 98535\n", + "Completed text 98536\n", + "Completed text 98537\n", + "Completed text 98538\n", + "Completed text 98539\n", + "Completed text 98540\n", + "Completed text 98541\n", + "Completed text 98542\n", + "Completed text 98543\n", + "Completed text 98544\n", + "Completed text 98545\n", + "Completed text 98546\n", + "Completed text 98547\n", + "Completed text 98548\n", + "Completed text 98549\n", + "Completed text 98550\n", + "Completed text 98551\n", + "Completed text 98552\n", + "Completed text 98553\n", + "Completed text 98554\n", + "Completed text 98555\n", + "Completed text 98556\n", + "Completed text 98557\n", + "Completed text 98558\n", + "Completed text 98559\n", + "Completed text 98560\n", + "Completed text 98561\n", + "Completed text 98562\n", + "Completed text 98563\n", + "Completed text 98564\n", + "Completed text 98565\n", + "Completed text 98566\n", + "Completed text 98567\n", + "Completed text 98568\n", + "Completed text 98569\n", + "Completed text 98570\n", + "Completed text 98571\n", + "Completed text 98572\n", + "Completed text 98573\n", + "Completed text 98574\n", + "Completed text 98575\n", + "Completed text 98576\n", + "Completed text 98577\n", + "Completed text 98578\n", + "Completed text 98579\n", + "Completed text 98580\n", + "Completed text 98581\n", + "Completed text 98582\n", + "Completed text 98583\n", + "Completed text 98584\n", + "Completed text 98585\n", + "Completed text 98586\n", + "Completed text 98587\n", + "Completed text 98588\n", + "Completed text 98589\n", + "Completed text 98590\n", + "Completed text 98591\n", + "Completed text 98592\n", + "Completed text 98593\n", + "Completed text 98594\n", + "Completed text 98595\n", + "Completed text 98596\n", + "Completed text 98597\n", + "Completed text 98598\n", + "Completed text 98599\n", + "Completed text 98600\n", + "Completed text 98601\n", + "Completed text 98602\n", + "Completed text 98603\n", + "Completed text 98604\n", + "Completed text 98605\n", + "Completed text 98606\n", + "Completed text 98607\n", + "Completed text 98608\n", + "Completed text 98609\n", + "Completed text 98610\n", + "Completed text 98611\n", + "Completed text 98612\n", + "Completed text 98613\n", + "Completed text 98614\n", + "Completed text 98615\n", + "Completed text 98616\n", + "Completed text 98617\n", + "Completed text 98618\n", + "Completed text 98619\n", + "Completed text 98620\n", + "Completed text 98621\n", + "Completed text 98622\n", + "Completed text 98623\n", + "Completed text 98624\n", + "Completed text 98625\n", + "Completed text 98626\n", + "Completed text 98627\n", + "Completed text 98628\n", + "Completed text 98629\n", + "Completed text 98630\n", + "Completed text 98631\n", + "Completed text 98632\n", + "Completed text 98633\n", + "Completed text 98634\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 98635\n", + "Completed text 98636\n", + "Completed text 98637\n", + "Completed text 98638\n", + "Completed text 98639\n", + "Completed text 98640\n", + "Completed text 98641\n", + "Completed text 98642\n", + "Completed text 98643\n", + "Completed text 98644\n", + "Completed text 98645\n", + "Completed text 98646\n", + "Completed text 98647\n", + "Completed text 98648\n", + "Completed text 98649\n", + "Completed text 98650\n", + "Completed text 98651\n", + "Completed text 98652\n", + "Completed text 98653\n", + "Completed text 98654\n", + "Completed text 98655\n", + "Completed text 98656\n", + "Completed text 98657\n", + "Completed text 98658\n", + "Completed text 98659\n", + "Completed text 98660\n", + "Completed text 98661\n", + "Completed text 98662\n", + "Completed text 98663\n", + "Completed text 98664\n", + "Completed text 98665\n", + "Completed text 98666\n", + "Completed text 98667\n", + "Completed text 98668\n", + "Completed text 98669\n", + "Completed text 98670\n", + "Completed text 98671\n", + "Completed text 98672\n", + "Completed text 98673\n", + "Completed text 98674\n", + "Completed text 98675\n", + "Completed text 98676\n", + "Completed text 98677\n", + "Completed text 98678\n", + "Completed text 98679\n", + "Completed text 98680\n", + "Completed text 98681\n", + "Completed text 98682\n", + "Completed text 98683\n", + "Completed text 98684\n", + "Completed text 98685\n", + "Completed text 98686\n", + "Completed text 98687\n", + "Completed text 98688\n", + "Completed text 98689\n", + "Completed text 98690\n", + "Completed text 98691\n", + "Completed text 98692\n", + "Completed text 98693\n", + "Completed text 98694\n", + "Completed text 98695\n", + "Completed text 98696\n", + "Completed text 98697\n", + "Completed text 98698\n", + "Completed text 98699\n", + "Completed text 98700\n", + "Completed text 98701\n", + "Completed text 98702\n", + "Completed text 98703\n", + "Completed text 98704\n", + "Completed text 98705\n", + "Completed text 98706\n", + "Completed text 98707\n", + "Completed text 98708\n", + "Completed text 98709\n", + "Completed text 98710\n", + "Completed text 98711\n", + "Completed text 98712\n", + "Completed text 98713\n", + "Completed text 98714\n", + "Completed text 98715\n", + "Completed text 98716\n", + "Completed text 98717\n", + "Completed text 98718\n", + "Completed text 98719\n", + "Completed text 98720\n", + "Completed text 98721\n", + "Completed text 98722\n", + "Completed text 98723\n", + "Completed text 98724\n", + "Completed text 98725\n", + "Completed text 98726\n", + "Completed text 98727\n", + "Completed text 98728\n", + "Completed text 98729\n", + "Completed text 98730\n", + "Completed text 98731\n", + "Completed text 98732\n", + "Completed text 98733\n", + "Completed text 98734\n", + "Completed text 98735\n", + "Completed text 98736\n", + "Completed text 98737\n", + "Completed text 98738\n", + "Completed text 98739\n", + "Completed text 98740\n", + "Completed text 98741\n", + "Completed text 98742\n", + "Completed text 98743\n", + "Completed text 98744\n", + "Completed text 98745\n", + "Completed text 98746\n", + "Completed text 98747\n", + "Completed text 98748\n", + "Completed text 98749\n", + "Completed text 98750\n", + "Completed text 98751\n", + "Completed text 98752\n", + "Completed text 98753\n", + "Completed text 98754\n", + "Completed text 98755\n", + "Completed text 98756\n", + "Completed text 98757\n", + "Completed text 98758\n", + "Completed text 98759\n", + "Completed text 98760\n", + "Completed text 98761\n", + "Completed text 98762\n", + "Completed text 98763\n", + "Completed text 98764\n", + "Completed text 98765\n", + "Completed text 98766\n", + "Completed text 98767\n", + "Completed text 98768\n", + "Completed text 98769\n", + "Completed text 98770\n", + "Completed text 98771\n", + "Completed text 98772\n", + "Completed text 98773\n", + "Completed text 98774\n", + "Completed text 98775\n", + "Completed text 98776\n", + "Completed text 98777\n", + "Completed text 98778\n", + "Completed text 98779\n", + "Completed text 98780\n", + "Completed text 98781\n", + "Completed text 98782\n", + "Completed text 98783\n", + "Completed text 98784\n", + "Completed text 98785\n", + "Completed text 98786\n", + "Completed text 98787\n", + "Completed text 98788\n", + "Completed text 98789\n", + "Completed text 98790\n", + "Completed text 98791\n", + "Completed text 98792\n", + "Completed text 98793\n", + "Completed text 98794\n", + "Completed text 98795\n", + "Completed text 98796\n", + "Completed text 98797\n", + "Completed text 98798\n", + "Completed text 98799\n", + "Completed text 98800\n", + "Completed text 98801\n", + "Completed text 98802\n", + "Completed text 98803\n", + "Completed text 98804\n", + "Completed text 98805\n", + "Completed text 98806\n", + "Completed text 98807\n", + "Completed text 98808\n", + "Completed text 98809\n", + "Completed text 98810\n", + "Completed text 98811\n", + "Completed text 98812\n", + "Completed text 98813\n", + "Completed text 98814\n", + "Completed text 98815\n", + "Completed text 98816\n", + "Completed text 98817\n", + "Completed text 98818\n", + "Completed text 98819\n", + "Completed text 98820\n", + "Completed text 98821\n", + "Completed text 98822\n", + "Completed text 98823\n", + "Completed text 98824\n", + "Completed text 98825\n", + "Completed text 98826\n", + "Completed text 98827\n", + "Completed text 98828\n", + "Completed text 98829\n", + "Completed text 98830\n", + "Completed text 98831\n", + "Completed text 98832\n", + "Completed text 98833\n", + "Completed text 98834\n", + "Completed text 98835\n", + "Completed text 98836\n", + "Completed text 98837\n", + "Completed text 98838\n", + "Completed text 98839\n", + "Completed text 98840\n", + "Completed text 98841\n", + "Completed text 98842\n", + "Completed text 98843\n", + "Completed text 98844\n", + "Completed text 98845\n", + "Completed text 98846\n", + "Completed text 98847\n", + "Completed text 98848\n", + "Completed text 98849\n", + "Completed text 98850\n", + "Completed text 98851\n", + "Completed text 98852\n", + "Completed text 98853\n", + "Completed text 98854\n", + "Completed text 98855\n", + "Completed text 98856\n", + "Completed text 98857\n", + "Completed text 98858\n", + "Completed text 98859\n", + "Completed text 98860\n", + "Completed text 98861\n", + "Completed text 98862\n", + "Completed text 98863\n", + "Completed text 98864\n", + "Completed text 98865\n", + "Completed text 98866\n", + "Completed text 98867\n", + "Completed text 98868\n", + "Completed text 98869\n", + "Completed text 98870\n", + "Completed text 98871\n", + "Completed text 98872\n", + "Completed text 98873\n", + "Completed text 98874\n", + "Completed text 98875\n", + "Completed text 98876\n", + "Completed text 98877\n", + "Completed text 98878\n", + "Completed text 98879\n", + "Completed text 98880\n", + "Completed text 98881\n", + "Completed text 98882\n", + "Completed text 98883\n", + "Completed text 98884\n", + "Completed text 98885\n", + "Completed text 98886\n", + "Completed text 98887\n", + "Completed text 98888\n", + "Completed text 98889\n", + "Completed text 98890\n", + "Completed text 98891\n", + "Completed text 98892\n", + "Completed text 98893\n", + "Completed text 98894\n", + "Completed text 98895\n", + "Completed text 98896\n", + "Completed text 98897\n", + "Completed text 98898\n", + "Completed text 98899\n", + "Completed text 98900\n", + "Completed text 98901\n", + "Completed text 98902\n", + "Completed text 98903\n", + "Completed text 98904\n", + "Completed text 98905\n", + "Completed text 98906\n", + "Completed text 98907\n", + "Completed text 98908\n", + "Completed text 98909\n", + "Completed text 98910\n", + "Completed text 98911\n", + "Completed text 98912\n", + "Completed text 98913\n", + "Completed text 98914\n", + "Completed text 98915\n", + "Completed text 98916\n", + "Completed text 98917\n", + "Completed text 98918\n", + "Completed text 98919\n", + "Completed text 98920\n", + "Completed text 98921\n", + "Completed text 98922\n", + "Completed text 98923\n", + "Completed text 98924\n", + "Completed text 98925\n", + "Completed text 98926\n", + "Completed text 98927\n", + "Completed text 98928\n", + "Completed text 98929\n", + "Completed text 98930\n", + "Completed text 98931\n", + "Completed text 98932\n", + "Completed text 98933\n", + "Completed text 98934\n", + "Completed text 98935\n", + "Completed text 98936\n", + "Completed text 98937\n", + "Completed text 98938\n", + "Completed text 98939\n", + "Completed text 98940\n", + "Completed text 98941\n", + "Completed text 98942\n", + "Completed text 98943\n", + "Completed text 98944\n", + "Completed text 98945\n", + "Completed text 98946\n", + "Completed text 98947\n", + "Completed text 98948\n", + "Completed text 98949\n", + "Completed text 98950\n", + "Completed text 98951\n", + "Completed text 98952\n", + "Completed text 98953\n", + "Completed text 98954\n", + "Completed text 98955\n", + "Completed text 98956\n", + "Completed text 98957\n", + "Completed text 98958\n", + "Completed text 98959\n", + "Completed text 98960\n", + "Completed text 98961\n", + "Completed text 98962\n", + "Completed text 98963\n", + "Completed text 98964\n", + "Completed text 98965\n", + "Completed text 98966\n", + "Completed text 98967\n", + "Completed text 98968\n", + "Completed text 98969\n", + "Completed text 98970\n", + "Completed text 98971\n", + "Completed text 98972\n", + "Completed text 98973\n", + "Completed text 98974\n", + "Completed text 98975\n", + "Completed text 98976\n", + "Completed text 98977\n", + "Completed text 98978\n", + "Completed text 98979\n", + "Completed text 98980\n", + "Completed text 98981\n", + "Completed text 98982\n", + "Completed text 98983\n", + "Completed text 98984\n", + "Completed text 98985\n", + "Completed text 98986\n", + "Completed text 98987\n", + "Completed text 98988\n", + "Completed text 98989\n", + "Completed text 98990\n", + "Completed text 98991\n", + "Completed text 98992\n", + "Completed text 98993\n", + "Completed text 98994\n", + "Completed text 98995\n", + "Completed text 98996\n", + "Completed text 98997\n", + "Completed text 98998\n", + "Completed text 98999\n", + "Completed text 99000\n", + "Completed text 99001\n", + "Completed text 99002\n", + "Completed text 99003\n", + "Completed text 99004\n", + "Completed text 99005\n", + "Completed text 99006\n", + "Completed text 99007\n", + "Completed text 99008\n", + "Completed text 99009\n", + "Completed text 99010\n", + "Completed text 99011\n", + "Completed text 99012\n", + "Completed text 99013\n", + "Completed text 99014\n", + "Completed text 99015\n", + "Completed text 99016\n", + "Completed text 99017\n", + "Completed text 99018\n", + "Completed text 99019\n", + "Completed text 99020\n", + "Completed text 99021\n", + "Completed text 99022\n", + "Completed text 99023\n", + "Completed text 99024\n", + "Completed text 99025\n", + "Completed text 99026\n", + "Completed text 99027\n", + "Completed text 99028\n", + "Completed text 99029\n", + "Completed text 99030\n", + "Completed text 99031\n", + "Completed text 99032\n", + "Completed text 99033\n", + "Completed text 99034\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 99035\n", + "Completed text 99036\n", + "Completed text 99037\n", + "Completed text 99038\n", + "Completed text 99039\n", + "Completed text 99040\n", + "Completed text 99041\n", + "Completed text 99042\n", + "Completed text 99043\n", + "Completed text 99044\n", + "Completed text 99045\n", + "Completed text 99046\n", + "Completed text 99047\n", + "Completed text 99048\n", + "Completed text 99049\n", + "Completed text 99050\n", + "Completed text 99051\n", + "Completed text 99052\n", + "Completed text 99053\n", + "Completed text 99054\n", + "Completed text 99055\n", + "Completed text 99056\n", + "Completed text 99057\n", + "Completed text 99058\n", + "Completed text 99059\n", + "Completed text 99060\n", + "Completed text 99061\n", + "Completed text 99062\n", + "Completed text 99063\n", + "Completed text 99064\n", + "Completed text 99065\n", + "Completed text 99066\n", + "Completed text 99067\n", + "Completed text 99068\n", + "Completed text 99069\n", + "Completed text 99070\n", + "Completed text 99071\n", + "Completed text 99072\n", + "Completed text 99073\n", + "Completed text 99074\n", + "Completed text 99075\n", + "Completed text 99076\n", + "Completed text 99077\n", + "Completed text 99078\n", + "Completed text 99079\n", + "Completed text 99080\n", + "Completed text 99081\n", + "Completed text 99082\n", + "Completed text 99083\n", + "Completed text 99084\n", + "Completed text 99085\n", + "Completed text 99086\n", + "Completed text 99087\n", + "Completed text 99088\n", + "Completed text 99089\n", + "Completed text 99090\n", + "Completed text 99091\n", + "Completed text 99092\n", + "Completed text 99093\n", + "Completed text 99094\n", + "Completed text 99095\n", + "Completed text 99096\n", + "Completed text 99097\n", + "Completed text 99098\n", + "Completed text 99099\n", + "Completed text 99100\n", + "Completed text 99101\n", + "Completed text 99102\n", + "Completed text 99103\n", + "Completed text 99104\n", + "Completed text 99105\n", + "Completed text 99106\n", + "Completed text 99107\n", + "Completed text 99108\n", + "Completed text 99109\n", + "Completed text 99110\n", + "Completed text 99111\n", + "Completed text 99112\n", + "Completed text 99113\n", + "Completed text 99114\n", + "Completed text 99115\n", + "Completed text 99116\n", + "Completed text 99117\n", + "Completed text 99118\n", + "Completed text 99119\n", + "Completed text 99120\n", + "Completed text 99121\n", + "Completed text 99122\n", + "Completed text 99123\n", + "Completed text 99124\n", + "Completed text 99125\n", + "Completed text 99126\n", + "Completed text 99127\n", + "Completed text 99128\n", + "Completed text 99129\n", + "Completed text 99130\n", + "Completed text 99131\n", + "Completed text 99132\n", + "Completed text 99133\n", + "Completed text 99134\n", + "Completed text 99135\n", + "Completed text 99136\n", + "Completed text 99137\n", + "Completed text 99138\n", + "Completed text 99139\n", + "Completed text 99140\n", + "Completed text 99141\n", + "Completed text 99142\n", + "Completed text 99143\n", + "Completed text 99144\n", + "Completed text 99145\n", + "Completed text 99146\n", + "Completed text 99147\n", + "Completed text 99148\n", + "Completed text 99149\n", + "Completed text 99150\n", + "Completed text 99151\n", + "Completed text 99152\n", + "Completed text 99153\n", + "Completed text 99154\n", + "Completed text 99155\n", + "Completed text 99156\n", + "Completed text 99157\n", + "Completed text 99158\n", + "Completed text 99159\n", + "Completed text 99160\n", + "Completed text 99161\n", + "Completed text 99162\n", + "Completed text 99163\n", + "Completed text 99164\n", + "Completed text 99165\n", + "Completed text 99166\n", + "Completed text 99167\n", + "Completed text 99168\n", + "Completed text 99169\n", + "Completed text 99170\n", + "Completed text 99171\n", + "Completed text 99172\n", + "Completed text 99173\n", + "Completed text 99174\n", + "Completed text 99175\n", + "Completed text 99176\n", + "Completed text 99177\n", + "Completed text 99178\n", + "Completed text 99179\n", + "Completed text 99180\n", + "Completed text 99181\n", + "Completed text 99182\n", + "Completed text 99183\n", + "Completed text 99184\n", + "Completed text 99185\n", + "Completed text 99186\n", + "Completed text 99187\n", + "Completed text 99188\n", + "Completed text 99189\n", + "Completed text 99190\n", + "Completed text 99191\n", + "Completed text 99192\n", + "Completed text 99193\n", + "Completed text 99194\n", + "Completed text 99195\n", + "Completed text 99196\n", + "Completed text 99197\n", + "Completed text 99198\n", + "Completed text 99199\n", + "Completed text 99200\n", + "Completed text 99201\n", + "Completed text 99202\n", + "Completed text 99203\n", + "Completed text 99204\n", + "Completed text 99205\n", + "Completed text 99206\n", + "Completed text 99207\n", + "Completed text 99208\n", + "Completed text 99209\n", + "Completed text 99210\n", + "Completed text 99211\n", + "Completed text 99212\n", + "Completed text 99213\n", + "Completed text 99214\n", + "Completed text 99215\n", + "Completed text 99216\n", + "Completed text 99217\n", + "Completed text 99218\n", + "Completed text 99219\n", + "Completed text 99220\n", + "Completed text 99221\n", + "Completed text 99222\n", + "Completed text 99223\n", + "Completed text 99224\n", + "Completed text 99225\n", + "Completed text 99226\n", + "Completed text 99227\n", + "Completed text 99228\n", + "Completed text 99229\n", + "Completed text 99230\n", + "Completed text 99231\n", + "Completed text 99232\n", + "Completed text 99233\n", + "Completed text 99234\n", + "Completed text 99235\n", + "Completed text 99236\n", + "Completed text 99237\n", + "Completed text 99238\n", + "Completed text 99239\n", + "Completed text 99240\n", + "Completed text 99241\n", + "Completed text 99242\n", + "Completed text 99243\n", + "Completed text 99244\n", + "Completed text 99245\n", + "Completed text 99246\n", + "Completed text 99247\n", + "Completed text 99248\n", + "Completed text 99249\n", + "Completed text 99250\n", + "Completed text 99251\n", + "Completed text 99252\n", + "Completed text 99253\n", + "Completed text 99254\n", + "Completed text 99255\n", + "Completed text 99256\n", + "Completed text 99257\n", + "Completed text 99258\n", + "Completed text 99259\n", + "Completed text 99260\n", + "Completed text 99261\n", + "Completed text 99262\n", + "Completed text 99263\n", + "Completed text 99264\n", + "Completed text 99265\n", + "Completed text 99266\n", + "Completed text 99267\n", + "Completed text 99268\n", + "Completed text 99269\n", + "Completed text 99270\n", + "Completed text 99271\n", + "Completed text 99272\n", + "Completed text 99273\n", + "Completed text 99274\n", + "Completed text 99275\n", + "Completed text 99276\n", + "Completed text 99277\n", + "Completed text 99278\n", + "Completed text 99279\n", + "Completed text 99280\n", + "Completed text 99281\n", + "Completed text 99282\n", + "Completed text 99283\n", + "Completed text 99284\n", + "Completed text 99285\n", + "Completed text 99286\n", + "Completed text 99287\n", + "Completed text 99288\n", + "Completed text 99289\n", + "Completed text 99290\n", + "Completed text 99291\n", + "Completed text 99292\n", + "Completed text 99293\n", + "Completed text 99294\n", + "Completed text 99295\n", + "Completed text 99296\n", + "Completed text 99297\n", + "Completed text 99298\n", + "Completed text 99299\n", + "Completed text 99300\n", + "Completed text 99301\n", + "Completed text 99302\n", + "Completed text 99303\n", + "Completed text 99304\n", + "Completed text 99305\n", + "Completed text 99306\n", + "Completed text 99307\n", + "Completed text 99308\n", + "Completed text 99309\n", + "Completed text 99310\n", + "Completed text 99311\n", + "Completed text 99312\n", + "Completed text 99313\n", + "Completed text 99314\n", + "Completed text 99315\n", + "Completed text 99316\n", + "Completed text 99317\n", + "Completed text 99318\n", + "Completed text 99319\n", + "Completed text 99320\n", + "Completed text 99321\n", + "Completed text 99322\n", + "Completed text 99323\n", + "Completed text 99324\n", + "Completed text 99325\n", + "Completed text 99326\n", + "Completed text 99327\n", + "Completed text 99328\n", + "Completed text 99329\n", + "Completed text 99330\n", + "Completed text 99331\n", + "Completed text 99332\n", + "Completed text 99333\n", + "Completed text 99334\n", + "Completed text 99335\n", + "Completed text 99336\n", + "Completed text 99337\n", + "Completed text 99338\n", + "Completed text 99339\n", + "Completed text 99340\n", + "Completed text 99341\n", + "Completed text 99342\n", + "Completed text 99343\n", + "Completed text 99344\n", + "Completed text 99345\n", + "Completed text 99346\n", + "Completed text 99347\n", + "Completed text 99348\n", + "Completed text 99349\n", + "Completed text 99350\n", + "Completed text 99351\n", + "Completed text 99352\n", + "Completed text 99353\n", + "Completed text 99354\n", + "Completed text 99355\n", + "Completed text 99356\n", + "Completed text 99357\n", + "Completed text 99358\n", + "Completed text 99359\n", + "Completed text 99360\n", + "Completed text 99361\n", + "Completed text 99362\n", + "Completed text 99363\n", + "Completed text 99364\n", + "Completed text 99365\n", + "Completed text 99366\n", + "Completed text 99367\n", + "Completed text 99368\n", + "Completed text 99369\n", + "Completed text 99370\n", + "Completed text 99371\n", + "Completed text 99372\n", + "Completed text 99373\n", + "Completed text 99374\n", + "Completed text 99375\n", + "Completed text 99376\n", + "Completed text 99377\n", + "Completed text 99378\n", + "Completed text 99379\n", + "Completed text 99380\n", + "Completed text 99381\n", + "Completed text 99382\n", + "Completed text 99383\n", + "Completed text 99384\n", + "Completed text 99385\n", + "Completed text 99386\n", + "Completed text 99387\n", + "Completed text 99388\n", + "Completed text 99389\n", + "Completed text 99390\n", + "Completed text 99391\n", + "Completed text 99392\n", + "Completed text 99393\n", + "Completed text 99394\n", + "Completed text 99395\n", + "Completed text 99396\n", + "Completed text 99397\n", + "Completed text 99398\n", + "Completed text 99399\n", + "Completed text 99400\n", + "Completed text 99401\n", + "Completed text 99402\n", + "Completed text 99403\n", + "Completed text 99404\n", + "Completed text 99405\n", + "Completed text 99406\n", + "Completed text 99407\n", + "Completed text 99408\n", + "Completed text 99409\n", + "Completed text 99410\n", + "Completed text 99411\n", + "Completed text 99412\n", + "Completed text 99413\n", + "Completed text 99414\n", + "Completed text 99415\n", + "Completed text 99416\n", + "Completed text 99417\n", + "Completed text 99418\n", + "Completed text 99419\n", + "Completed text 99420\n", + "Completed text 99421\n", + "Completed text 99422\n", + "Completed text 99423\n", + "Completed text 99424\n", + "Completed text 99425\n", + "Completed text 99426\n", + "Completed text 99427\n", + "Completed text 99428\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 99429\n", + "Completed text 99430\n", + "Completed text 99431\n", + "Completed text 99432\n", + "Completed text 99433\n", + "Completed text 99434\n", + "Completed text 99435\n", + "Completed text 99436\n", + "Completed text 99437\n", + "Completed text 99438\n", + "Completed text 99439\n", + "Completed text 99440\n", + "Completed text 99441\n", + "Completed text 99442\n", + "Completed text 99443\n", + "Completed text 99444\n", + "Completed text 99445\n", + "Completed text 99446\n", + "Completed text 99447\n", + "Completed text 99448\n", + "Completed text 99449\n", + "Completed text 99450\n", + "Completed text 99451\n", + "Completed text 99452\n", + "Completed text 99453\n", + "Completed text 99454\n", + "Completed text 99455\n", + "Completed text 99456\n", + "Completed text 99457\n", + "Completed text 99458\n", + "Completed text 99459\n", + "Completed text 99460\n", + "Completed text 99461\n", + "Completed text 99462\n", + "Completed text 99463\n", + "Completed text 99464\n", + "Completed text 99465\n", + "Completed text 99466\n", + "Completed text 99467\n", + "Completed text 99468\n", + "Completed text 99469\n", + "Completed text 99470\n", + "Completed text 99471\n", + "Completed text 99472\n", + "Completed text 99473\n", + "Completed text 99474\n", + "Completed text 99475\n", + "Completed text 99476\n", + "Completed text 99477\n", + "Completed text 99478\n", + "Completed text 99479\n", + "Completed text 99480\n", + "Completed text 99481\n", + "Completed text 99482\n", + "Completed text 99483\n", + "Completed text 99484\n", + "Completed text 99485\n", + "Completed text 99486\n", + "Completed text 99487\n", + "Completed text 99488\n", + "Completed text 99489\n", + "Completed text 99490\n", + "Completed text 99491\n", + "Completed text 99492\n", + "Completed text 99493\n", + "Completed text 99494\n", + "Completed text 99495\n", + "Completed text 99496\n", + "Completed text 99497\n", + "Completed text 99498\n", + "Completed text 99499\n", + "Completed text 99500\n", + "Completed text 99501\n", + "Completed text 99502\n", + "Completed text 99503\n", + "Completed text 99504\n", + "Completed text 99505\n", + "Completed text 99506\n", + "Completed text 99507\n", + "Completed text 99508\n", + "Completed text 99509\n", + "Completed text 99510\n", + "Completed text 99511\n", + "Completed text 99512\n", + "Completed text 99513\n", + "Completed text 99514\n", + "Completed text 99515\n", + "Completed text 99516\n", + "Completed text 99517\n", + "Completed text 99518\n", + "Completed text 99519\n", + "Completed text 99520\n", + "Completed text 99521\n", + "Completed text 99522\n", + "Completed text 99523\n", + "Completed text 99524\n", + "Completed text 99525\n", + "Completed text 99526\n", + "Completed text 99527\n", + "Completed text 99528\n", + "Completed text 99529\n", + "Completed text 99530\n", + "Completed text 99531\n", + "Completed text 99532\n", + "Completed text 99533\n", + "Completed text 99534\n", + "Completed text 99535\n", + "Completed text 99536\n", + "Completed text 99537\n", + "Completed text 99538\n", + "Completed text 99539\n", + "Completed text 99540\n", + "Completed text 99541\n", + "Completed text 99542\n", + "Completed text 99543\n", + "Completed text 99544\n", + "Completed text 99545\n", + "Completed text 99546\n", + "Completed text 99547\n", + "Completed text 99548\n", + "Completed text 99549\n", + "Completed text 99550\n", + "Completed text 99551\n", + "Completed text 99552\n", + "Completed text 99553\n", + "Completed text 99554\n", + "Completed text 99555\n", + "Completed text 99556\n", + "Completed text 99557\n", + "Completed text 99558\n", + "Completed text 99559\n", + "Completed text 99560\n", + "Completed text 99561\n", + "Completed text 99562\n", + "Completed text 99563\n", + "Completed text 99564\n", + "Completed text 99565\n", + "Completed text 99566\n", + "Completed text 99567\n", + "Completed text 99568\n", + "Completed text 99569\n", + "Completed text 99570\n", + "Completed text 99571\n", + "Completed text 99572\n", + "Completed text 99573\n", + "Completed text 99574\n", + "Completed text 99575\n", + "Completed text 99576\n", + "Completed text 99577\n", + "Completed text 99578\n", + "Completed text 99579\n", + "Completed text 99580\n", + "Completed text 99581\n", + "Completed text 99582\n", + "Completed text 99583\n", + "Completed text 99584\n", + "Completed text 99585\n", + "Completed text 99586\n", + "Completed text 99587\n", + "Completed text 99588\n", + "Completed text 99589\n", + "Completed text 99590\n", + "Completed text 99591\n", + "Completed text 99592\n", + "Completed text 99593\n", + "Completed text 99594\n", + "Completed text 99595\n", + "Completed text 99596\n", + "Completed text 99597\n", + "Completed text 99598\n", + "Completed text 99599\n", + "Completed text 99600\n", + "Completed text 99601\n", + "Completed text 99602\n", + "Completed text 99603\n", + "Completed text 99604\n", + "Completed text 99605\n", + "Completed text 99606\n", + "Completed text 99607\n", + "Completed text 99608\n", + "Completed text 99609\n", + "Completed text 99610\n", + "Completed text 99611\n", + "Completed text 99612\n", + "Completed text 99613\n", + "Completed text 99614\n", + "Completed text 99615\n", + "Completed text 99616\n", + "Completed text 99617\n", + "Completed text 99618\n", + "Completed text 99619\n", + "Completed text 99620\n", + "Completed text 99621\n", + "Completed text 99622\n", + "Completed text 99623\n", + "Completed text 99624\n", + "Completed text 99625\n", + "Completed text 99626\n", + "Completed text 99627\n", + "Completed text 99628\n", + "Completed text 99629\n", + "Completed text 99630\n", + "Completed text 99631\n", + "Completed text 99632\n", + "Completed text 99633\n", + "Completed text 99634\n", + "Completed text 99635\n", + "Completed text 99636\n", + "Completed text 99637\n", + "Completed text 99638\n", + "Completed text 99639\n", + "Completed text 99640\n", + "Completed text 99641\n", + "Completed text 99642\n", + "Completed text 99643\n", + "Completed text 99644\n", + "Completed text 99645\n", + "Completed text 99646\n", + "Completed text 99647\n", + "Completed text 99648\n", + "Completed text 99649\n", + "Completed text 99650\n", + "Completed text 99651\n", + "Completed text 99652\n", + "Completed text 99653\n", + "Completed text 99654\n", + "Completed text 99655\n", + "Completed text 99656\n", + "Completed text 99657\n", + "Completed text 99658\n", + "Completed text 99659\n", + "Completed text 99660\n", + "Completed text 99661\n", + "Completed text 99662\n", + "Completed text 99663\n", + "Completed text 99664\n", + "Completed text 99665\n", + "Completed text 99666\n", + "Completed text 99667\n", + "Completed text 99668\n", + "Completed text 99669\n", + "Completed text 99670\n", + "Completed text 99671\n", + "Completed text 99672\n", + "Completed text 99673\n", + "Completed text 99674\n", + "Completed text 99675\n", + "Completed text 99676\n", + "Completed text 99677\n", + "Completed text 99678\n", + "Completed text 99679\n", + "Completed text 99680\n", + "Completed text 99681\n", + "Completed text 99682\n", + "Completed text 99683\n", + "Completed text 99684\n", + "Completed text 99685\n", + "Completed text 99686\n", + "Completed text 99687\n", + "Completed text 99688\n", + "Completed text 99689\n", + "Completed text 99690\n", + "Completed text 99691\n", + "Completed text 99692\n", + "Completed text 99693\n", + "Completed text 99694\n", + "Completed text 99695\n", + "Completed text 99696\n", + "Completed text 99697\n", + "Completed text 99698\n", + "Completed text 99699\n", + "Completed text 99700\n", + "Completed text 99701\n", + "Completed text 99702\n", + "Completed text 99703\n", + "Completed text 99704\n", + "Completed text 99705\n", + "Completed text 99706\n", + "Completed text 99707\n", + "Completed text 99708\n", + "Completed text 99709\n", + "Completed text 99710\n", + "Completed text 99711\n", + "Completed text 99712\n", + "Completed text 99713\n", + "Completed text 99714\n", + "Completed text 99715\n", + "Completed text 99716\n", + "Completed text 99717\n", + "Completed text 99718\n", + "Completed text 99719\n", + "Completed text 99720\n", + "Completed text 99721\n", + "Completed text 99722\n", + "Completed text 99723\n", + "Completed text 99724\n", + "Completed text 99725\n", + "Completed text 99726\n", + "Completed text 99727\n", + "Completed text 99728\n", + "Completed text 99729\n", + "Completed text 99730\n", + "Completed text 99731\n", + "Completed text 99732\n", + "Completed text 99733\n", + "Completed text 99734\n", + "Completed text 99735\n", + "Completed text 99736\n", + "Completed text 99737\n", + "Completed text 99738\n", + "Completed text 99739\n", + "Completed text 99740\n", + "Completed text 99741\n", + "Completed text 99742\n", + "Completed text 99743\n", + "Completed text 99744\n", + "Completed text 99745\n", + "Completed text 99746\n", + "Completed text 99747\n", + "Completed text 99748\n", + "Completed text 99749\n", + "Completed text 99750\n", + "Completed text 99751\n", + "Completed text 99752\n", + "Completed text 99753\n", + "Completed text 99754\n", + "Completed text 99755\n", + "Completed text 99756\n", + "Completed text 99757\n", + "Completed text 99758\n", + "Completed text 99759\n", + "Completed text 99760\n", + "Completed text 99761\n", + "Completed text 99762\n", + "Completed text 99763\n", + "Completed text 99764\n", + "Completed text 99765\n", + "Completed text 99766\n", + "Completed text 99767\n", + "Completed text 99768\n", + "Completed text 99769\n", + "Completed text 99770\n", + "Completed text 99771\n", + "Completed text 99772\n", + "Completed text 99773\n", + "Completed text 99774\n", + "Completed text 99775\n", + "Completed text 99776\n", + "Completed text 99777\n", + "Completed text 99778\n", + "Completed text 99779\n", + "Completed text 99780\n", + "Completed text 99781\n", + "Completed text 99782\n", + "Completed text 99783\n", + "Completed text 99784\n", + "Completed text 99785\n", + "Completed text 99786\n", + "Completed text 99787\n", + "Completed text 99788\n", + "Completed text 99789\n", + "Completed text 99790\n", + "Completed text 99791\n", + "Completed text 99792\n", + "Completed text 99793\n", + "Completed text 99794\n", + "Completed text 99795\n", + "Completed text 99796\n", + "Completed text 99797\n", + "Completed text 99798\n", + "Completed text 99799\n", + "Completed text 99800\n", + "Completed text 99801\n", + "Completed text 99802\n", + "Completed text 99803\n", + "Completed text 99804\n", + "Completed text 99805\n", + "Completed text 99806\n", + "Completed text 99807\n", + "Completed text 99808\n", + "Completed text 99809\n", + "Completed text 99810\n", + "Completed text 99811\n", + "Completed text 99812\n", + "Completed text 99813\n", + "Completed text 99814\n", + "Completed text 99815\n", + "Completed text 99816\n", + "Completed text 99817\n", + "Completed text 99818\n", + "Completed text 99819\n", + "Completed text 99820\n", + "Completed text 99821\n", + "Completed text 99822\n", + "Completed text 99823\n", + "Completed text 99824\n", + "Completed text 99825\n", + "Completed text 99826\n", + "Completed text 99827\n", + "Completed text 99828\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 99829\n", + "Completed text 99830\n", + "Completed text 99831\n", + "Completed text 99832\n", + "Completed text 99833\n", + "Completed text 99834\n", + "Completed text 99835\n", + "Completed text 99836\n", + "Completed text 99837\n", + "Completed text 99838\n", + "Completed text 99839\n", + "Completed text 99840\n", + "Completed text 99841\n", + "Completed text 99842\n", + "Completed text 99843\n", + "Completed text 99844\n", + "Completed text 99845\n", + "Completed text 99846\n", + "Completed text 99847\n", + "Completed text 99848\n", + "Completed text 99849\n", + "Completed text 99850\n", + "Completed text 99851\n", + "Completed text 99852\n", + "Completed text 99853\n", + "Completed text 99854\n", + "Completed text 99855\n", + "Completed text 99856\n", + "Completed text 99857\n", + "Completed text 99858\n", + "Completed text 99859\n", + "Completed text 99860\n", + "Completed text 99861\n", + "Completed text 99862\n", + "Completed text 99863\n", + "Completed text 99864\n", + "Completed text 99865\n", + "Completed text 99866\n", + "Completed text 99867\n", + "Completed text 99868\n", + "Completed text 99869\n", + "Completed text 99870\n", + "Completed text 99871\n", + "Completed text 99872\n", + "Completed text 99873\n", + "Completed text 99874\n", + "Completed text 99875\n", + "Completed text 99876\n", + "Completed text 99877\n", + "Completed text 99878\n", + "Completed text 99879\n", + "Completed text 99880\n", + "Completed text 99881\n", + "Completed text 99882\n", + "Completed text 99883\n", + "Completed text 99884\n", + "Completed text 99885\n", + "Completed text 99886\n", + "Completed text 99887\n", + "Completed text 99888\n", + "Completed text 99889\n", + "Completed text 99890\n", + "Completed text 99891\n", + "Completed text 99892\n", + "Completed text 99893\n", + "Completed text 99894\n", + "Completed text 99895\n", + "Completed text 99896\n", + "Completed text 99897\n", + "Completed text 99898\n", + "Completed text 99899\n", + "Completed text 99900\n", + "Completed text 99901\n", + "Completed text 99902\n", + "Completed text 99903\n", + "Completed text 99904\n", + "Completed text 99905\n", + "Completed text 99906\n", + "Completed text 99907\n", + "Completed text 99908\n", + "Completed text 99909\n", + "Completed text 99910\n", + "Completed text 99911\n", + "Completed text 99912\n", + "Completed text 99913\n", + "Completed text 99914\n", + "Completed text 99915\n", + "Completed text 99916\n", + "Completed text 99917\n", + "Completed text 99918\n", + "Completed text 99919\n", + "Completed text 99920\n", + "Completed text 99921\n", + "Completed text 99922\n", + "Completed text 99923\n", + "Completed text 99924\n", + "Completed text 99925\n", + "Completed text 99926\n", + "Completed text 99927\n", + "Completed text 99928\n", + "Completed text 99929\n", + "Completed text 99930\n", + "Completed text 99931\n", + "Completed text 99932\n", + "Completed text 99933\n", + "Completed text 99934\n", + "Completed text 99935\n", + "Completed text 99936\n", + "Completed text 99937\n", + "Completed text 99938\n", + "Completed text 99939\n", + "Completed text 99940\n", + "Completed text 99941\n", + "Completed text 99942\n", + "Completed text 99943\n", + "Completed text 99944\n", + "Completed text 99945\n", + "Completed text 99946\n", + "Completed text 99947\n", + "Completed text 99948\n", + "Completed text 99949\n", + "Completed text 99950\n", + "Completed text 99951\n", + "Completed text 99952\n", + "Completed text 99953\n", + "Completed text 99954\n", + "Completed text 99955\n", + "Completed text 99956\n", + "Completed text 99957\n", + "Completed text 99958\n", + "Completed text 99959\n", + "Completed text 99960\n", + "Completed text 99961\n", + "Completed text 99962\n", + "Completed text 99963\n", + "Completed text 99964\n", + "Completed text 99965\n", + "Completed text 99966\n", + "Completed text 99967\n", + "Completed text 99968\n", + "Completed text 99969\n", + "Completed text 99970\n", + "Completed text 99971\n", + "Completed text 99972\n", + "Completed text 99973\n", + "Completed text 99974\n", + "Completed text 99975\n", + "Completed text 99976\n", + "Completed text 99977\n", + "Completed text 99978\n", + "Completed text 99979\n", + "Completed text 99980\n", + "Completed text 99981\n", + "Completed text 99982\n", + "Completed text 99983\n", + "Completed text 99984\n", + "Completed text 99985\n", + "Completed text 99986\n", + "Completed text 99987\n", + "Completed text 99988\n", + "Completed text 99989\n", + "Completed text 99990\n", + "Completed text 99991\n", + "Completed text 99992\n", + "Completed text 99993\n", + "Completed text 99994\n", + "Completed text 99995\n", + "Completed text 99996\n", + "Completed text 99997\n", + "Completed text 99998\n", + "Completed text 99999\n", + "Completed text 100000\n", + "Completed text 100001\n", + "Completed text 100002\n", + "Completed text 100003\n", + "Completed text 100004\n", + "Completed text 100005\n", + "Completed text 100006\n", + "Completed text 100007\n", + "Completed text 100008\n", + "Completed text 100009\n", + "Completed text 100010\n", + "Completed text 100011\n", + "Completed text 100012\n", + "Completed text 100013\n", + "Completed text 100014\n", + "Completed text 100015\n", + "Completed text 100016\n", + "Completed text 100017\n", + "Completed text 100018\n", + "Completed text 100019\n", + "Completed text 100020\n", + "Completed text 100021\n", + "Completed text 100022\n", + "Completed text 100023\n", + "Completed text 100024\n", + "Completed text 100025\n", + "Completed text 100026\n", + "Completed text 100027\n", + "Completed text 100028\n", + "Completed text 100029\n", + "Completed text 100030\n", + "Completed text 100031\n", + "Completed text 100032\n", + "Completed text 100033\n", + "Completed text 100034\n", + "Completed text 100035\n", + "Completed text 100036\n", + "Completed text 100037\n", + "Completed text 100038\n", + "Completed text 100039\n", + "Completed text 100040\n", + "Completed text 100041\n", + "Completed text 100042\n", + "Completed text 100043\n", + "Completed text 100044\n", + "Completed text 100045\n", + "Completed text 100046\n", + "Completed text 100047\n", + "Completed text 100048\n", + "Completed text 100049\n", + "Completed text 100050\n", + "Completed text 100051\n", + "Completed text 100052\n", + "Completed text 100053\n", + "Completed text 100054\n", + "Completed text 100055\n", + "Completed text 100056\n", + "Completed text 100057\n", + "Completed text 100058\n", + "Completed text 100059\n", + "Completed text 100060\n", + "Completed text 100061\n", + "Completed text 100062\n", + "Completed text 100063\n", + "Completed text 100064\n", + "Completed text 100065\n", + "Completed text 100066\n", + "Completed text 100067\n", + "Completed text 100068\n", + "Completed text 100069\n", + "Completed text 100070\n", + "Completed text 100071\n", + "Completed text 100072\n", + "Completed text 100073\n", + "Completed text 100074\n", + "Completed text 100075\n", + "Completed text 100076\n", + "Completed text 100077\n", + "Completed text 100078\n", + "Completed text 100079\n", + "Completed text 100080\n", + "Completed text 100081\n", + "Completed text 100082\n", + "Completed text 100083\n", + "Completed text 100084\n", + "Completed text 100085\n", + "Completed text 100086\n", + "Completed text 100087\n", + "Completed text 100088\n", + "Completed text 100089\n", + "Completed text 100090\n", + "Completed text 100091\n", + "Completed text 100092\n", + "Completed text 100093\n", + "Completed text 100094\n", + "Completed text 100095\n", + "Completed text 100096\n", + "Completed text 100097\n", + "Completed text 100098\n", + "Completed text 100099\n", + "Completed text 100100\n", + "Completed text 100101\n", + "Completed text 100102\n", + "Completed text 100103\n", + "Completed text 100104\n", + "Completed text 100105\n", + "Completed text 100106\n", + "Completed text 100107\n", + "Completed text 100108\n", + "Completed text 100109\n", + "Completed text 100110\n", + "Completed text 100111\n", + "Completed text 100112\n", + "Completed text 100113\n", + "Completed text 100114\n", + "Completed text 100115\n", + "Completed text 100116\n", + "Completed text 100117\n", + "Completed text 100118\n", + "Completed text 100119\n", + "Completed text 100120\n", + "Completed text 100121\n", + "Completed text 100122\n", + "Completed text 100123\n", + "Completed text 100124\n", + "Completed text 100125\n", + "Completed text 100126\n", + "Completed text 100127\n", + "Completed text 100128\n", + "Completed text 100129\n", + "Completed text 100130\n", + "Completed text 100131\n", + "Completed text 100132\n", + "Completed text 100133\n", + "Completed text 100134\n", + "Completed text 100135\n", + "Completed text 100136\n", + "Completed text 100137\n", + "Completed text 100138\n", + "Completed text 100139\n", + "Completed text 100140\n", + "Completed text 100141\n", + "Completed text 100142\n", + "Completed text 100143\n", + "Completed text 100144\n", + "Completed text 100145\n", + "Completed text 100146\n", + "Completed text 100147\n", + "Completed text 100148\n", + "Completed text 100149\n", + "Completed text 100150\n", + "Completed text 100151\n", + "Completed text 100152\n", + "Completed text 100153\n", + "Completed text 100154\n", + "Completed text 100155\n", + "Completed text 100156\n", + "Completed text 100157\n", + "Completed text 100158\n", + "Completed text 100159\n", + "Completed text 100160\n", + "Completed text 100161\n", + "Completed text 100162\n", + "Completed text 100163\n", + "Completed text 100164\n", + "Completed text 100165\n", + "Completed text 100166\n", + "Completed text 100167\n", + "Completed text 100168\n", + "Completed text 100169\n", + "Completed text 100170\n", + "Completed text 100171\n", + "Completed text 100172\n", + "Completed text 100173\n", + "Completed text 100174\n", + "Completed text 100175\n", + "Completed text 100176\n", + "Completed text 100177\n", + "Completed text 100178\n", + "Completed text 100179\n", + "Completed text 100180\n", + "Completed text 100181\n", + "Completed text 100182\n", + "Completed text 100183\n", + "Completed text 100184\n", + "Completed text 100185\n", + "Completed text 100186\n", + "Completed text 100187\n", + "Completed text 100188\n", + "Completed text 100189\n", + "Completed text 100190\n", + "Completed text 100191\n", + "Completed text 100192\n", + "Completed text 100193\n", + "Completed text 100194\n", + "Completed text 100195\n", + "Completed text 100196\n", + "Completed text 100197\n", + "Completed text 100198\n", + "Completed text 100199\n", + "Completed text 100200\n", + "Completed text 100201\n", + "Completed text 100202\n", + "Completed text 100203\n", + "Completed text 100204\n", + "Completed text 100205\n", + "Completed text 100206\n", + "Completed text 100207\n", + "Completed text 100208\n", + "Completed text 100209\n", + "Completed text 100210\n", + "Completed text 100211\n", + "Completed text 100212\n", + "Completed text 100213\n", + "Completed text 100214\n", + "Completed text 100215\n", + "Completed text 100216\n", + "Completed text 100217\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 100218\n", + "Completed text 100219\n", + "Completed text 100220\n", + "Completed text 100221\n", + "Completed text 100222\n", + "Completed text 100223\n", + "Completed text 100224\n", + "Completed text 100225\n", + "Completed text 100226\n", + "Completed text 100227\n", + "Completed text 100228\n", + "Completed text 100229\n", + "Completed text 100230\n", + "Completed text 100231\n", + "Completed text 100232\n", + "Completed text 100233\n", + "Completed text 100234\n", + "Completed text 100235\n", + "Completed text 100236\n", + "Completed text 100237\n", + "Completed text 100238\n", + "Completed text 100239\n", + "Completed text 100240\n", + "Completed text 100241\n", + "Completed text 100242\n", + "Completed text 100243\n", + "Completed text 100244\n", + "Completed text 100245\n", + "Completed text 100246\n", + "Completed text 100247\n", + "Completed text 100248\n", + "Completed text 100249\n", + "Completed text 100250\n", + "Completed text 100251\n", + "Completed text 100252\n", + "Completed text 100253\n", + "Completed text 100254\n", + "Completed text 100255\n", + "Completed text 100256\n", + "Completed text 100257\n", + "Completed text 100258\n", + "Completed text 100259\n", + "Completed text 100260\n", + "Completed text 100261\n", + "Completed text 100262\n", + "Completed text 100263\n", + "Completed text 100264\n", + "Completed text 100265\n", + "Completed text 100266\n", + "Completed text 100267\n", + "Completed text 100268\n", + "Completed text 100269\n", + "Completed text 100270\n", + "Completed text 100271\n", + "Completed text 100272\n", + "Completed text 100273\n", + "Completed text 100274\n", + "Completed text 100275\n", + "Completed text 100276\n", + "Completed text 100277\n", + "Completed text 100278\n", + "Completed text 100279\n", + "Completed text 100280\n", + "Completed text 100281\n", + "Completed text 100282\n", + "Completed text 100283\n", + "Completed text 100284\n", + "Completed text 100285\n", + "Completed text 100286\n", + "Completed text 100287\n", + "Completed text 100288\n", + "Completed text 100289\n", + "Completed text 100290\n", + "Completed text 100291\n", + "Completed text 100292\n", + "Completed text 100293\n", + "Completed text 100294\n", + "Completed text 100295\n", + "Completed text 100296\n", + "Completed text 100297\n", + "Completed text 100298\n", + "Completed text 100299\n", + "Completed text 100300\n", + "Completed text 100301\n", + "Completed text 100302\n", + "Completed text 100303\n", + "Completed text 100304\n", + "Completed text 100305\n", + "Completed text 100306\n", + "Completed text 100307\n", + "Completed text 100308\n", + "Completed text 100309\n", + "Completed text 100310\n", + "Completed text 100311\n", + "Completed text 100312\n", + "Completed text 100313\n", + "Completed text 100314\n", + "Completed text 100315\n", + "Completed text 100316\n", + "Completed text 100317\n", + "Completed text 100318\n", + "Completed text 100319\n", + "Completed text 100320\n", + "Completed text 100321\n", + "Completed text 100322\n", + "Completed text 100323\n", + "Completed text 100324\n", + "Completed text 100325\n", + "Completed text 100326\n", + "Completed text 100327\n", + "Completed text 100328\n", + "Completed text 100329\n", + "Completed text 100330\n", + "Completed text 100331\n", + "Completed text 100332\n", + "Completed text 100333\n", + "Completed text 100334\n", + "Completed text 100335\n", + "Completed text 100336\n", + "Completed text 100337\n", + "Completed text 100338\n", + "Completed text 100339\n", + "Completed text 100340\n", + "Completed text 100341\n", + "Completed text 100342\n", + "Completed text 100343\n", + "Completed text 100344\n", + "Completed text 100345\n", + "Completed text 100346\n", + "Completed text 100347\n", + "Completed text 100348\n", + "Completed text 100349\n", + "Completed text 100350\n", + "Completed text 100351\n", + "Completed text 100352\n", + "Completed text 100353\n", + "Completed text 100354\n", + "Completed text 100355\n", + "Completed text 100356\n", + "Completed text 100357\n", + "Completed text 100358\n", + "Completed text 100359\n", + "Completed text 100360\n", + "Completed text 100361\n", + "Completed text 100362\n", + "Completed text 100363\n", + "Completed text 100364\n", + "Completed text 100365\n", + "Completed text 100366\n", + "Completed text 100367\n", + "Completed text 100368\n", + "Completed text 100369\n", + "Completed text 100370\n", + "Completed text 100371\n", + "Completed text 100372\n", + "Completed text 100373\n", + "Completed text 100374\n", + "Completed text 100375\n", + "Completed text 100376\n", + "Completed text 100377\n", + "Completed text 100378\n", + "Completed text 100379\n", + "Completed text 100380\n", + "Completed text 100381\n", + "Completed text 100382\n", + "Completed text 100383\n", + "Completed text 100384\n", + "Completed text 100385\n", + "Completed text 100386\n", + "Completed text 100387\n", + "Completed text 100388\n", + "Completed text 100389\n", + "Completed text 100390\n", + "Completed text 100391\n", + "Completed text 100392\n", + "Completed text 100393\n", + "Completed text 100394\n", + "Completed text 100395\n", + "Completed text 100396\n", + "Completed text 100397\n", + "Completed text 100398\n", + "Completed text 100399\n", + "Completed text 100400\n", + "Completed text 100401\n", + "Completed text 100402\n", + "Completed text 100403\n", + "Completed text 100404\n", + "Completed text 100405\n", + "Completed text 100406\n", + "Completed text 100407\n", + "Completed text 100408\n", + "Completed text 100409\n", + "Completed text 100410\n", + "Completed text 100411\n", + "Completed text 100412\n", + "Completed text 100413\n", + "Completed text 100414\n", + "Completed text 100415\n", + "Completed text 100416\n", + "Completed text 100417\n", + "Completed text 100418\n", + "Completed text 100419\n", + "Completed text 100420\n", + "Completed text 100421\n", + "Completed text 100422\n", + "Completed text 100423\n", + "Completed text 100424\n", + "Completed text 100425\n", + "Completed text 100426\n", + "Completed text 100427\n", + "Completed text 100428\n", + "Completed text 100429\n", + "Completed text 100430\n", + "Completed text 100431\n", + "Completed text 100432\n", + "Completed text 100433\n", + "Completed text 100434\n", + "Completed text 100435\n", + "Completed text 100436\n", + "Completed text 100437\n", + "Completed text 100438\n", + "Completed text 100439\n", + "Completed text 100440\n", + "Completed text 100441\n", + "Completed text 100442\n", + "Completed text 100443\n", + "Completed text 100444\n", + "Completed text 100445\n", + "Completed text 100446\n", + "Completed text 100447\n", + "Completed text 100448\n", + "Completed text 100449\n", + "Completed text 100450\n", + "Completed text 100451\n", + "Completed text 100452\n", + "Completed text 100453\n", + "Completed text 100454\n", + "Completed text 100455\n", + "Completed text 100456\n", + "Completed text 100457\n", + "Completed text 100458\n", + "Completed text 100459\n", + "Completed text 100460\n", + "Completed text 100461\n", + "Completed text 100462\n", + "Completed text 100463\n", + "Completed text 100464\n", + "Completed text 100465\n", + "Completed text 100466\n", + "Completed text 100467\n", + "Completed text 100468\n", + "Completed text 100469\n", + "Completed text 100470\n", + "Completed text 100471\n", + "Completed text 100472\n", + "Completed text 100473\n", + "Completed text 100474\n", + "Completed text 100475\n", + "Completed text 100476\n", + "Completed text 100477\n", + "Completed text 100478\n", + "Completed text 100479\n", + "Completed text 100480\n", + "Completed text 100481\n", + "Completed text 100482\n", + "Completed text 100483\n", + "Completed text 100484\n", + "Completed text 100485\n", + "Completed text 100486\n", + "Completed text 100487\n", + "Completed text 100488\n", + "Completed text 100489\n", + "Completed text 100490\n", + "Completed text 100491\n", + "Completed text 100492\n", + "Completed text 100493\n", + "Completed text 100494\n", + "Completed text 100495\n", + "Completed text 100496\n", + "Completed text 100497\n", + "Completed text 100498\n", + "Completed text 100499\n", + "Completed text 100500\n", + "Completed text 100501\n", + "Completed text 100502\n", + "Completed text 100503\n", + "Completed text 100504\n", + "Completed text 100505\n", + "Completed text 100506\n", + "Completed text 100507\n", + "Completed text 100508\n", + "Completed text 100509\n", + "Completed text 100510\n", + "Completed text 100511\n", + "Completed text 100512\n", + "Completed text 100513\n", + "Completed text 100514\n", + "Completed text 100515\n", + "Completed text 100516\n", + "Completed text 100517\n", + "Completed text 100518\n", + "Completed text 100519\n", + "Completed text 100520\n", + "Completed text 100521\n", + "Completed text 100522\n", + "Completed text 100523\n", + "Completed text 100524\n", + "Completed text 100525\n", + "Completed text 100526\n", + "Completed text 100527\n", + "Completed text 100528\n", + "Completed text 100529\n", + "Completed text 100530\n", + "Completed text 100531\n", + "Completed text 100532\n", + "Completed text 100533\n", + "Completed text 100534\n", + "Completed text 100535\n", + "Completed text 100536\n", + "Completed text 100537\n", + "Completed text 100538\n", + "Completed text 100539\n", + "Completed text 100540\n", + "Completed text 100541\n", + "Completed text 100542\n", + "Completed text 100543\n", + "Completed text 100544\n", + "Completed text 100545\n", + "Completed text 100546\n", + "Completed text 100547\n", + "Completed text 100548\n", + "Completed text 100549\n", + "Completed text 100550\n", + "Completed text 100551\n", + "Completed text 100552\n", + "Completed text 100553\n", + "Completed text 100554\n", + "Completed text 100555\n", + "Completed text 100556\n", + "Completed text 100557\n", + "Completed text 100558\n", + "Completed text 100559\n", + "Completed text 100560\n", + "Completed text 100561\n", + "Completed text 100562\n", + "Completed text 100563\n", + "Completed text 100564\n", + "Completed text 100565\n", + "Completed text 100566\n", + "Completed text 100567\n", + "Completed text 100568\n", + "Completed text 100569\n", + "Completed text 100570\n", + "Completed text 100571\n", + "Completed text 100572\n", + "Completed text 100573\n", + "Completed text 100574\n", + "Completed text 100575\n", + "Completed text 100576\n", + "Completed text 100577\n", + "Completed text 100578\n", + "Completed text 100579\n", + "Completed text 100580\n", + "Completed text 100581\n", + "Completed text 100582\n", + "Completed text 100583\n", + "Completed text 100584\n", + "Completed text 100585\n", + "Completed text 100586\n", + "Completed text 100587\n", + "Completed text 100588\n", + "Completed text 100589\n", + "Completed text 100590\n", + "Completed text 100591\n", + "Completed text 100592\n", + "Completed text 100593\n", + "Completed text 100594\n", + "Completed text 100595\n", + "Completed text 100596\n", + "Completed text 100597\n", + "Completed text 100598\n", + "Completed text 100599\n", + "Completed text 100600\n", + "Completed text 100601\n", + "Completed text 100602\n", + "Completed text 100603\n", + "Completed text 100604\n", + "Completed text 100605\n", + "Completed text 100606\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 100607\n", + "Completed text 100608\n", + "Completed text 100609\n", + "Completed text 100610\n", + "Completed text 100611\n", + "Completed text 100612\n", + "Completed text 100613\n", + "Completed text 100614\n", + "Completed text 100615\n", + "Completed text 100616\n", + "Completed text 100617\n", + "Completed text 100618\n", + "Completed text 100619\n", + "Completed text 100620\n", + "Completed text 100621\n", + "Completed text 100622\n", + "Completed text 100623\n", + "Completed text 100624\n", + "Completed text 100625\n", + "Completed text 100626\n", + "Completed text 100627\n", + "Completed text 100628\n", + "Completed text 100629\n", + "Completed text 100630\n", + "Completed text 100631\n", + "Completed text 100632\n", + "Completed text 100633\n", + "Completed text 100634\n", + "Completed text 100635\n", + "Completed text 100636\n", + "Completed text 100637\n", + "Completed text 100638\n", + "Completed text 100639\n", + "Completed text 100640\n", + "Completed text 100641\n", + "Completed text 100642\n", + "Completed text 100643\n", + "Completed text 100644\n", + "Completed text 100645\n", + "Completed text 100646\n", + "Completed text 100647\n", + "Completed text 100648\n", + "Completed text 100649\n", + "Completed text 100650\n", + "Completed text 100651\n", + "Completed text 100652\n", + "Completed text 100653\n", + "Completed text 100654\n", + "Completed text 100655\n", + "Completed text 100656\n", + "Completed text 100657\n", + "Completed text 100658\n", + "Completed text 100659\n", + "Completed text 100660\n", + "Completed text 100661\n", + "Completed text 100662\n", + "Completed text 100663\n", + "Completed text 100664\n", + "Completed text 100665\n", + "Completed text 100666\n", + "Completed text 100667\n", + "Completed text 100668\n", + "Completed text 100669\n", + "Completed text 100670\n", + "Completed text 100671\n", + "Completed text 100672\n", + "Completed text 100673\n", + "Completed text 100674\n", + "Completed text 100675\n", + "Completed text 100676\n", + "Completed text 100677\n", + "Completed text 100678\n", + "Completed text 100679\n", + "Completed text 100680\n", + "Completed text 100681\n", + "Completed text 100682\n", + "Completed text 100683\n", + "Completed text 100684\n", + "Completed text 100685\n", + "Completed text 100686\n", + "Completed text 100687\n", + "Completed text 100688\n", + "Completed text 100689\n", + "Completed text 100690\n", + "Completed text 100691\n", + "Completed text 100692\n", + "Completed text 100693\n", + "Completed text 100694\n", + "Completed text 100695\n", + "Completed text 100696\n", + "Completed text 100697\n", + "Completed text 100698\n", + "Completed text 100699\n", + "Completed text 100700\n", + "Completed text 100701\n", + "Completed text 100702\n", + "Completed text 100703\n", + "Completed text 100704\n", + "Completed text 100705\n", + "Completed text 100706\n", + "Completed text 100707\n", + "Completed text 100708\n", + "Completed text 100709\n", + "Completed text 100710\n", + "Completed text 100711\n", + "Completed text 100712\n", + "Completed text 100713\n", + "Completed text 100714\n", + "Completed text 100715\n", + "Completed text 100716\n", + "Completed text 100717\n", + "Completed text 100718\n", + "Completed text 100719\n", + "Completed text 100720\n", + "Completed text 100721\n", + "Completed text 100722\n", + "Completed text 100723\n", + "Completed text 100724\n", + "Completed text 100725\n", + "Completed text 100726\n", + "Completed text 100727\n", + "Completed text 100728\n", + "Completed text 100729\n", + "Completed text 100730\n", + "Completed text 100731\n", + "Completed text 100732\n", + "Completed text 100733\n", + "Completed text 100734\n", + "Completed text 100735\n", + "Completed text 100736\n", + "Completed text 100737\n", + "Completed text 100738\n", + "Completed text 100739\n", + "Completed text 100740\n", + "Completed text 100741\n", + "Completed text 100742\n", + "Completed text 100743\n", + "Completed text 100744\n", + "Completed text 100745\n", + "Completed text 100746\n", + "Completed text 100747\n", + "Completed text 100748\n", + "Completed text 100749\n", + "Completed text 100750\n", + "Completed text 100751\n", + "Completed text 100752\n", + "Completed text 100753\n", + "Completed text 100754\n", + "Completed text 100755\n", + "Completed text 100756\n", + "Completed text 100757\n", + "Completed text 100758\n", + "Completed text 100759\n", + "Completed text 100760\n", + "Completed text 100761\n", + "Completed text 100762\n", + "Completed text 100763\n", + "Completed text 100764\n", + "Completed text 100765\n", + "Completed text 100766\n", + "Completed text 100767\n", + "Completed text 100768\n", + "Completed text 100769\n", + "Completed text 100770\n", + "Completed text 100771\n", + "Completed text 100772\n", + "Completed text 100773\n", + "Completed text 100774\n", + "Completed text 100775\n", + "Completed text 100776\n", + "Completed text 100777\n", + "Completed text 100778\n", + "Completed text 100779\n", + "Completed text 100780\n", + "Completed text 100781\n", + "Completed text 100782\n", + "Completed text 100783\n", + "Completed text 100784\n", + "Completed text 100785\n", + "Completed text 100786\n", + "Completed text 100787\n", + "Completed text 100788\n", + "Completed text 100789\n", + "Completed text 100790\n", + "Completed text 100791\n", + "Completed text 100792\n", + "Completed text 100793\n", + "Completed text 100794\n", + "Completed text 100795\n", + "Completed text 100796\n", + "Completed text 100797\n", + "Completed text 100798\n", + "Completed text 100799\n", + "Completed text 100800\n", + "Completed text 100801\n", + "Completed text 100802\n", + "Completed text 100803\n", + "Completed text 100804\n", + "Completed text 100805\n", + "Completed text 100806\n", + "Completed text 100807\n", + "Completed text 100808\n", + "Completed text 100809\n", + "Completed text 100810\n", + "Completed text 100811\n", + "Completed text 100812\n", + "Completed text 100813\n", + "Completed text 100814\n", + "Completed text 100815\n", + "Completed text 100816\n", + "Completed text 100817\n", + "Completed text 100818\n", + "Completed text 100819\n", + "Completed text 100820\n", + "Completed text 100821\n", + "Completed text 100822\n", + "Completed text 100823\n", + "Completed text 100824\n", + "Completed text 100825\n", + "Completed text 100826\n", + "Completed text 100827\n", + "Completed text 100828\n", + "Completed text 100829\n", + "Completed text 100830\n", + "Completed text 100831\n", + "Completed text 100832\n", + "Completed text 100833\n", + "Completed text 100834\n", + "Completed text 100835\n", + "Completed text 100836\n", + "Completed text 100837\n", + "Completed text 100838\n", + "Completed text 100839\n", + "Completed text 100840\n", + "Completed text 100841\n", + "Completed text 100842\n", + "Completed text 100843\n", + "Completed text 100844\n", + "Completed text 100845\n", + "Completed text 100846\n", + "Completed text 100847\n", + "Completed text 100848\n", + "Completed text 100849\n", + "Completed text 100850\n", + "Completed text 100851\n", + "Completed text 100852\n", + "Completed text 100853\n", + "Completed text 100854\n", + "Completed text 100855\n", + "Completed text 100856\n", + "Completed text 100857\n", + "Completed text 100858\n", + "Completed text 100859\n", + "Completed text 100860\n", + "Completed text 100861\n", + "Completed text 100862\n", + "Completed text 100863\n", + "Completed text 100864\n", + "Completed text 100865\n", + "Completed text 100866\n", + "Completed text 100867\n", + "Completed text 100868\n", + "Completed text 100869\n", + "Completed text 100870\n", + "Completed text 100871\n", + "Completed text 100872\n", + "Completed text 100873\n", + "Completed text 100874\n", + "Completed text 100875\n", + "Completed text 100876\n", + "Completed text 100877\n", + "Completed text 100878\n", + "Completed text 100879\n", + "Completed text 100880\n", + "Completed text 100881\n", + "Completed text 100882\n", + "Completed text 100883\n", + "Completed text 100884\n", + "Completed text 100885\n", + "Completed text 100886\n", + "Completed text 100887\n", + "Completed text 100888\n", + "Completed text 100889\n", + "Completed text 100890\n", + "Completed text 100891\n", + "Completed text 100892\n", + "Completed text 100893\n", + "Completed text 100894\n", + "Completed text 100895\n", + "Completed text 100896\n", + "Completed text 100897\n", + "Completed text 100898\n", + "Completed text 100899\n", + "Completed text 100900\n", + "Completed text 100901\n", + "Completed text 100902\n", + "Completed text 100903\n", + "Completed text 100904\n", + "Completed text 100905\n", + "Completed text 100906\n", + "Completed text 100907\n", + "Completed text 100908\n", + "Completed text 100909\n", + "Completed text 100910\n", + "Completed text 100911\n", + "Completed text 100912\n", + "Completed text 100913\n", + "Completed text 100914\n", + "Completed text 100915\n", + "Completed text 100916\n", + "Completed text 100917\n", + "Completed text 100918\n", + "Completed text 100919\n", + "Completed text 100920\n", + "Completed text 100921\n", + "Completed text 100922\n", + "Completed text 100923\n", + "Completed text 100924\n", + "Completed text 100925\n", + "Completed text 100926\n", + "Completed text 100927\n", + "Completed text 100928\n", + "Completed text 100929\n", + "Completed text 100930\n", + "Completed text 100931\n", + "Completed text 100932\n", + "Completed text 100933\n", + "Completed text 100934\n", + "Completed text 100935\n", + "Completed text 100936\n", + "Completed text 100937\n", + "Completed text 100938\n", + "Completed text 100939\n", + "Completed text 100940\n", + "Completed text 100941\n", + "Completed text 100942\n", + "Completed text 100943\n", + "Completed text 100944\n", + "Completed text 100945\n", + "Completed text 100946\n", + "Completed text 100947\n", + "Completed text 100948\n", + "Completed text 100949\n", + "Completed text 100950\n", + "Completed text 100951\n", + "Completed text 100952\n", + "Completed text 100953\n", + "Completed text 100954\n", + "Completed text 100955\n", + "Completed text 100956\n", + "Completed text 100957\n", + "Completed text 100958\n", + "Completed text 100959\n", + "Completed text 100960\n", + "Completed text 100961\n", + "Completed text 100962\n", + "Completed text 100963\n", + "Completed text 100964\n", + "Completed text 100965\n", + "Completed text 100966\n", + "Completed text 100967\n", + "Completed text 100968\n", + "Completed text 100969\n", + "Completed text 100970\n", + "Completed text 100971\n", + "Completed text 100972\n", + "Completed text 100973\n", + "Completed text 100974\n", + "Completed text 100975\n", + "Completed text 100976\n", + "Completed text 100977\n", + "Completed text 100978\n", + "Completed text 100979\n", + "Completed text 100980\n", + "Completed text 100981\n", + "Completed text 100982\n", + "Completed text 100983\n", + "Completed text 100984\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 100985\n", + "Completed text 100986\n", + "Completed text 100987\n", + "Completed text 100988\n", + "Completed text 100989\n", + "Completed text 100990\n", + "Completed text 100991\n", + "Completed text 100992\n", + "Completed text 100993\n", + "Completed text 100994\n", + "Completed text 100995\n", + "Completed text 100996\n", + "Completed text 100997\n", + "Completed text 100998\n", + "Completed text 100999\n", + "Completed text 101000\n", + "Completed text 101001\n", + "Completed text 101002\n", + "Completed text 101003\n", + "Completed text 101004\n", + "Completed text 101005\n", + "Completed text 101006\n", + "Completed text 101007\n", + "Completed text 101008\n", + "Completed text 101009\n", + "Completed text 101010\n", + "Completed text 101011\n", + "Completed text 101012\n", + "Completed text 101013\n", + "Completed text 101014\n", + "Completed text 101015\n", + "Completed text 101016\n", + "Completed text 101017\n", + "Completed text 101018\n", + "Completed text 101019\n", + "Completed text 101020\n", + "Completed text 101021\n", + "Completed text 101022\n", + "Completed text 101023\n", + "Completed text 101024\n", + "Completed text 101025\n", + "Completed text 101026\n", + "Completed text 101027\n", + "Completed text 101028\n", + "Completed text 101029\n", + "Completed text 101030\n", + "Completed text 101031\n", + "Completed text 101032\n", + "Completed text 101033\n", + "Completed text 101034\n", + "Completed text 101035\n", + "Completed text 101036\n", + "Completed text 101037\n", + "Completed text 101038\n", + "Completed text 101039\n", + "Completed text 101040\n", + "Completed text 101041\n", + "Completed text 101042\n", + "Completed text 101043\n", + "Completed text 101044\n", + "Completed text 101045\n", + "Completed text 101046\n", + "Completed text 101047\n", + "Completed text 101048\n", + "Completed text 101049\n", + "Completed text 101050\n", + "Completed text 101051\n", + "Completed text 101052\n", + "Completed text 101053\n", + "Completed text 101054\n", + "Completed text 101055\n", + "Completed text 101056\n", + "Completed text 101057\n", + "Completed text 101058\n", + "Completed text 101059\n", + "Completed text 101060\n", + "Completed text 101061\n", + "Completed text 101062\n", + "Completed text 101063\n", + "Completed text 101064\n", + "Completed text 101065\n", + "Completed text 101066\n", + "Completed text 101067\n", + "Completed text 101068\n", + "Completed text 101069\n", + "Completed text 101070\n", + "Completed text 101071\n", + "Completed text 101072\n", + "Completed text 101073\n", + "Completed text 101074\n", + "Completed text 101075\n", + "Completed text 101076\n", + "Completed text 101077\n", + "Completed text 101078\n", + "Completed text 101079\n", + "Completed text 101080\n", + "Completed text 101081\n", + "Completed text 101082\n", + "Completed text 101083\n", + "Completed text 101084\n", + "Completed text 101085\n", + "Completed text 101086\n", + "Completed text 101087\n", + "Completed text 101088\n", + "Completed text 101089\n", + "Completed text 101090\n", + "Completed text 101091\n", + "Completed text 101092\n", + "Completed text 101093\n", + "Completed text 101094\n", + "Completed text 101095\n", + "Completed text 101096\n", + "Completed text 101097\n", + "Completed text 101098\n", + "Completed text 101099\n", + "Completed text 101100\n", + "Completed text 101101\n", + "Completed text 101102\n", + "Completed text 101103\n", + "Completed text 101104\n", + "Completed text 101105\n", + "Completed text 101106\n", + "Completed text 101107\n", + "Completed text 101108\n", + "Completed text 101109\n", + "Completed text 101110\n", + "Completed text 101111\n", + "Completed text 101112\n", + "Completed text 101113\n", + "Completed text 101114\n", + "Completed text 101115\n", + "Completed text 101116\n", + "Completed text 101117\n", + "Completed text 101118\n", + "Completed text 101119\n", + "Completed text 101120\n", + "Completed text 101121\n", + "Completed text 101122\n", + "Completed text 101123\n", + "Completed text 101124\n", + "Completed text 101125\n", + "Completed text 101126\n", + "Completed text 101127\n", + "Completed text 101128\n", + "Completed text 101129\n", + "Completed text 101130\n", + "Completed text 101131\n", + "Completed text 101132\n", + "Completed text 101133\n", + "Completed text 101134\n", + "Completed text 101135\n", + "Completed text 101136\n", + "Completed text 101137\n", + "Completed text 101138\n", + "Completed text 101139\n", + "Completed text 101140\n", + "Completed text 101141\n", + "Completed text 101142\n", + "Completed text 101143\n", + "Completed text 101144\n", + "Completed text 101145\n", + "Completed text 101146\n", + "Completed text 101147\n", + "Completed text 101148\n", + "Completed text 101149\n", + "Completed text 101150\n", + "Completed text 101151\n", + "Completed text 101152\n", + "Completed text 101153\n", + "Completed text 101154\n", + "Completed text 101155\n", + "Completed text 101156\n", + "Completed text 101157\n", + "Completed text 101158\n", + "Completed text 101159\n", + "Completed text 101160\n", + "Completed text 101161\n", + "Completed text 101162\n", + "Completed text 101163\n", + "Completed text 101164\n", + "Completed text 101165\n", + "Completed text 101166\n", + "Completed text 101167\n", + "Completed text 101168\n", + "Completed text 101169\n", + "Completed text 101170\n", + "Completed text 101171\n", + "Completed text 101172\n", + "Completed text 101173\n", + "Completed text 101174\n", + "Completed text 101175\n", + "Completed text 101176\n", + "Completed text 101177\n", + "Completed text 101178\n", + "Completed text 101179\n", + "Completed text 101180\n", + "Completed text 101181\n", + "Completed text 101182\n", + "Completed text 101183\n", + "Completed text 101184\n", + "Completed text 101185\n", + "Completed text 101186\n", + "Completed text 101187\n", + "Completed text 101188\n", + "Completed text 101189\n", + "Completed text 101190\n", + "Completed text 101191\n", + "Completed text 101192\n", + "Completed text 101193\n", + "Completed text 101194\n", + "Completed text 101195\n", + "Completed text 101196\n", + "Completed text 101197\n", + "Completed text 101198\n", + "Completed text 101199\n", + "Completed text 101200\n", + "Completed text 101201\n", + "Completed text 101202\n", + "Completed text 101203\n", + "Completed text 101204\n", + "Completed text 101205\n", + "Completed text 101206\n", + "Completed text 101207\n", + "Completed text 101208\n", + "Completed text 101209\n", + "Completed text 101210\n", + "Completed text 101211\n", + "Completed text 101212\n", + "Completed text 101213\n", + "Completed text 101214\n", + "Completed text 101215\n", + "Completed text 101216\n", + "Completed text 101217\n", + "Completed text 101218\n", + "Completed text 101219\n", + "Completed text 101220\n", + "Completed text 101221\n", + "Completed text 101222\n", + "Completed text 101223\n", + "Completed text 101224\n", + "Completed text 101225\n", + "Completed text 101226\n", + "Completed text 101227\n", + "Completed text 101228\n", + "Completed text 101229\n", + "Completed text 101230\n", + "Completed text 101231\n", + "Completed text 101232\n", + "Completed text 101233\n", + "Completed text 101234\n", + "Completed text 101235\n", + "Completed text 101236\n", + "Completed text 101237\n", + "Completed text 101238\n", + "Completed text 101239\n", + "Completed text 101240\n", + "Completed text 101241\n", + "Completed text 101242\n", + "Completed text 101243\n", + "Completed text 101244\n", + "Completed text 101245\n", + "Completed text 101246\n", + "Completed text 101247\n", + "Completed text 101248\n", + "Completed text 101249\n", + "Completed text 101250\n", + "Completed text 101251\n", + "Completed text 101252\n", + "Completed text 101253\n", + "Completed text 101254\n", + "Completed text 101255\n", + "Completed text 101256\n", + "Completed text 101257\n", + "Completed text 101258\n", + "Completed text 101259\n", + "Completed text 101260\n", + "Completed text 101261\n", + "Completed text 101262\n", + "Completed text 101263\n", + "Completed text 101264\n", + "Completed text 101265\n", + "Completed text 101266\n", + "Completed text 101267\n", + "Completed text 101268\n", + "Completed text 101269\n", + "Completed text 101270\n", + "Completed text 101271\n", + "Completed text 101272\n", + "Completed text 101273\n", + "Completed text 101274\n", + "Completed text 101275\n", + "Completed text 101276\n", + "Completed text 101277\n", + "Completed text 101278\n", + "Completed text 101279\n", + "Completed text 101280\n", + "Completed text 101281\n", + "Completed text 101282\n", + "Completed text 101283\n", + "Completed text 101284\n", + "Completed text 101285\n", + "Completed text 101286\n", + "Completed text 101287\n", + "Completed text 101288\n", + "Completed text 101289\n", + "Completed text 101290\n", + "Completed text 101291\n", + "Completed text 101292\n", + "Completed text 101293\n", + "Completed text 101294\n", + "Completed text 101295\n", + "Completed text 101296\n", + "Completed text 101297\n", + "Completed text 101298\n", + "Completed text 101299\n", + "Completed text 101300\n", + "Completed text 101301\n", + "Completed text 101302\n", + "Completed text 101303\n", + "Completed text 101304\n", + "Completed text 101305\n", + "Completed text 101306\n", + "Completed text 101307\n", + "Completed text 101308\n", + "Completed text 101309\n", + "Completed text 101310\n", + "Completed text 101311\n", + "Completed text 101312\n", + "Completed text 101313\n", + "Completed text 101314\n", + "Completed text 101315\n", + "Completed text 101316\n", + "Completed text 101317\n", + "Completed text 101318\n", + "Completed text 101319\n", + "Completed text 101320\n", + "Completed text 101321\n", + "Completed text 101322\n", + "Completed text 101323\n", + "Completed text 101324\n", + "Completed text 101325\n", + "Completed text 101326\n", + "Completed text 101327\n", + "Completed text 101328\n", + "Completed text 101329\n", + "Completed text 101330\n", + "Completed text 101331\n", + "Completed text 101332\n", + "Completed text 101333\n", + "Completed text 101334\n", + "Completed text 101335\n", + "Completed text 101336\n", + "Completed text 101337\n", + "Completed text 101338\n", + "Completed text 101339\n", + "Completed text 101340\n", + "Completed text 101341\n", + "Completed text 101342\n", + "Completed text 101343\n", + "Completed text 101344\n", + "Completed text 101345\n", + "Completed text 101346\n", + "Completed text 101347\n", + "Completed text 101348\n", + "Completed text 101349\n", + "Completed text 101350\n", + "Completed text 101351\n", + "Completed text 101352\n", + "Completed text 101353\n", + "Completed text 101354\n", + "Completed text 101355\n", + "Completed text 101356\n", + "Completed text 101357\n", + "Completed text 101358\n", + "Completed text 101359\n", + "Completed text 101360\n", + "Completed text 101361\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 101362\n", + "Completed text 101363\n", + "Completed text 101364\n", + "Completed text 101365\n", + "Completed text 101366\n", + "Completed text 101367\n", + "Completed text 101368\n", + "Completed text 101369\n", + "Completed text 101370\n", + "Completed text 101371\n", + "Completed text 101372\n", + "Completed text 101373\n", + "Completed text 101374\n", + "Completed text 101375\n", + "Completed text 101376\n", + "Completed text 101377\n", + "Completed text 101378\n", + "Completed text 101379\n", + "Completed text 101380\n", + "Completed text 101381\n", + "Completed text 101382\n", + "Completed text 101383\n", + "Completed text 101384\n", + "Completed text 101385\n", + "Completed text 101386\n", + "Completed text 101387\n", + "Completed text 101388\n", + "Completed text 101389\n", + "Completed text 101390\n", + "Completed text 101391\n", + "Completed text 101392\n", + "Completed text 101393\n", + "Completed text 101394\n", + "Completed text 101395\n", + "Completed text 101396\n", + "Completed text 101397\n", + "Completed text 101398\n", + "Completed text 101399\n", + "Completed text 101400\n", + "Completed text 101401\n", + "Completed text 101402\n", + "Completed text 101403\n", + "Completed text 101404\n", + "Completed text 101405\n", + "Completed text 101406\n", + "Completed text 101407\n", + "Completed text 101408\n", + "Completed text 101409\n", + "Completed text 101410\n", + "Completed text 101411\n", + "Completed text 101412\n", + "Completed text 101413\n", + "Completed text 101414\n", + "Completed text 101415\n", + "Completed text 101416\n", + "Completed text 101417\n", + "Completed text 101418\n", + "Completed text 101419\n", + "Completed text 101420\n", + "Completed text 101421\n", + "Completed text 101422\n", + "Completed text 101423\n", + "Completed text 101424\n", + "Completed text 101425\n", + "Completed text 101426\n", + "Completed text 101427\n", + "Completed text 101428\n", + "Completed text 101429\n", + "Completed text 101430\n", + "Completed text 101431\n", + "Completed text 101432\n", + "Completed text 101433\n", + "Completed text 101434\n", + "Completed text 101435\n", + "Completed text 101436\n", + "Completed text 101437\n", + "Completed text 101438\n", + "Completed text 101439\n", + "Completed text 101440\n", + "Completed text 101441\n", + "Completed text 101442\n", + "Completed text 101443\n", + "Completed text 101444\n", + "Completed text 101445\n", + "Completed text 101446\n", + "Completed text 101447\n", + "Completed text 101448\n", + "Completed text 101449\n", + "Completed text 101450\n", + "Completed text 101451\n", + "Completed text 101452\n", + "Completed text 101453\n", + "Completed text 101454\n", + "Completed text 101455\n", + "Completed text 101456\n", + "Completed text 101457\n", + "Completed text 101458\n", + "Completed text 101459\n", + "Completed text 101460\n", + "Completed text 101461\n", + "Completed text 101462\n", + "Completed text 101463\n", + "Completed text 101464\n", + "Completed text 101465\n", + "Completed text 101466\n", + "Completed text 101467\n", + "Completed text 101468\n", + "Completed text 101469\n", + "Completed text 101470\n", + "Completed text 101471\n", + "Completed text 101472\n", + "Completed text 101473\n", + "Completed text 101474\n", + "Completed text 101475\n", + "Completed text 101476\n", + "Completed text 101477\n", + "Completed text 101478\n", + "Completed text 101479\n", + "Completed text 101480\n", + "Completed text 101481\n", + "Completed text 101482\n", + "Completed text 101483\n", + "Completed text 101484\n", + "Completed text 101485\n", + "Completed text 101486\n", + "Completed text 101487\n", + "Completed text 101488\n", + "Completed text 101489\n", + "Completed text 101490\n", + "Completed text 101491\n", + "Completed text 101492\n", + "Completed text 101493\n", + "Completed text 101494\n", + "Completed text 101495\n", + "Completed text 101496\n", + "Completed text 101497\n", + "Completed text 101498\n", + "Completed text 101499\n", + "Completed text 101500\n", + "Completed text 101501\n", + "Completed text 101502\n", + "Completed text 101503\n", + "Completed text 101504\n", + "Completed text 101505\n", + "Completed text 101506\n", + "Completed text 101507\n", + "Completed text 101508\n", + "Completed text 101509\n", + "Completed text 101510\n", + "Completed text 101511\n", + "Completed text 101512\n", + "Completed text 101513\n", + "Completed text 101514\n", + "Completed text 101515\n", + "Completed text 101516\n", + "Completed text 101517\n", + "Completed text 101518\n", + "Completed text 101519\n", + "Completed text 101520\n", + "Completed text 101521\n", + "Completed text 101522\n", + "Completed text 101523\n", + "Completed text 101524\n", + "Completed text 101525\n", + "Completed text 101526\n", + "Completed text 101527\n", + "Completed text 101528\n", + "Completed text 101529\n", + "Completed text 101530\n", + "Completed text 101531\n", + "Completed text 101532\n", + "Completed text 101533\n", + "Completed text 101534\n", + "Completed text 101535\n", + "Completed text 101536\n", + "Completed text 101537\n", + "Completed text 101538\n", + "Completed text 101539\n", + "Completed text 101540\n", + "Completed text 101541\n", + "Completed text 101542\n", + "Completed text 101543\n", + "Completed text 101544\n", + "Completed text 101545\n", + "Completed text 101546\n", + "Completed text 101547\n", + "Completed text 101548\n", + "Completed text 101549\n", + "Completed text 101550\n", + "Completed text 101551\n", + "Completed text 101552\n", + "Completed text 101553\n", + "Completed text 101554\n", + "Completed text 101555\n", + "Completed text 101556\n", + "Completed text 101557\n", + "Completed text 101558\n", + "Completed text 101559\n", + "Completed text 101560\n", + "Completed text 101561\n", + "Completed text 101562\n", + "Completed text 101563\n", + "Completed text 101564\n", + "Completed text 101565\n", + "Completed text 101566\n", + "Completed text 101567\n", + "Completed text 101568\n", + "Completed text 101569\n", + "Completed text 101570\n", + "Completed text 101571\n", + "Completed text 101572\n", + "Completed text 101573\n", + "Completed text 101574\n", + "Completed text 101575\n", + "Completed text 101576\n", + "Completed text 101577\n", + "Completed text 101578\n", + "Completed text 101579\n", + "Completed text 101580\n", + "Completed text 101581\n", + "Completed text 101582\n", + "Completed text 101583\n", + "Completed text 101584\n", + "Completed text 101585\n", + "Completed text 101586\n", + "Completed text 101587\n", + "Completed text 101588\n", + "Completed text 101589\n", + "Completed text 101590\n", + "Completed text 101591\n", + "Completed text 101592\n", + "Completed text 101593\n", + "Completed text 101594\n", + "Completed text 101595\n", + "Completed text 101596\n", + "Completed text 101597\n", + "Completed text 101598\n", + "Completed text 101599\n", + "Completed text 101600\n", + "Completed text 101601\n", + "Completed text 101602\n", + "Completed text 101603\n", + "Completed text 101604\n", + "Completed text 101605\n", + "Completed text 101606\n", + "Completed text 101607\n", + "Completed text 101608\n", + "Completed text 101609\n", + "Completed text 101610\n", + "Completed text 101611\n", + "Completed text 101612\n", + "Completed text 101613\n", + "Completed text 101614\n", + "Completed text 101615\n", + "Completed text 101616\n", + "Completed text 101617\n", + "Completed text 101618\n", + "Completed text 101619\n", + "Completed text 101620\n", + "Completed text 101621\n", + "Completed text 101622\n", + "Completed text 101623\n", + "Completed text 101624\n", + "Completed text 101625\n", + "Completed text 101626\n", + "Completed text 101627\n", + "Completed text 101628\n", + "Completed text 101629\n", + "Completed text 101630\n", + "Completed text 101631\n", + "Completed text 101632\n", + "Completed text 101633\n", + "Completed text 101634\n", + "Completed text 101635\n", + "Completed text 101636\n", + "Completed text 101637\n", + "Completed text 101638\n", + "Completed text 101639\n", + "Completed text 101640\n", + "Completed text 101641\n", + "Completed text 101642\n", + "Completed text 101643\n", + "Completed text 101644\n", + "Completed text 101645\n", + "Completed text 101646\n", + "Completed text 101647\n", + "Completed text 101648\n", + "Completed text 101649\n", + "Completed text 101650\n", + "Completed text 101651\n", + "Completed text 101652\n", + "Completed text 101653\n", + "Completed text 101654\n", + "Completed text 101655\n", + "Completed text 101656\n", + "Completed text 101657\n", + "Completed text 101658\n", + "Completed text 101659\n", + "Completed text 101660\n", + "Completed text 101661\n", + "Completed text 101662\n", + "Completed text 101663\n", + "Completed text 101664\n", + "Completed text 101665\n", + "Completed text 101666\n", + "Completed text 101667\n", + "Completed text 101668\n", + "Completed text 101669\n", + "Completed text 101670\n", + "Completed text 101671\n", + "Completed text 101672\n", + "Completed text 101673\n", + "Completed text 101674\n", + "Completed text 101675\n", + "Completed text 101676\n", + "Completed text 101677\n", + "Completed text 101678\n", + "Completed text 101679\n", + "Completed text 101680\n", + "Completed text 101681\n", + "Completed text 101682\n", + "Completed text 101683\n", + "Completed text 101684\n", + "Completed text 101685\n", + "Completed text 101686\n", + "Completed text 101687\n", + "Completed text 101688\n", + "Completed text 101689\n", + "Completed text 101690\n", + "Completed text 101691\n", + "Completed text 101692\n", + "Completed text 101693\n", + "Completed text 101694\n", + "Completed text 101695\n", + "Completed text 101696\n", + "Completed text 101697\n", + "Completed text 101698\n", + "Completed text 101699\n", + "Completed text 101700\n", + "Completed text 101701\n", + "Completed text 101702\n", + "Completed text 101703\n", + "Completed text 101704\n", + "Completed text 101705\n", + "Completed text 101706\n", + "Completed text 101707\n", + "Completed text 101708\n", + "Completed text 101709\n", + "Completed text 101710\n", + "Completed text 101711\n", + "Completed text 101712\n", + "Completed text 101713\n", + "Completed text 101714\n", + "Completed text 101715\n", + "Completed text 101716\n", + "Completed text 101717\n", + "Completed text 101718\n", + "Completed text 101719\n", + "Completed text 101720\n", + "Completed text 101721\n", + "Completed text 101722\n", + "Completed text 101723\n", + "Completed text 101724\n", + "Completed text 101725\n", + "Completed text 101726\n", + "Completed text 101727\n", + "Completed text 101728\n", + "Completed text 101729\n", + "Completed text 101730\n", + "Completed text 101731\n", + "Completed text 101732\n", + "Completed text 101733\n", + "Completed text 101734\n", + "Completed text 101735\n", + "Completed text 101736\n", + "Completed text 101737\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 101738\n", + "Completed text 101739\n", + "Completed text 101740\n", + "Completed text 101741\n", + "Completed text 101742\n", + "Completed text 101743\n", + "Completed text 101744\n", + "Completed text 101745\n", + "Completed text 101746\n", + "Completed text 101747\n", + "Completed text 101748\n", + "Completed text 101749\n", + "Completed text 101750\n", + "Completed text 101751\n", + "Completed text 101752\n", + "Completed text 101753\n", + "Completed text 101754\n", + "Completed text 101755\n", + "Completed text 101756\n", + "Completed text 101757\n", + "Completed text 101758\n", + "Completed text 101759\n", + "Completed text 101760\n", + "Completed text 101761\n", + "Completed text 101762\n", + "Completed text 101763\n", + "Completed text 101764\n", + "Completed text 101765\n", + "Completed text 101766\n", + "Completed text 101767\n", + "Completed text 101768\n", + "Completed text 101769\n", + "Completed text 101770\n", + "Completed text 101771\n", + "Completed text 101772\n", + "Completed text 101773\n", + "Completed text 101774\n", + "Completed text 101775\n", + "Completed text 101776\n", + "Completed text 101777\n", + "Completed text 101778\n", + "Completed text 101779\n", + "Completed text 101780\n", + "Completed text 101781\n", + "Completed text 101782\n", + "Completed text 101783\n", + "Completed text 101784\n", + "Completed text 101785\n", + "Completed text 101786\n", + "Completed text 101787\n", + "Completed text 101788\n", + "Completed text 101789\n", + "Completed text 101790\n", + "Completed text 101791\n", + "Completed text 101792\n", + "Completed text 101793\n", + "Completed text 101794\n", + "Completed text 101795\n", + "Completed text 101796\n", + "Completed text 101797\n", + "Completed text 101798\n", + "Completed text 101799\n", + "Completed text 101800\n", + "Completed text 101801\n", + "Completed text 101802\n", + "Completed text 101803\n", + "Completed text 101804\n", + "Completed text 101805\n", + "Completed text 101806\n", + "Completed text 101807\n", + "Completed text 101808\n", + "Completed text 101809\n", + "Completed text 101810\n", + "Completed text 101811\n", + "Completed text 101812\n", + "Completed text 101813\n", + "Completed text 101814\n", + "Completed text 101815\n", + "Completed text 101816\n", + "Completed text 101817\n", + "Completed text 101818\n", + "Completed text 101819\n", + "Completed text 101820\n", + "Completed text 101821\n", + "Completed text 101822\n", + "Completed text 101823\n", + "Completed text 101824\n", + "Completed text 101825\n", + "Completed text 101826\n", + "Completed text 101827\n", + "Completed text 101828\n", + "Completed text 101829\n", + "Completed text 101830\n", + "Completed text 101831\n", + "Completed text 101832\n", + "Completed text 101833\n", + "Completed text 101834\n", + "Completed text 101835\n", + "Completed text 101836\n", + "Completed text 101837\n", + "Completed text 101838\n", + "Completed text 101839\n", + "Completed text 101840\n", + "Completed text 101841\n", + "Completed text 101842\n", + "Completed text 101843\n", + "Completed text 101844\n", + "Completed text 101845\n", + "Completed text 101846\n", + "Completed text 101847\n", + "Completed text 101848\n", + "Completed text 101849\n", + "Completed text 101850\n", + "Completed text 101851\n", + "Completed text 101852\n", + "Completed text 101853\n", + "Completed text 101854\n", + "Completed text 101855\n", + "Completed text 101856\n", + "Completed text 101857\n", + "Completed text 101858\n", + "Completed text 101859\n", + "Completed text 101860\n", + "Completed text 101861\n", + "Completed text 101862\n", + "Completed text 101863\n", + "Completed text 101864\n", + "Completed text 101865\n", + "Completed text 101866\n", + "Completed text 101867\n", + "Completed text 101868\n", + "Completed text 101869\n", + "Completed text 101870\n", + "Completed text 101871\n", + "Completed text 101872\n", + "Completed text 101873\n", + "Completed text 101874\n", + "Completed text 101875\n", + "Completed text 101876\n", + "Completed text 101877\n", + "Completed text 101878\n", + "Completed text 101879\n", + "Completed text 101880\n", + "Completed text 101881\n", + "Completed text 101882\n", + "Completed text 101883\n", + "Completed text 101884\n", + "Completed text 101885\n", + "Completed text 101886\n", + "Completed text 101887\n", + "Completed text 101888\n", + "Completed text 101889\n", + "Completed text 101890\n", + "Completed text 101891\n", + "Completed text 101892\n", + "Completed text 101893\n", + "Completed text 101894\n", + "Completed text 101895\n", + "Completed text 101896\n", + "Completed text 101897\n", + "Completed text 101898\n", + "Completed text 101899\n", + "Completed text 101900\n", + "Completed text 101901\n", + "Completed text 101902\n", + "Completed text 101903\n", + "Completed text 101904\n", + "Completed text 101905\n", + "Completed text 101906\n", + "Completed text 101907\n", + "Completed text 101908\n", + "Completed text 101909\n", + "Completed text 101910\n", + "Completed text 101911\n", + "Completed text 101912\n", + "Completed text 101913\n", + "Completed text 101914\n", + "Completed text 101915\n", + "Completed text 101916\n", + "Completed text 101917\n", + "Completed text 101918\n", + "Completed text 101919\n", + "Completed text 101920\n", + "Completed text 101921\n", + "Completed text 101922\n", + "Completed text 101923\n", + "Completed text 101924\n", + "Completed text 101925\n", + "Completed text 101926\n", + "Completed text 101927\n", + "Completed text 101928\n", + "Completed text 101929\n", + "Completed text 101930\n", + "Completed text 101931\n", + "Completed text 101932\n", + "Completed text 101933\n", + "Completed text 101934\n", + "Completed text 101935\n", + "Completed text 101936\n", + "Completed text 101937\n", + "Completed text 101938\n", + "Completed text 101939\n", + "Completed text 101940\n", + "Completed text 101941\n", + "Completed text 101942\n", + "Completed text 101943\n", + "Completed text 101944\n", + "Completed text 101945\n", + "Completed text 101946\n", + "Completed text 101947\n", + "Completed text 101948\n", + "Completed text 101949\n", + "Completed text 101950\n", + "Completed text 101951\n", + "Completed text 101952\n", + "Completed text 101953\n", + "Completed text 101954\n", + "Completed text 101955\n", + "Completed text 101956\n", + "Completed text 101957\n", + "Completed text 101958\n", + "Completed text 101959\n", + "Completed text 101960\n", + "Completed text 101961\n", + "Completed text 101962\n", + "Completed text 101963\n", + "Completed text 101964\n", + "Completed text 101965\n", + "Completed text 101966\n", + "Completed text 101967\n", + "Completed text 101968\n", + "Completed text 101969\n", + "Completed text 101970\n", + "Completed text 101971\n", + "Completed text 101972\n", + "Completed text 101973\n", + "Completed text 101974\n", + "Completed text 101975\n", + "Completed text 101976\n", + "Completed text 101977\n", + "Completed text 101978\n", + "Completed text 101979\n", + "Completed text 101980\n", + "Completed text 101981\n", + "Completed text 101982\n", + "Completed text 101983\n", + "Completed text 101984\n", + "Completed text 101985\n", + "Completed text 101986\n", + "Completed text 101987\n", + "Completed text 101988\n", + "Completed text 101989\n", + "Completed text 101990\n", + "Completed text 101991\n", + "Completed text 101992\n", + "Completed text 101993\n", + "Completed text 101994\n", + "Completed text 101995\n", + "Completed text 101996\n", + "Completed text 101997\n", + "Completed text 101998\n", + "Completed text 101999\n", + "Completed text 102000\n", + "Completed text 102001\n", + "Completed text 102002\n", + "Completed text 102003\n", + "Completed text 102004\n", + "Completed text 102005\n", + "Completed text 102006\n", + "Completed text 102007\n", + "Completed text 102008\n", + "Completed text 102009\n", + "Completed text 102010\n", + "Completed text 102011\n", + "Completed text 102012\n", + "Completed text 102013\n", + "Completed text 102014\n", + "Completed text 102015\n", + "Completed text 102016\n", + "Completed text 102017\n", + "Completed text 102018\n", + "Completed text 102019\n", + "Completed text 102020\n", + "Completed text 102021\n", + "Completed text 102022\n", + "Completed text 102023\n", + "Completed text 102024\n", + "Completed text 102025\n", + "Completed text 102026\n", + "Completed text 102027\n", + "Completed text 102028\n", + "Completed text 102029\n", + "Completed text 102030\n", + "Completed text 102031\n", + "Completed text 102032\n", + "Completed text 102033\n", + "Completed text 102034\n", + "Completed text 102035\n", + "Completed text 102036\n", + "Completed text 102037\n", + "Completed text 102038\n", + "Completed text 102039\n", + "Completed text 102040\n", + "Completed text 102041\n", + "Completed text 102042\n", + "Completed text 102043\n", + "Completed text 102044\n", + "Completed text 102045\n", + "Completed text 102046\n", + "Completed text 102047\n", + "Completed text 102048\n", + "Completed text 102049\n", + "Completed text 102050\n", + "Completed text 102051\n", + "Completed text 102052\n", + "Completed text 102053\n", + "Completed text 102054\n", + "Completed text 102055\n", + "Completed text 102056\n", + "Completed text 102057\n", + "Completed text 102058\n", + "Completed text 102059\n", + "Completed text 102060\n", + "Completed text 102061\n", + "Completed text 102062\n", + "Completed text 102063\n", + "Completed text 102064\n", + "Completed text 102065\n", + "Completed text 102066\n", + "Completed text 102067\n", + "Completed text 102068\n", + "Completed text 102069\n", + "Completed text 102070\n", + "Completed text 102071\n", + "Completed text 102072\n", + "Completed text 102073\n", + "Completed text 102074\n", + "Completed text 102075\n", + "Completed text 102076\n", + "Completed text 102077\n", + "Completed text 102078\n", + "Completed text 102079\n", + "Completed text 102080\n", + "Completed text 102081\n", + "Completed text 102082\n", + "Completed text 102083\n", + "Completed text 102084\n", + "Completed text 102085\n", + "Completed text 102086\n", + "Completed text 102087\n", + "Completed text 102088\n", + "Completed text 102089\n", + "Completed text 102090\n", + "Completed text 102091\n", + "Completed text 102092\n", + "Completed text 102093\n", + "Completed text 102094\n", + "Completed text 102095\n", + "Completed text 102096\n", + "Completed text 102097\n", + "Completed text 102098\n", + "Completed text 102099\n", + "Completed text 102100\n", + "Completed text 102101\n", + "Completed text 102102\n", + "Completed text 102103\n", + "Completed text 102104\n", + "Completed text 102105\n", + "Completed text 102106\n", + "Completed text 102107\n", + "Completed text 102108\n", + "Completed text 102109\n", + "Completed text 102110\n", + "Completed text 102111\n", + "Completed text 102112\n", + "Completed text 102113\n", + "Completed text 102114\n", + "Completed text 102115\n", + "Completed text 102116\n", + "Completed text 102117\n", + "Completed text 102118\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 102119\n", + "Completed text 102120\n", + "Completed text 102121\n", + "Completed text 102122\n", + "Completed text 102123\n", + "Completed text 102124\n", + "Completed text 102125\n", + "Completed text 102126\n", + "Completed text 102127\n", + "Completed text 102128\n", + "Completed text 102129\n", + "Completed text 102130\n", + "Completed text 102131\n", + "Completed text 102132\n", + "Completed text 102133\n", + "Completed text 102134\n", + "Completed text 102135\n", + "Completed text 102136\n", + "Completed text 102137\n", + "Completed text 102138\n", + "Completed text 102139\n", + "Completed text 102140\n", + "Completed text 102141\n", + "Completed text 102142\n", + "Completed text 102143\n", + "Completed text 102144\n", + "Completed text 102145\n", + "Completed text 102146\n", + "Completed text 102147\n", + "Completed text 102148\n", + "Completed text 102149\n", + "Completed text 102150\n", + "Completed text 102151\n", + "Completed text 102152\n", + "Completed text 102153\n", + "Completed text 102154\n", + "Completed text 102155\n", + "Completed text 102156\n", + "Completed text 102157\n", + "Completed text 102158\n", + "Completed text 102159\n", + "Completed text 102160\n", + "Completed text 102161\n", + "Completed text 102162\n", + "Completed text 102163\n", + "Completed text 102164\n", + "Completed text 102165\n", + "Completed text 102166\n", + "Completed text 102167\n", + "Completed text 102168\n", + "Completed text 102169\n", + "Completed text 102170\n", + "Completed text 102171\n", + "Completed text 102172\n", + "Completed text 102173\n", + "Completed text 102174\n", + "Completed text 102175\n", + "Completed text 102176\n", + "Completed text 102177\n", + "Completed text 102178\n", + "Completed text 102179\n", + "Completed text 102180\n", + "Completed text 102181\n", + "Completed text 102182\n", + "Completed text 102183\n", + "Completed text 102184\n", + "Completed text 102185\n", + "Completed text 102186\n", + "Completed text 102187\n", + "Completed text 102188\n", + "Completed text 102189\n", + "Completed text 102190\n", + "Completed text 102191\n", + "Completed text 102192\n", + "Completed text 102193\n", + "Completed text 102194\n", + "Completed text 102195\n", + "Completed text 102196\n", + "Completed text 102197\n", + "Completed text 102198\n", + "Completed text 102199\n", + "Completed text 102200\n", + "Completed text 102201\n", + "Completed text 102202\n", + "Completed text 102203\n", + "Completed text 102204\n", + "Completed text 102205\n", + "Completed text 102206\n", + "Completed text 102207\n", + "Completed text 102208\n", + "Completed text 102209\n", + "Completed text 102210\n", + "Completed text 102211\n", + "Completed text 102212\n", + "Completed text 102213\n", + "Completed text 102214\n", + "Completed text 102215\n", + "Completed text 102216\n", + "Completed text 102217\n", + "Completed text 102218\n", + "Completed text 102219\n", + "Completed text 102220\n", + "Completed text 102221\n", + "Completed text 102222\n", + "Completed text 102223\n", + "Completed text 102224\n", + "Completed text 102225\n", + "Completed text 102226\n", + "Completed text 102227\n", + "Completed text 102228\n", + "Completed text 102229\n", + "Completed text 102230\n", + "Completed text 102231\n", + "Completed text 102232\n", + "Completed text 102233\n", + "Completed text 102234\n", + "Completed text 102235\n", + "Completed text 102236\n", + "Completed text 102237\n", + "Completed text 102238\n", + "Completed text 102239\n", + "Completed text 102240\n", + "Completed text 102241\n", + "Completed text 102242\n", + "Completed text 102243\n", + "Completed text 102244\n", + "Completed text 102245\n", + "Completed text 102246\n", + "Completed text 102247\n", + "Completed text 102248\n", + "Completed text 102249\n", + "Completed text 102250\n", + "Completed text 102251\n", + "Completed text 102252\n", + "Completed text 102253\n", + "Completed text 102254\n", + "Completed text 102255\n", + "Completed text 102256\n", + "Completed text 102257\n", + "Completed text 102258\n", + "Completed text 102259\n", + "Completed text 102260\n", + "Completed text 102261\n", + "Completed text 102262\n", + "Completed text 102263\n", + "Completed text 102264\n", + "Completed text 102265\n", + "Completed text 102266\n", + "Completed text 102267\n", + "Completed text 102268\n", + "Completed text 102269\n", + "Completed text 102270\n", + "Completed text 102271\n", + "Completed text 102272\n", + "Completed text 102273\n", + "Completed text 102274\n", + "Completed text 102275\n", + "Completed text 102276\n", + "Completed text 102277\n", + "Completed text 102278\n", + "Completed text 102279\n", + "Completed text 102280\n", + "Completed text 102281\n", + "Completed text 102282\n", + "Completed text 102283\n", + "Completed text 102284\n", + "Completed text 102285\n", + "Completed text 102286\n", + "Completed text 102287\n", + "Completed text 102288\n", + "Completed text 102289\n", + "Completed text 102290\n", + "Completed text 102291\n", + "Completed text 102292\n", + "Completed text 102293\n", + "Completed text 102294\n", + "Completed text 102295\n", + "Completed text 102296\n", + "Completed text 102297\n", + "Completed text 102298\n", + "Completed text 102299\n", + "Completed text 102300\n", + "Completed text 102301\n", + "Completed text 102302\n", + "Completed text 102303\n", + "Completed text 102304\n", + "Completed text 102305\n", + "Completed text 102306\n", + "Completed text 102307\n", + "Completed text 102308\n", + "Completed text 102309\n", + "Completed text 102310\n", + "Completed text 102311\n", + "Completed text 102312\n", + "Completed text 102313\n", + "Completed text 102314\n", + "Completed text 102315\n", + "Completed text 102316\n", + "Completed text 102317\n", + "Completed text 102318\n", + "Completed text 102319\n", + "Completed text 102320\n", + "Completed text 102321\n", + "Completed text 102322\n", + "Completed text 102323\n", + "Completed text 102324\n", + "Completed text 102325\n", + "Completed text 102326\n", + "Completed text 102327\n", + "Completed text 102328\n", + "Completed text 102329\n", + "Completed text 102330\n", + "Completed text 102331\n", + "Completed text 102332\n", + "Completed text 102333\n", + "Completed text 102334\n", + "Completed text 102335\n", + "Completed text 102336\n", + "Completed text 102337\n", + "Completed text 102338\n", + "Completed text 102339\n", + "Completed text 102340\n", + "Completed text 102341\n", + "Completed text 102342\n", + "Completed text 102343\n", + "Completed text 102344\n", + "Completed text 102345\n", + "Completed text 102346\n", + "Completed text 102347\n", + "Completed text 102348\n", + "Completed text 102349\n", + "Completed text 102350\n", + "Completed text 102351\n", + "Completed text 102352\n", + "Completed text 102353\n", + "Completed text 102354\n", + "Completed text 102355\n", + "Completed text 102356\n", + "Completed text 102357\n", + "Completed text 102358\n", + "Completed text 102359\n", + "Completed text 102360\n", + "Completed text 102361\n", + "Completed text 102362\n", + "Completed text 102363\n", + "Completed text 102364\n", + "Completed text 102365\n", + "Completed text 102366\n", + "Completed text 102367\n", + "Completed text 102368\n", + "Completed text 102369\n", + "Completed text 102370\n", + "Completed text 102371\n", + "Completed text 102372\n", + "Completed text 102373\n", + "Completed text 102374\n", + "Completed text 102375\n", + "Completed text 102376\n", + "Completed text 102377\n", + "Completed text 102378\n", + "Completed text 102379\n", + "Completed text 102380\n", + "Completed text 102381\n", + "Completed text 102382\n", + "Completed text 102383\n", + "Completed text 102384\n", + "Completed text 102385\n", + "Completed text 102386\n", + "Completed text 102387\n", + "Completed text 102388\n", + "Completed text 102389\n", + "Completed text 102390\n", + "Completed text 102391\n", + "Completed text 102392\n", + "Completed text 102393\n", + "Completed text 102394\n", + "Completed text 102395\n", + "Completed text 102396\n", + "Completed text 102397\n", + "Completed text 102398\n", + "Completed text 102399\n", + "Completed text 102400\n", + "Completed text 102401\n", + "Completed text 102402\n", + "Completed text 102403\n", + "Completed text 102404\n", + "Completed text 102405\n", + "Completed text 102406\n", + "Completed text 102407\n", + "Completed text 102408\n", + "Completed text 102409\n", + "Completed text 102410\n", + "Completed text 102411\n", + "Completed text 102412\n", + "Completed text 102413\n", + "Completed text 102414\n", + "Completed text 102415\n", + "Completed text 102416\n", + "Completed text 102417\n", + "Completed text 102418\n", + "Completed text 102419\n", + "Completed text 102420\n", + "Completed text 102421\n", + "Completed text 102422\n", + "Completed text 102423\n", + "Completed text 102424\n", + "Completed text 102425\n", + "Completed text 102426\n", + "Completed text 102427\n", + "Completed text 102428\n", + "Completed text 102429\n", + "Completed text 102430\n", + "Completed text 102431\n", + "Completed text 102432\n", + "Completed text 102433\n", + "Completed text 102434\n", + "Completed text 102435\n", + "Completed text 102436\n", + "Completed text 102437\n", + "Completed text 102438\n", + "Completed text 102439\n", + "Completed text 102440\n", + "Completed text 102441\n", + "Completed text 102442\n", + "Completed text 102443\n", + "Completed text 102444\n", + "Completed text 102445\n", + "Completed text 102446\n", + "Completed text 102447\n", + "Completed text 102448\n", + "Completed text 102449\n", + "Completed text 102450\n", + "Completed text 102451\n", + "Completed text 102452\n", + "Completed text 102453\n", + "Completed text 102454\n", + "Completed text 102455\n", + "Completed text 102456\n", + "Completed text 102457\n", + "Completed text 102458\n", + "Completed text 102459\n", + "Completed text 102460\n", + "Completed text 102461\n", + "Completed text 102462\n", + "Completed text 102463\n", + "Completed text 102464\n", + "Completed text 102465\n", + "Completed text 102466\n", + "Completed text 102467\n", + "Completed text 102468\n", + "Completed text 102469\n", + "Completed text 102470\n", + "Completed text 102471\n", + "Completed text 102472\n", + "Completed text 102473\n", + "Completed text 102474\n", + "Completed text 102475\n", + "Completed text 102476\n", + "Completed text 102477\n", + "Completed text 102478\n", + "Completed text 102479\n", + "Completed text 102480\n", + "Completed text 102481\n", + "Completed text 102482\n", + "Completed text 102483\n", + "Completed text 102484\n", + "Completed text 102485\n", + "Completed text 102486\n", + "Completed text 102487\n", + "Completed text 102488\n", + "Completed text 102489\n", + "Completed text 102490\n", + "Completed text 102491\n", + "Completed text 102492\n", + "Completed text 102493\n", + "Completed text 102494\n", + "Completed text 102495\n", + "Completed text 102496\n", + "Completed text 102497\n", + "Completed text 102498\n", + "Completed text 102499\n", + "Completed text 102500\n", + "Completed text 102501\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 102502\n", + "Completed text 102503\n", + "Completed text 102504\n", + "Completed text 102505\n", + "Completed text 102506\n", + "Completed text 102507\n", + "Completed text 102508\n", + "Completed text 102509\n", + "Completed text 102510\n", + "Completed text 102511\n", + "Completed text 102512\n", + "Completed text 102513\n", + "Completed text 102514\n", + "Completed text 102515\n", + "Completed text 102516\n", + "Completed text 102517\n", + "Completed text 102518\n", + "Completed text 102519\n", + "Completed text 102520\n", + "Completed text 102521\n", + "Completed text 102522\n", + "Completed text 102523\n", + "Completed text 102524\n", + "Completed text 102525\n", + "Completed text 102526\n", + "Completed text 102527\n", + "Completed text 102528\n", + "Completed text 102529\n", + "Completed text 102530\n", + "Completed text 102531\n", + "Completed text 102532\n", + "Completed text 102533\n", + "Completed text 102534\n", + "Completed text 102535\n", + "Completed text 102536\n", + "Completed text 102537\n", + "Completed text 102538\n", + "Completed text 102539\n", + "Completed text 102540\n", + "Completed text 102541\n", + "Completed text 102542\n", + "Completed text 102543\n", + "Completed text 102544\n", + "Completed text 102545\n", + "Completed text 102546\n", + "Completed text 102547\n", + "Completed text 102548\n", + "Completed text 102549\n", + "Completed text 102550\n", + "Completed text 102551\n", + "Completed text 102552\n", + "Completed text 102553\n", + "Completed text 102554\n", + "Completed text 102555\n", + "Completed text 102556\n", + "Completed text 102557\n", + "Completed text 102558\n", + "Completed text 102559\n", + "Completed text 102560\n", + "Completed text 102561\n", + "Completed text 102562\n", + "Completed text 102563\n", + "Completed text 102564\n", + "Completed text 102565\n", + "Completed text 102566\n", + "Completed text 102567\n", + "Completed text 102568\n", + "Completed text 102569\n", + "Completed text 102570\n", + "Completed text 102571\n", + "Completed text 102572\n", + "Completed text 102573\n", + "Completed text 102574\n", + "Completed text 102575\n", + "Completed text 102576\n", + "Completed text 102577\n", + "Completed text 102578\n", + "Completed text 102579\n", + "Completed text 102580\n", + "Completed text 102581\n", + "Completed text 102582\n", + "Completed text 102583\n", + "Completed text 102584\n", + "Completed text 102585\n", + "Completed text 102586\n", + "Completed text 102587\n", + "Completed text 102588\n", + "Completed text 102589\n", + "Completed text 102590\n", + "Completed text 102591\n", + "Completed text 102592\n", + "Completed text 102593\n", + "Completed text 102594\n", + "Completed text 102595\n", + "Completed text 102596\n", + "Completed text 102597\n", + "Completed text 102598\n", + "Completed text 102599\n", + "Completed text 102600\n", + "Completed text 102601\n", + "Completed text 102602\n", + "Completed text 102603\n", + "Completed text 102604\n", + "Completed text 102605\n", + "Completed text 102606\n", + "Completed text 102607\n", + "Completed text 102608\n", + "Completed text 102609\n", + "Completed text 102610\n", + "Completed text 102611\n", + "Completed text 102612\n", + "Completed text 102613\n", + "Completed text 102614\n", + "Completed text 102615\n", + "Completed text 102616\n", + "Completed text 102617\n", + "Completed text 102618\n", + "Completed text 102619\n", + "Completed text 102620\n", + "Completed text 102621\n", + "Completed text 102622\n", + "Completed text 102623\n", + "Completed text 102624\n", + "Completed text 102625\n", + "Completed text 102626\n", + "Completed text 102627\n", + "Completed text 102628\n", + "Completed text 102629\n", + "Completed text 102630\n", + "Completed text 102631\n", + "Completed text 102632\n", + "Completed text 102633\n", + "Completed text 102634\n", + "Completed text 102635\n", + "Completed text 102636\n", + "Completed text 102637\n", + "Completed text 102638\n", + "Completed text 102639\n", + "Completed text 102640\n", + "Completed text 102641\n", + "Completed text 102642\n", + "Completed text 102643\n", + "Completed text 102644\n", + "Completed text 102645\n", + "Completed text 102646\n", + "Completed text 102647\n", + "Completed text 102648\n", + "Completed text 102649\n", + "Completed text 102650\n", + "Completed text 102651\n", + "Completed text 102652\n", + "Completed text 102653\n", + "Completed text 102654\n", + "Completed text 102655\n", + "Completed text 102656\n", + "Completed text 102657\n", + "Completed text 102658\n", + "Completed text 102659\n", + "Completed text 102660\n", + "Completed text 102661\n", + "Completed text 102662\n", + "Completed text 102663\n", + "Completed text 102664\n", + "Completed text 102665\n", + "Completed text 102666\n", + "Completed text 102667\n", + "Completed text 102668\n", + "Completed text 102669\n", + "Completed text 102670\n", + "Completed text 102671\n", + "Completed text 102672\n", + "Completed text 102673\n", + "Completed text 102674\n", + "Completed text 102675\n", + "Completed text 102676\n", + "Completed text 102677\n", + "Completed text 102678\n", + "Completed text 102679\n", + "Completed text 102680\n", + "Completed text 102681\n", + "Completed text 102682\n", + "Completed text 102683\n", + "Completed text 102684\n", + "Completed text 102685\n", + "Completed text 102686\n", + "Completed text 102687\n", + "Completed text 102688\n", + "Completed text 102689\n", + "Completed text 102690\n", + "Completed text 102691\n", + "Completed text 102692\n", + "Completed text 102693\n", + "Completed text 102694\n", + "Completed text 102695\n", + "Completed text 102696\n", + "Completed text 102697\n", + "Completed text 102698\n", + "Completed text 102699\n", + "Completed text 102700\n", + "Completed text 102701\n", + "Completed text 102702\n", + "Completed text 102703\n", + "Completed text 102704\n", + "Completed text 102705\n", + "Completed text 102706\n", + "Completed text 102707\n", + "Completed text 102708\n", + "Completed text 102709\n", + "Completed text 102710\n", + "Completed text 102711\n", + "Completed text 102712\n", + "Completed text 102713\n", + "Completed text 102714\n", + "Completed text 102715\n", + "Completed text 102716\n", + "Completed text 102717\n", + "Completed text 102718\n", + "Completed text 102719\n", + "Completed text 102720\n", + "Completed text 102721\n", + "Completed text 102722\n", + "Completed text 102723\n", + "Completed text 102724\n", + "Completed text 102725\n", + "Completed text 102726\n", + "Completed text 102727\n", + "Completed text 102728\n", + "Completed text 102729\n", + "Completed text 102730\n", + "Completed text 102731\n", + "Completed text 102732\n", + "Completed text 102733\n", + "Completed text 102734\n", + "Completed text 102735\n", + "Completed text 102736\n", + "Completed text 102737\n", + "Completed text 102738\n", + "Completed text 102739\n", + "Completed text 102740\n", + "Completed text 102741\n", + "Completed text 102742\n", + "Completed text 102743\n", + "Completed text 102744\n", + "Completed text 102745\n", + "Completed text 102746\n", + "Completed text 102747\n", + "Completed text 102748\n", + "Completed text 102749\n", + "Completed text 102750\n", + "Completed text 102751\n", + "Completed text 102752\n", + "Completed text 102753\n", + "Completed text 102754\n", + "Completed text 102755\n", + "Completed text 102756\n", + "Completed text 102757\n", + "Completed text 102758\n", + "Completed text 102759\n", + "Completed text 102760\n", + "Completed text 102761\n", + "Completed text 102762\n", + "Completed text 102763\n", + "Completed text 102764\n", + "Completed text 102765\n", + "Completed text 102766\n", + "Completed text 102767\n", + "Completed text 102768\n", + "Completed text 102769\n", + "Completed text 102770\n", + "Completed text 102771\n", + "Completed text 102772\n", + "Completed text 102773\n", + "Completed text 102774\n", + "Completed text 102775\n", + "Completed text 102776\n", + "Completed text 102777\n", + "Completed text 102778\n", + "Completed text 102779\n", + "Completed text 102780\n", + "Completed text 102781\n", + "Completed text 102782\n", + "Completed text 102783\n", + "Completed text 102784\n", + "Completed text 102785\n", + "Completed text 102786\n", + "Completed text 102787\n", + "Completed text 102788\n", + "Completed text 102789\n", + "Completed text 102790\n", + "Completed text 102791\n", + "Completed text 102792\n", + "Completed text 102793\n", + "Completed text 102794\n", + "Completed text 102795\n", + "Completed text 102796\n", + "Completed text 102797\n", + "Completed text 102798\n", + "Completed text 102799\n", + "Completed text 102800\n", + "Completed text 102801\n", + "Completed text 102802\n", + "Completed text 102803\n", + "Completed text 102804\n", + "Completed text 102805\n", + "Completed text 102806\n", + "Completed text 102807\n", + "Completed text 102808\n", + "Completed text 102809\n", + "Completed text 102810\n", + "Completed text 102811\n", + "Completed text 102812\n", + "Completed text 102813\n", + "Completed text 102814\n", + "Completed text 102815\n", + "Completed text 102816\n", + "Completed text 102817\n", + "Completed text 102818\n", + "Completed text 102819\n", + "Completed text 102820\n", + "Completed text 102821\n", + "Completed text 102822\n", + "Completed text 102823\n", + "Completed text 102824\n", + "Completed text 102825\n", + "Completed text 102826\n", + "Completed text 102827\n", + "Completed text 102828\n", + "Completed text 102829\n", + "Completed text 102830\n", + "Completed text 102831\n", + "Completed text 102832\n", + "Completed text 102833\n", + "Completed text 102834\n", + "Completed text 102835\n", + "Completed text 102836\n", + "Completed text 102837\n", + "Completed text 102838\n", + "Completed text 102839\n", + "Completed text 102840\n", + "Completed text 102841\n", + "Completed text 102842\n", + "Completed text 102843\n", + "Completed text 102844\n", + "Completed text 102845\n", + "Completed text 102846\n", + "Completed text 102847\n", + "Completed text 102848\n", + "Completed text 102849\n", + "Completed text 102850\n", + "Completed text 102851\n", + "Completed text 102852\n", + "Completed text 102853\n", + "Completed text 102854\n", + "Completed text 102855\n", + "Completed text 102856\n", + "Completed text 102857\n", + "Completed text 102858\n", + "Completed text 102859\n", + "Completed text 102860\n", + "Completed text 102861\n", + "Completed text 102862\n", + "Completed text 102863\n", + "Completed text 102864\n", + "Completed text 102865\n", + "Completed text 102866\n", + "Completed text 102867\n", + "Completed text 102868\n", + "Completed text 102869\n", + "Completed text 102870\n", + "Completed text 102871\n", + "Completed text 102872\n", + "Completed text 102873\n", + "Completed text 102874\n", + "Completed text 102875\n", + "Completed text 102876\n", + "Completed text 102877\n", + "Completed text 102878\n", + "Completed text 102879\n", + "Completed text 102880\n", + "Completed text 102881\n", + "Completed text 102882\n", + "Completed text 102883\n", + "Completed text 102884\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 102885\n", + "Completed text 102886\n", + "Completed text 102887\n", + "Completed text 102888\n", + "Completed text 102889\n", + "Completed text 102890\n", + "Completed text 102891\n", + "Completed text 102892\n", + "Completed text 102893\n", + "Completed text 102894\n", + "Completed text 102895\n", + "Completed text 102896\n", + "Completed text 102897\n", + "Completed text 102898\n", + "Completed text 102899\n", + "Completed text 102900\n", + "Completed text 102901\n", + "Completed text 102902\n", + "Completed text 102903\n", + "Completed text 102904\n", + "Completed text 102905\n", + "Completed text 102906\n", + "Completed text 102907\n", + "Completed text 102908\n", + "Completed text 102909\n", + "Completed text 102910\n", + "Completed text 102911\n", + "Completed text 102912\n", + "Completed text 102913\n", + "Completed text 102914\n", + "Completed text 102915\n", + "Completed text 102916\n", + "Completed text 102917\n", + "Completed text 102918\n", + "Completed text 102919\n", + "Completed text 102920\n", + "Completed text 102921\n", + "Completed text 102922\n", + "Completed text 102923\n", + "Completed text 102924\n", + "Completed text 102925\n", + "Completed text 102926\n", + "Completed text 102927\n", + "Completed text 102928\n", + "Completed text 102929\n", + "Completed text 102930\n", + "Completed text 102931\n", + "Completed text 102932\n", + "Completed text 102933\n", + "Completed text 102934\n", + "Completed text 102935\n", + "Completed text 102936\n", + "Completed text 102937\n", + "Completed text 102938\n", + "Completed text 102939\n", + "Completed text 102940\n", + "Completed text 102941\n", + "Completed text 102942\n", + "Completed text 102943\n", + "Completed text 102944\n", + "Completed text 102945\n", + "Completed text 102946\n", + "Completed text 102947\n", + "Completed text 102948\n", + "Completed text 102949\n", + "Completed text 102950\n", + "Completed text 102951\n", + "Completed text 102952\n", + "Completed text 102953\n", + "Completed text 102954\n", + "Completed text 102955\n", + "Completed text 102956\n", + "Completed text 102957\n", + "Completed text 102958\n", + "Completed text 102959\n", + "Completed text 102960\n", + "Completed text 102961\n", + "Completed text 102962\n", + "Completed text 102963\n", + "Completed text 102964\n", + "Completed text 102965\n", + "Completed text 102966\n", + "Completed text 102967\n", + "Completed text 102968\n", + "Completed text 102969\n", + "Completed text 102970\n", + "Completed text 102971\n", + "Completed text 102972\n", + "Completed text 102973\n", + "Completed text 102974\n", + "Completed text 102975\n", + "Completed text 102976\n", + "Completed text 102977\n", + "Completed text 102978\n", + "Completed text 102979\n", + "Completed text 102980\n", + "Completed text 102981\n", + "Completed text 102982\n", + "Completed text 102983\n", + "Completed text 102984\n", + "Completed text 102985\n", + "Completed text 102986\n", + "Completed text 102987\n", + "Completed text 102988\n", + "Completed text 102989\n", + "Completed text 102990\n", + "Completed text 102991\n", + "Completed text 102992\n", + "Completed text 102993\n", + "Completed text 102994\n", + "Completed text 102995\n", + "Completed text 102996\n", + "Completed text 102997\n", + "Completed text 102998\n", + "Completed text 102999\n", + "Completed text 103000\n", + "Completed text 103001\n", + "Completed text 103002\n", + "Completed text 103003\n", + "Completed text 103004\n", + "Completed text 103005\n", + "Completed text 103006\n", + "Completed text 103007\n", + "Completed text 103008\n", + "Completed text 103009\n", + "Completed text 103010\n", + "Completed text 103011\n", + "Completed text 103012\n", + "Completed text 103013\n", + "Completed text 103014\n", + "Completed text 103015\n", + "Completed text 103016\n", + "Completed text 103017\n", + "Completed text 103018\n", + "Completed text 103019\n", + "Completed text 103020\n", + "Completed text 103021\n", + "Completed text 103022\n", + "Completed text 103023\n", + "Completed text 103024\n", + "Completed text 103025\n", + "Completed text 103026\n", + "Completed text 103027\n", + "Completed text 103028\n", + "Completed text 103029\n", + "Completed text 103030\n", + "Completed text 103031\n", + "Completed text 103032\n", + "Completed text 103033\n", + "Completed text 103034\n", + "Completed text 103035\n", + "Completed text 103036\n", + "Completed text 103037\n", + "Completed text 103038\n", + "Completed text 103039\n", + "Completed text 103040\n", + "Completed text 103041\n", + "Completed text 103042\n", + "Completed text 103043\n", + "Completed text 103044\n", + "Completed text 103045\n", + "Completed text 103046\n", + "Completed text 103047\n", + "Completed text 103048\n", + "Completed text 103049\n", + "Completed text 103050\n", + "Completed text 103051\n", + "Completed text 103052\n", + "Completed text 103053\n", + "Completed text 103054\n", + "Completed text 103055\n", + "Completed text 103056\n", + "Completed text 103057\n", + "Completed text 103058\n", + "Completed text 103059\n", + "Completed text 103060\n", + "Completed text 103061\n", + "Completed text 103062\n", + "Completed text 103063\n", + "Completed text 103064\n", + "Completed text 103065\n", + "Completed text 103066\n", + "Completed text 103067\n", + "Completed text 103068\n", + "Completed text 103069\n", + "Completed text 103070\n", + "Completed text 103071\n", + "Completed text 103072\n", + "Completed text 103073\n", + "Completed text 103074\n", + "Completed text 103075\n", + "Completed text 103076\n", + "Completed text 103077\n", + "Completed text 103078\n", + "Completed text 103079\n", + "Completed text 103080\n", + "Completed text 103081\n", + "Completed text 103082\n", + "Completed text 103083\n", + "Completed text 103084\n", + "Completed text 103085\n", + "Completed text 103086\n", + "Completed text 103087\n", + "Completed text 103088\n", + "Completed text 103089\n", + "Completed text 103090\n", + "Completed text 103091\n", + "Completed text 103092\n", + "Completed text 103093\n", + "Completed text 103094\n", + "Completed text 103095\n", + "Completed text 103096\n", + "Completed text 103097\n", + "Completed text 103098\n", + "Completed text 103099\n", + "Completed text 103100\n", + "Completed text 103101\n", + "Completed text 103102\n", + "Completed text 103103\n", + "Completed text 103104\n", + "Completed text 103105\n", + "Completed text 103106\n", + "Completed text 103107\n", + "Completed text 103108\n", + "Completed text 103109\n", + "Completed text 103110\n", + "Completed text 103111\n", + "Completed text 103112\n", + "Completed text 103113\n", + "Completed text 103114\n", + "Completed text 103115\n", + "Completed text 103116\n", + "Completed text 103117\n", + "Completed text 103118\n", + "Completed text 103119\n", + "Completed text 103120\n", + "Completed text 103121\n", + "Completed text 103122\n", + "Completed text 103123\n", + "Completed text 103124\n", + "Completed text 103125\n", + "Completed text 103126\n", + "Completed text 103127\n", + "Completed text 103128\n", + "Completed text 103129\n", + "Completed text 103130\n", + "Completed text 103131\n", + "Completed text 103132\n", + "Completed text 103133\n", + "Completed text 103134\n", + "Completed text 103135\n", + "Completed text 103136\n", + "Completed text 103137\n", + "Completed text 103138\n", + "Completed text 103139\n", + "Completed text 103140\n", + "Completed text 103141\n", + "Completed text 103142\n", + "Completed text 103143\n", + "Completed text 103144\n", + "Completed text 103145\n", + "Completed text 103146\n", + "Completed text 103147\n", + "Completed text 103148\n", + "Completed text 103149\n", + "Completed text 103150\n", + "Completed text 103151\n", + "Completed text 103152\n", + "Completed text 103153\n", + "Completed text 103154\n", + "Completed text 103155\n", + "Completed text 103156\n", + "Completed text 103157\n", + "Completed text 103158\n", + "Completed text 103159\n", + "Completed text 103160\n", + "Completed text 103161\n", + "Completed text 103162\n", + "Completed text 103163\n", + "Completed text 103164\n", + "Completed text 103165\n", + "Completed text 103166\n", + "Completed text 103167\n", + "Completed text 103168\n", + "Completed text 103169\n", + "Completed text 103170\n", + "Completed text 103171\n", + "Completed text 103172\n", + "Completed text 103173\n", + "Completed text 103174\n", + "Completed text 103175\n", + "Completed text 103176\n", + "Completed text 103177\n", + "Completed text 103178\n", + "Completed text 103179\n", + "Completed text 103180\n", + "Completed text 103181\n", + "Completed text 103182\n", + "Completed text 103183\n", + "Completed text 103184\n", + "Completed text 103185\n", + "Completed text 103186\n", + "Completed text 103187\n", + "Completed text 103188\n", + "Completed text 103189\n", + "Completed text 103190\n", + "Completed text 103191\n", + "Completed text 103192\n", + "Completed text 103193\n", + "Completed text 103194\n", + "Completed text 103195\n", + "Completed text 103196\n", + "Completed text 103197\n", + "Completed text 103198\n", + "Completed text 103199\n", + "Completed text 103200\n", + "Completed text 103201\n", + "Completed text 103202\n", + "Completed text 103203\n", + "Completed text 103204\n", + "Completed text 103205\n", + "Completed text 103206\n", + "Completed text 103207\n", + "Completed text 103208\n", + "Completed text 103209\n", + "Completed text 103210\n", + "Completed text 103211\n", + "Completed text 103212\n", + "Completed text 103213\n", + "Completed text 103214\n", + "Completed text 103215\n", + "Completed text 103216\n", + "Completed text 103217\n", + "Completed text 103218\n", + "Completed text 103219\n", + "Completed text 103220\n", + "Completed text 103221\n", + "Completed text 103222\n", + "Completed text 103223\n", + "Completed text 103224\n", + "Completed text 103225\n", + "Completed text 103226\n", + "Completed text 103227\n", + "Completed text 103228\n", + "Completed text 103229\n", + "Completed text 103230\n", + "Completed text 103231\n", + "Completed text 103232\n", + "Completed text 103233\n", + "Completed text 103234\n", + "Completed text 103235\n", + "Completed text 103236\n", + "Completed text 103237\n", + "Completed text 103238\n", + "Completed text 103239\n", + "Completed text 103240\n", + "Completed text 103241\n", + "Completed text 103242\n", + "Completed text 103243\n", + "Completed text 103244\n", + "Completed text 103245\n", + "Completed text 103246\n", + "Completed text 103247\n", + "Completed text 103248\n", + "Completed text 103249\n", + "Completed text 103250\n", + "Completed text 103251\n", + "Completed text 103252\n", + "Completed text 103253\n", + "Completed text 103254\n", + "Completed text 103255\n", + "Completed text 103256\n", + "Completed text 103257\n", + "Completed text 103258\n", + "Completed text 103259\n", + "Completed text 103260\n", + "Completed text 103261\n", + "Completed text 103262\n", + "Completed text 103263\n", + "Completed text 103264\n", + "Completed text 103265\n", + "Completed text 103266\n", + "Completed text 103267\n", + "Completed text 103268\n", + "Completed text 103269\n", + "Completed text 103270\n", + "Completed text 103271\n", + "Completed text 103272\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 103273\n", + "Completed text 103274\n", + "Completed text 103275\n", + "Completed text 103276\n", + "Completed text 103277\n", + "Completed text 103278\n", + "Completed text 103279\n", + "Completed text 103280\n", + "Completed text 103281\n", + "Completed text 103282\n", + "Completed text 103283\n", + "Completed text 103284\n", + "Completed text 103285\n", + "Completed text 103286\n", + "Completed text 103287\n", + "Completed text 103288\n", + "Completed text 103289\n", + "Completed text 103290\n", + "Completed text 103291\n", + "Completed text 103292\n", + "Completed text 103293\n", + "Completed text 103294\n", + "Completed text 103295\n", + "Completed text 103296\n", + "Completed text 103297\n", + "Completed text 103298\n", + "Completed text 103299\n", + "Completed text 103300\n", + "Completed text 103301\n", + "Completed text 103302\n", + "Completed text 103303\n", + "Completed text 103304\n", + "Completed text 103305\n", + "Completed text 103306\n", + "Completed text 103307\n", + "Completed text 103308\n", + "Completed text 103309\n", + "Completed text 103310\n", + "Completed text 103311\n", + "Completed text 103312\n", + "Completed text 103313\n", + "Completed text 103314\n", + "Completed text 103315\n", + "Completed text 103316\n", + "Completed text 103317\n", + "Completed text 103318\n", + "Completed text 103319\n", + "Completed text 103320\n", + "Completed text 103321\n", + "Completed text 103322\n", + "Completed text 103323\n", + "Completed text 103324\n", + "Completed text 103325\n", + "Completed text 103326\n", + "Completed text 103327\n", + "Completed text 103328\n", + "Completed text 103329\n", + "Completed text 103330\n", + "Completed text 103331\n", + "Completed text 103332\n", + "Completed text 103333\n", + "Completed text 103334\n", + "Completed text 103335\n", + "Completed text 103336\n", + "Completed text 103337\n", + "Completed text 103338\n", + "Completed text 103339\n", + "Completed text 103340\n", + "Completed text 103341\n", + "Completed text 103342\n", + "Completed text 103343\n", + "Completed text 103344\n", + "Completed text 103345\n", + "Completed text 103346\n", + "Completed text 103347\n", + "Completed text 103348\n", + "Completed text 103349\n", + "Completed text 103350\n", + "Completed text 103351\n", + "Completed text 103352\n", + "Completed text 103353\n", + "Completed text 103354\n", + "Completed text 103355\n", + "Completed text 103356\n", + "Completed text 103357\n", + "Completed text 103358\n", + "Completed text 103359\n", + "Completed text 103360\n", + "Completed text 103361\n", + "Completed text 103362\n", + "Completed text 103363\n", + "Completed text 103364\n", + "Completed text 103365\n", + "Completed text 103366\n", + "Completed text 103367\n", + "Completed text 103368\n", + "Completed text 103369\n", + "Completed text 103370\n", + "Completed text 103371\n", + "Completed text 103372\n", + "Completed text 103373\n", + "Completed text 103374\n", + "Completed text 103375\n", + "Completed text 103376\n", + "Completed text 103377\n", + "Completed text 103378\n", + "Completed text 103379\n", + "Completed text 103380\n", + "Completed text 103381\n", + "Completed text 103382\n", + "Completed text 103383\n", + "Completed text 103384\n", + "Completed text 103385\n", + "Completed text 103386\n", + "Completed text 103387\n", + "Completed text 103388\n", + "Completed text 103389\n", + "Completed text 103390\n", + "Completed text 103391\n", + "Completed text 103392\n", + "Completed text 103393\n", + "Completed text 103394\n", + "Completed text 103395\n", + "Completed text 103396\n", + "Completed text 103397\n", + "Completed text 103398\n", + "Completed text 103399\n", + "Completed text 103400\n", + "Completed text 103401\n", + "Completed text 103402\n", + "Completed text 103403\n", + "Completed text 103404\n", + "Completed text 103405\n", + "Completed text 103406\n", + "Completed text 103407\n", + "Completed text 103408\n", + "Completed text 103409\n", + "Completed text 103410\n", + "Completed text 103411\n", + "Completed text 103412\n", + "Completed text 103413\n", + "Completed text 103414\n", + "Completed text 103415\n", + "Completed text 103416\n", + "Completed text 103417\n", + "Completed text 103418\n", + "Completed text 103419\n", + "Completed text 103420\n", + "Completed text 103421\n", + "Completed text 103422\n", + "Completed text 103423\n", + "Completed text 103424\n", + "Completed text 103425\n", + "Completed text 103426\n", + "Completed text 103427\n", + "Completed text 103428\n", + "Completed text 103429\n", + "Completed text 103430\n", + "Completed text 103431\n", + "Completed text 103432\n", + "Completed text 103433\n", + "Completed text 103434\n", + "Completed text 103435\n", + "Completed text 103436\n", + "Completed text 103437\n", + "Completed text 103438\n", + "Completed text 103439\n", + "Completed text 103440\n", + "Completed text 103441\n", + "Completed text 103442\n", + "Completed text 103443\n", + "Completed text 103444\n", + "Completed text 103445\n", + "Completed text 103446\n", + "Completed text 103447\n", + "Completed text 103448\n", + "Completed text 103449\n", + "Completed text 103450\n", + "Completed text 103451\n", + "Completed text 103452\n", + "Completed text 103453\n", + "Completed text 103454\n", + "Completed text 103455\n", + "Completed text 103456\n", + "Completed text 103457\n", + "Completed text 103458\n", + "Completed text 103459\n", + "Completed text 103460\n", + "Completed text 103461\n", + "Completed text 103462\n", + "Completed text 103463\n", + "Completed text 103464\n", + "Completed text 103465\n", + "Completed text 103466\n", + "Completed text 103467\n", + "Completed text 103468\n", + "Completed text 103469\n", + "Completed text 103470\n", + "Completed text 103471\n", + "Completed text 103472\n", + "Completed text 103473\n", + "Completed text 103474\n", + "Completed text 103475\n", + "Completed text 103476\n", + "Completed text 103477\n", + "Completed text 103478\n", + "Completed text 103479\n", + "Completed text 103480\n", + "Completed text 103481\n", + "Completed text 103482\n", + "Completed text 103483\n", + "Completed text 103484\n", + "Completed text 103485\n", + "Completed text 103486\n", + "Completed text 103487\n", + "Completed text 103488\n", + "Completed text 103489\n", + "Completed text 103490\n", + "Completed text 103491\n", + "Completed text 103492\n", + "Completed text 103493\n", + "Completed text 103494\n", + "Completed text 103495\n", + "Completed text 103496\n", + "Completed text 103497\n", + "Completed text 103498\n", + "Completed text 103499\n", + "Completed text 103500\n", + "Completed text 103501\n", + "Completed text 103502\n", + "Completed text 103503\n", + "Completed text 103504\n", + "Completed text 103505\n", + "Completed text 103506\n", + "Completed text 103507\n", + "Completed text 103508\n", + "Completed text 103509\n", + "Completed text 103510\n", + "Completed text 103511\n", + "Completed text 103512\n", + "Completed text 103513\n", + "Completed text 103514\n", + "Completed text 103515\n", + "Completed text 103516\n", + "Completed text 103517\n", + "Completed text 103518\n", + "Completed text 103519\n", + "Completed text 103520\n", + "Completed text 103521\n", + "Completed text 103522\n", + "Completed text 103523\n", + "Completed text 103524\n", + "Completed text 103525\n", + "Completed text 103526\n", + "Completed text 103527\n", + "Completed text 103528\n", + "Completed text 103529\n", + "Completed text 103530\n", + "Completed text 103531\n", + "Completed text 103532\n", + "Completed text 103533\n", + "Completed text 103534\n", + "Completed text 103535\n", + "Completed text 103536\n", + "Completed text 103537\n", + "Completed text 103538\n", + "Completed text 103539\n", + "Completed text 103540\n", + "Completed text 103541\n", + "Completed text 103542\n", + "Completed text 103543\n", + "Completed text 103544\n", + "Completed text 103545\n", + "Completed text 103546\n", + "Completed text 103547\n", + "Completed text 103548\n", + "Completed text 103549\n", + "Completed text 103550\n", + "Completed text 103551\n", + "Completed text 103552\n", + "Completed text 103553\n", + "Completed text 103554\n", + "Completed text 103555\n", + "Completed text 103556\n", + "Completed text 103557\n", + "Completed text 103558\n", + "Completed text 103559\n", + "Completed text 103560\n", + "Completed text 103561\n", + "Completed text 103562\n", + "Completed text 103563\n", + "Completed text 103564\n", + "Completed text 103565\n", + "Completed text 103566\n", + "Completed text 103567\n", + "Completed text 103568\n", + "Completed text 103569\n", + "Completed text 103570\n", + "Completed text 103571\n", + "Completed text 103572\n", + "Completed text 103573\n", + "Completed text 103574\n", + "Completed text 103575\n", + "Completed text 103576\n", + "Completed text 103577\n", + "Completed text 103578\n", + "Completed text 103579\n", + "Completed text 103580\n", + "Completed text 103581\n", + "Completed text 103582\n", + "Completed text 103583\n", + "Completed text 103584\n", + "Completed text 103585\n", + "Completed text 103586\n", + "Completed text 103587\n", + "Completed text 103588\n", + "Completed text 103589\n", + "Completed text 103590\n", + "Completed text 103591\n", + "Completed text 103592\n", + "Completed text 103593\n", + "Completed text 103594\n", + "Completed text 103595\n", + "Completed text 103596\n", + "Completed text 103597\n", + "Completed text 103598\n", + "Completed text 103599\n", + "Completed text 103600\n", + "Completed text 103601\n", + "Completed text 103602\n", + "Completed text 103603\n", + "Completed text 103604\n", + "Completed text 103605\n", + "Completed text 103606\n", + "Completed text 103607\n", + "Completed text 103608\n", + "Completed text 103609\n", + "Completed text 103610\n", + "Completed text 103611\n", + "Completed text 103612\n", + "Completed text 103613\n", + "Completed text 103614\n", + "Completed text 103615\n", + "Completed text 103616\n", + "Completed text 103617\n", + "Completed text 103618\n", + "Completed text 103619\n", + "Completed text 103620\n", + "Completed text 103621\n", + "Completed text 103622\n", + "Completed text 103623\n", + "Completed text 103624\n", + "Completed text 103625\n", + "Completed text 103626\n", + "Completed text 103627\n", + "Completed text 103628\n", + "Completed text 103629\n", + "Completed text 103630\n", + "Completed text 103631\n", + "Completed text 103632\n", + "Completed text 103633\n", + "Completed text 103634\n", + "Completed text 103635\n", + "Completed text 103636\n", + "Completed text 103637\n", + "Completed text 103638\n", + "Completed text 103639\n", + "Completed text 103640\n", + "Completed text 103641\n", + "Completed text 103642\n", + "Completed text 103643\n", + "Completed text 103644\n", + "Completed text 103645\n", + "Completed text 103646\n", + "Completed text 103647\n", + "Completed text 103648\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 103649\n", + "Completed text 103650\n", + "Completed text 103651\n", + "Completed text 103652\n", + "Completed text 103653\n", + "Completed text 103654\n", + "Completed text 103655\n", + "Completed text 103656\n", + "Completed text 103657\n", + "Completed text 103658\n", + "Completed text 103659\n", + "Completed text 103660\n", + "Completed text 103661\n", + "Completed text 103662\n", + "Completed text 103663\n", + "Completed text 103664\n", + "Completed text 103665\n", + "Completed text 103666\n", + "Completed text 103667\n", + "Completed text 103668\n", + "Completed text 103669\n", + "Completed text 103670\n", + "Completed text 103671\n", + "Completed text 103672\n", + "Completed text 103673\n", + "Completed text 103674\n", + "Completed text 103675\n", + "Completed text 103676\n", + "Completed text 103677\n", + "Completed text 103678\n", + "Completed text 103679\n", + "Completed text 103680\n", + "Completed text 103681\n", + "Completed text 103682\n", + "Completed text 103683\n", + "Completed text 103684\n", + "Completed text 103685\n", + "Completed text 103686\n", + "Completed text 103687\n", + "Completed text 103688\n", + "Completed text 103689\n", + "Completed text 103690\n", + "Completed text 103691\n", + "Completed text 103692\n", + "Completed text 103693\n", + "Completed text 103694\n", + "Completed text 103695\n", + "Completed text 103696\n", + "Completed text 103697\n", + "Completed text 103698\n", + "Completed text 103699\n", + "Completed text 103700\n", + "Completed text 103701\n", + "Completed text 103702\n", + "Completed text 103703\n", + "Completed text 103704\n", + "Completed text 103705\n", + "Completed text 103706\n", + "Completed text 103707\n", + "Completed text 103708\n", + "Completed text 103709\n", + "Completed text 103710\n", + "Completed text 103711\n", + "Completed text 103712\n", + "Completed text 103713\n", + "Completed text 103714\n", + "Completed text 103715\n", + "Completed text 103716\n", + "Completed text 103717\n", + "Completed text 103718\n", + "Completed text 103719\n", + "Completed text 103720\n", + "Completed text 103721\n", + "Completed text 103722\n", + "Completed text 103723\n", + "Completed text 103724\n", + "Completed text 103725\n", + "Completed text 103726\n", + "Completed text 103727\n", + "Completed text 103728\n", + "Completed text 103729\n", + "Completed text 103730\n", + "Completed text 103731\n", + "Completed text 103732\n", + "Completed text 103733\n", + "Completed text 103734\n", + "Completed text 103735\n", + "Completed text 103736\n", + "Completed text 103737\n", + "Completed text 103738\n", + "Completed text 103739\n", + "Completed text 103740\n", + "Completed text 103741\n", + "Completed text 103742\n", + "Completed text 103743\n", + "Completed text 103744\n", + "Completed text 103745\n", + "Completed text 103746\n", + "Completed text 103747\n", + "Completed text 103748\n", + "Completed text 103749\n", + "Completed text 103750\n", + "Completed text 103751\n", + "Completed text 103752\n", + "Completed text 103753\n", + "Completed text 103754\n", + "Completed text 103755\n", + "Completed text 103756\n", + "Completed text 103757\n", + "Completed text 103758\n", + "Completed text 103759\n", + "Completed text 103760\n", + "Completed text 103761\n", + "Completed text 103762\n", + "Completed text 103763\n", + "Completed text 103764\n", + "Completed text 103765\n", + "Completed text 103766\n", + "Completed text 103767\n", + "Completed text 103768\n", + "Completed text 103769\n", + "Completed text 103770\n", + "Completed text 103771\n", + "Completed text 103772\n", + "Completed text 103773\n", + "Completed text 103774\n", + "Completed text 103775\n", + "Completed text 103776\n", + "Completed text 103777\n", + "Completed text 103778\n", + "Completed text 103779\n", + "Completed text 103780\n", + "Completed text 103781\n", + "Completed text 103782\n", + "Completed text 103783\n", + "Completed text 103784\n", + "Completed text 103785\n", + "Completed text 103786\n", + "Completed text 103787\n", + "Completed text 103788\n", + "Completed text 103789\n", + "Completed text 103790\n", + "Completed text 103791\n", + "Completed text 103792\n", + "Completed text 103793\n", + "Completed text 103794\n", + "Completed text 103795\n", + "Completed text 103796\n", + "Completed text 103797\n", + "Completed text 103798\n", + "Completed text 103799\n", + "Completed text 103800\n", + "Completed text 103801\n", + "Completed text 103802\n", + "Completed text 103803\n", + "Completed text 103804\n", + "Completed text 103805\n", + "Completed text 103806\n", + "Completed text 103807\n", + "Completed text 103808\n", + "Completed text 103809\n", + "Completed text 103810\n", + "Completed text 103811\n", + "Completed text 103812\n", + "Completed text 103813\n", + "Completed text 103814\n", + "Completed text 103815\n", + "Completed text 103816\n", + "Completed text 103817\n", + "Completed text 103818\n", + "Completed text 103819\n", + "Completed text 103820\n", + "Completed text 103821\n", + "Completed text 103822\n", + "Completed text 103823\n", + "Completed text 103824\n", + "Completed text 103825\n", + "Completed text 103826\n", + "Completed text 103827\n", + "Completed text 103828\n", + "Completed text 103829\n", + "Completed text 103830\n", + "Completed text 103831\n", + "Completed text 103832\n", + "Completed text 103833\n", + "Completed text 103834\n", + "Completed text 103835\n", + "Completed text 103836\n", + "Completed text 103837\n", + "Completed text 103838\n", + "Completed text 103839\n", + "Completed text 103840\n", + "Completed text 103841\n", + "Completed text 103842\n", + "Completed text 103843\n", + "Completed text 103844\n", + "Completed text 103845\n", + "Completed text 103846\n", + "Completed text 103847\n", + "Completed text 103848\n", + "Completed text 103849\n", + "Completed text 103850\n", + "Completed text 103851\n", + "Completed text 103852\n", + "Completed text 103853\n", + "Completed text 103854\n", + "Completed text 103855\n", + "Completed text 103856\n", + "Completed text 103857\n", + "Completed text 103858\n", + "Completed text 103859\n", + "Completed text 103860\n", + "Completed text 103861\n", + "Completed text 103862\n", + "Completed text 103863\n", + "Completed text 103864\n", + "Completed text 103865\n", + "Completed text 103866\n", + "Completed text 103867\n", + "Completed text 103868\n", + "Completed text 103869\n", + "Completed text 103870\n", + "Completed text 103871\n", + "Completed text 103872\n", + "Completed text 103873\n", + "Completed text 103874\n", + "Completed text 103875\n", + "Completed text 103876\n", + "Completed text 103877\n", + "Completed text 103878\n", + "Completed text 103879\n", + "Completed text 103880\n", + "Completed text 103881\n", + "Completed text 103882\n", + "Completed text 103883\n", + "Completed text 103884\n", + "Completed text 103885\n", + "Completed text 103886\n", + "Completed text 103887\n", + "Completed text 103888\n", + "Completed text 103889\n", + "Completed text 103890\n", + "Completed text 103891\n", + "Completed text 103892\n", + "Completed text 103893\n", + "Completed text 103894\n", + "Completed text 103895\n", + "Completed text 103896\n", + "Completed text 103897\n", + "Completed text 103898\n", + "Completed text 103899\n", + "Completed text 103900\n", + "Completed text 103901\n", + "Completed text 103902\n", + "Completed text 103903\n", + "Completed text 103904\n", + "Completed text 103905\n", + "Completed text 103906\n", + "Completed text 103907\n", + "Completed text 103908\n", + "Completed text 103909\n", + "Completed text 103910\n", + "Completed text 103911\n", + "Completed text 103912\n", + "Completed text 103913\n", + "Completed text 103914\n", + "Completed text 103915\n", + "Completed text 103916\n", + "Completed text 103917\n", + "Completed text 103918\n", + "Completed text 103919\n", + "Completed text 103920\n", + "Completed text 103921\n", + "Completed text 103922\n", + "Completed text 103923\n", + "Completed text 103924\n", + "Completed text 103925\n", + "Completed text 103926\n", + "Completed text 103927\n", + "Completed text 103928\n", + "Completed text 103929\n", + "Completed text 103930\n", + "Completed text 103931\n", + "Completed text 103932\n", + "Completed text 103933\n", + "Completed text 103934\n", + "Completed text 103935\n", + "Completed text 103936\n", + "Completed text 103937\n", + "Completed text 103938\n", + "Completed text 103939\n", + "Completed text 103940\n", + "Completed text 103941\n", + "Completed text 103942\n", + "Completed text 103943\n", + "Completed text 103944\n", + "Completed text 103945\n", + "Completed text 103946\n", + "Completed text 103947\n", + "Completed text 103948\n", + "Completed text 103949\n", + "Completed text 103950\n", + "Completed text 103951\n", + "Completed text 103952\n", + "Completed text 103953\n", + "Completed text 103954\n", + "Completed text 103955\n", + "Completed text 103956\n", + "Completed text 103957\n", + "Completed text 103958\n", + "Completed text 103959\n", + "Completed text 103960\n", + "Completed text 103961\n", + "Completed text 103962\n", + "Completed text 103963\n", + "Completed text 103964\n", + "Completed text 103965\n", + "Completed text 103966\n", + "Completed text 103967\n", + "Completed text 103968\n", + "Completed text 103969\n", + "Completed text 103970\n", + "Completed text 103971\n", + "Completed text 103972\n", + "Completed text 103973\n", + "Completed text 103974\n", + "Completed text 103975\n", + "Completed text 103976\n", + "Completed text 103977\n", + "Completed text 103978\n", + "Completed text 103979\n", + "Completed text 103980\n", + "Completed text 103981\n", + "Completed text 103982\n", + "Completed text 103983\n", + "Completed text 103984\n", + "Completed text 103985\n", + "Completed text 103986\n", + "Completed text 103987\n", + "Completed text 103988\n", + "Completed text 103989\n", + "Completed text 103990\n", + "Completed text 103991\n", + "Completed text 103992\n", + "Completed text 103993\n", + "Completed text 103994\n", + "Completed text 103995\n", + "Completed text 103996\n", + "Completed text 103997\n", + "Completed text 103998\n", + "Completed text 103999\n", + "Completed text 104000\n", + "Completed text 104001\n", + "Completed text 104002\n", + "Completed text 104003\n", + "Completed text 104004\n", + "Completed text 104005\n", + "Completed text 104006\n", + "Completed text 104007\n", + "Completed text 104008\n", + "Completed text 104009\n", + "Completed text 104010\n", + "Completed text 104011\n", + "Completed text 104012\n", + "Completed text 104013\n", + "Completed text 104014\n", + "Completed text 104015\n", + "Completed text 104016\n", + "Completed text 104017\n", + "Completed text 104018\n", + "Completed text 104019\n", + "Completed text 104020\n", + "Completed text 104021\n", + "Completed text 104022\n", + "Completed text 104023\n", + "Completed text 104024\n", + "Completed text 104025\n", + "Completed text 104026\n", + "Completed text 104027\n", + "Completed text 104028\n", + "Completed text 104029\n", + "Completed text 104030\n", + "Completed text 104031\n", + "Completed text 104032\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 104033\n", + "Completed text 104034\n", + "Completed text 104035\n", + "Completed text 104036\n", + "Completed text 104037\n", + "Completed text 104038\n", + "Completed text 104039\n", + "Completed text 104040\n", + "Completed text 104041\n", + "Completed text 104042\n", + "Completed text 104043\n", + "Completed text 104044\n", + "Completed text 104045\n", + "Completed text 104046\n", + "Completed text 104047\n", + "Completed text 104048\n", + "Completed text 104049\n", + "Completed text 104050\n", + "Completed text 104051\n", + "Completed text 104052\n", + "Completed text 104053\n", + "Completed text 104054\n", + "Completed text 104055\n", + "Completed text 104056\n", + "Completed text 104057\n", + "Completed text 104058\n", + "Completed text 104059\n", + "Completed text 104060\n", + "Completed text 104061\n", + "Completed text 104062\n", + "Completed text 104063\n", + "Completed text 104064\n", + "Completed text 104065\n", + "Completed text 104066\n", + "Completed text 104067\n", + "Completed text 104068\n", + "Completed text 104069\n", + "Completed text 104070\n", + "Completed text 104071\n", + "Completed text 104072\n", + "Completed text 104073\n", + "Completed text 104074\n", + "Completed text 104075\n", + "Completed text 104076\n", + "Completed text 104077\n", + "Completed text 104078\n", + "Completed text 104079\n", + "Completed text 104080\n", + "Completed text 104081\n", + "Completed text 104082\n", + "Completed text 104083\n", + "Completed text 104084\n", + "Completed text 104085\n", + "Completed text 104086\n", + "Completed text 104087\n", + "Completed text 104088\n", + "Completed text 104089\n", + "Completed text 104090\n", + "Completed text 104091\n", + "Completed text 104092\n", + "Completed text 104093\n", + "Completed text 104094\n", + "Completed text 104095\n", + "Completed text 104096\n", + "Completed text 104097\n", + "Completed text 104098\n", + "Completed text 104099\n", + "Completed text 104100\n", + "Completed text 104101\n", + "Completed text 104102\n", + "Completed text 104103\n", + "Completed text 104104\n", + "Completed text 104105\n", + "Completed text 104106\n", + "Completed text 104107\n", + "Completed text 104108\n", + "Completed text 104109\n", + "Completed text 104110\n", + "Completed text 104111\n", + "Completed text 104112\n", + "Completed text 104113\n", + "Completed text 104114\n", + "Completed text 104115\n", + "Completed text 104116\n", + "Completed text 104117\n", + "Completed text 104118\n", + "Completed text 104119\n", + "Completed text 104120\n", + "Completed text 104121\n", + "Completed text 104122\n", + "Completed text 104123\n", + "Completed text 104124\n", + "Completed text 104125\n", + "Completed text 104126\n", + "Completed text 104127\n", + "Completed text 104128\n", + "Completed text 104129\n", + "Completed text 104130\n", + "Completed text 104131\n", + "Completed text 104132\n", + "Completed text 104133\n", + "Completed text 104134\n", + "Completed text 104135\n", + "Completed text 104136\n", + "Completed text 104137\n", + "Completed text 104138\n", + "Completed text 104139\n", + "Completed text 104140\n", + "Completed text 104141\n", + "Completed text 104142\n", + "Completed text 104143\n", + "Completed text 104144\n", + "Completed text 104145\n", + "Completed text 104146\n", + "Completed text 104147\n", + "Completed text 104148\n", + "Completed text 104149\n", + "Completed text 104150\n", + "Completed text 104151\n", + "Completed text 104152\n", + "Completed text 104153\n", + "Completed text 104154\n", + "Completed text 104155\n", + "Completed text 104156\n", + "Completed text 104157\n", + "Completed text 104158\n", + "Completed text 104159\n", + "Completed text 104160\n", + "Completed text 104161\n", + "Completed text 104162\n", + "Completed text 104163\n", + "Completed text 104164\n", + "Completed text 104165\n", + "Completed text 104166\n", + "Completed text 104167\n", + "Completed text 104168\n", + "Completed text 104169\n", + "Completed text 104170\n", + "Completed text 104171\n", + "Completed text 104172\n", + "Completed text 104173\n", + "Completed text 104174\n", + "Completed text 104175\n", + "Completed text 104176\n", + "Completed text 104177\n", + "Completed text 104178\n", + "Completed text 104179\n", + "Completed text 104180\n", + "Completed text 104181\n", + "Completed text 104182\n", + "Completed text 104183\n", + "Completed text 104184\n", + "Completed text 104185\n", + "Completed text 104186\n", + "Completed text 104187\n", + "Completed text 104188\n", + "Completed text 104189\n", + "Completed text 104190\n", + "Completed text 104191\n", + "Completed text 104192\n", + "Completed text 104193\n", + "Completed text 104194\n", + "Completed text 104195\n", + "Completed text 104196\n", + "Completed text 104197\n", + "Completed text 104198\n", + "Completed text 104199\n", + "Completed text 104200\n", + "Completed text 104201\n", + "Completed text 104202\n", + "Completed text 104203\n", + "Completed text 104204\n", + "Completed text 104205\n", + "Completed text 104206\n", + "Completed text 104207\n", + "Completed text 104208\n", + "Completed text 104209\n", + "Completed text 104210\n", + "Completed text 104211\n", + "Completed text 104212\n", + "Completed text 104213\n", + "Completed text 104214\n", + "Completed text 104215\n", + "Completed text 104216\n", + "Completed text 104217\n", + "Completed text 104218\n", + "Completed text 104219\n", + "Completed text 104220\n", + "Completed text 104221\n", + "Completed text 104222\n", + "Completed text 104223\n", + "Completed text 104224\n", + "Completed text 104225\n", + "Completed text 104226\n", + "Completed text 104227\n", + "Completed text 104228\n", + "Completed text 104229\n", + "Completed text 104230\n", + "Completed text 104231\n", + "Completed text 104232\n", + "Completed text 104233\n", + "Completed text 104234\n", + "Completed text 104235\n", + "Completed text 104236\n", + "Completed text 104237\n", + "Completed text 104238\n", + "Completed text 104239\n", + "Completed text 104240\n", + "Completed text 104241\n", + "Completed text 104242\n", + "Completed text 104243\n", + "Completed text 104244\n", + "Completed text 104245\n", + "Completed text 104246\n", + "Completed text 104247\n", + "Completed text 104248\n", + "Completed text 104249\n", + "Completed text 104250\n", + "Completed text 104251\n", + "Completed text 104252\n", + "Completed text 104253\n", + "Completed text 104254\n", + "Completed text 104255\n", + "Completed text 104256\n", + "Completed text 104257\n", + "Completed text 104258\n", + "Completed text 104259\n", + "Completed text 104260\n", + "Completed text 104261\n", + "Completed text 104262\n", + "Completed text 104263\n", + "Completed text 104264\n", + "Completed text 104265\n", + "Completed text 104266\n", + "Completed text 104267\n", + "Completed text 104268\n", + "Completed text 104269\n", + "Completed text 104270\n", + "Completed text 104271\n", + "Completed text 104272\n", + "Completed text 104273\n", + "Completed text 104274\n", + "Completed text 104275\n", + "Completed text 104276\n", + "Completed text 104277\n", + "Completed text 104278\n", + "Completed text 104279\n", + "Completed text 104280\n", + "Completed text 104281\n", + "Completed text 104282\n", + "Completed text 104283\n", + "Completed text 104284\n", + "Completed text 104285\n", + "Completed text 104286\n", + "Completed text 104287\n", + "Completed text 104288\n", + "Completed text 104289\n", + "Completed text 104290\n", + "Completed text 104291\n", + "Completed text 104292\n", + "Completed text 104293\n", + "Completed text 104294\n", + "Completed text 104295\n", + "Completed text 104296\n", + "Completed text 104297\n", + "Completed text 104298\n", + "Completed text 104299\n", + "Completed text 104300\n", + "Completed text 104301\n", + "Completed text 104302\n", + "Completed text 104303\n", + "Completed text 104304\n", + "Completed text 104305\n", + "Completed text 104306\n", + "Completed text 104307\n", + "Completed text 104308\n", + "Completed text 104309\n", + "Completed text 104310\n", + "Completed text 104311\n", + "Completed text 104312\n", + "Completed text 104313\n", + "Completed text 104314\n", + "Completed text 104315\n", + "Completed text 104316\n", + "Completed text 104317\n", + "Completed text 104318\n", + "Completed text 104319\n", + "Completed text 104320\n", + "Completed text 104321\n", + "Completed text 104322\n", + "Completed text 104323\n", + "Completed text 104324\n", + "Completed text 104325\n", + "Completed text 104326\n", + "Completed text 104327\n", + "Completed text 104328\n", + "Completed text 104329\n", + "Completed text 104330\n", + "Completed text 104331\n", + "Completed text 104332\n", + "Completed text 104333\n", + "Completed text 104334\n", + "Completed text 104335\n", + "Completed text 104336\n", + "Completed text 104337\n", + "Completed text 104338\n", + "Completed text 104339\n", + "Completed text 104340\n", + "Completed text 104341\n", + "Completed text 104342\n", + "Completed text 104343\n", + "Completed text 104344\n", + "Completed text 104345\n", + "Completed text 104346\n", + "Completed text 104347\n", + "Completed text 104348\n", + "Completed text 104349\n", + "Completed text 104350\n", + "Completed text 104351\n", + "Completed text 104352\n", + "Completed text 104353\n", + "Completed text 104354\n", + "Completed text 104355\n", + "Completed text 104356\n", + "Completed text 104357\n", + "Completed text 104358\n", + "Completed text 104359\n", + "Completed text 104360\n", + "Completed text 104361\n", + "Completed text 104362\n", + "Completed text 104363\n", + "Completed text 104364\n", + "Completed text 104365\n", + "Completed text 104366\n", + "Completed text 104367\n", + "Completed text 104368\n", + "Completed text 104369\n", + "Completed text 104370\n", + "Completed text 104371\n", + "Completed text 104372\n", + "Completed text 104373\n", + "Completed text 104374\n", + "Completed text 104375\n", + "Completed text 104376\n", + "Completed text 104377\n", + "Completed text 104378\n", + "Completed text 104379\n", + "Completed text 104380\n", + "Completed text 104381\n", + "Completed text 104382\n", + "Completed text 104383\n", + "Completed text 104384\n", + "Completed text 104385\n", + "Completed text 104386\n", + "Completed text 104387\n", + "Completed text 104388\n", + "Completed text 104389\n", + "Completed text 104390\n", + "Completed text 104391\n", + "Completed text 104392\n", + "Completed text 104393\n", + "Completed text 104394\n", + "Completed text 104395\n", + "Completed text 104396\n", + "Completed text 104397\n", + "Completed text 104398\n", + "Completed text 104399\n", + "Completed text 104400\n", + "Completed text 104401\n", + "Completed text 104402\n", + "Completed text 104403\n", + "Completed text 104404\n", + "Completed text 104405\n", + "Completed text 104406\n", + "Completed text 104407\n", + "Completed text 104408\n", + "Completed text 104409\n", + "Completed text 104410\n", + "Completed text 104411\n", + "Completed text 104412\n", + "Completed text 104413\n", + "Completed text 104414\n", + "Completed text 104415\n", + "Completed text 104416\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 104417\n", + "Completed text 104418\n", + "Completed text 104419\n", + "Completed text 104420\n", + "Completed text 104421\n", + "Completed text 104422\n", + "Completed text 104423\n", + "Completed text 104424\n", + "Completed text 104425\n", + "Completed text 104426\n", + "Completed text 104427\n", + "Completed text 104428\n", + "Completed text 104429\n", + "Completed text 104430\n", + "Completed text 104431\n", + "Completed text 104432\n", + "Completed text 104433\n", + "Completed text 104434\n", + "Completed text 104435\n", + "Completed text 104436\n", + "Completed text 104437\n", + "Completed text 104438\n", + "Completed text 104439\n", + "Completed text 104440\n", + "Completed text 104441\n", + "Completed text 104442\n", + "Completed text 104443\n", + "Completed text 104444\n", + "Completed text 104445\n", + "Completed text 104446\n", + "Completed text 104447\n", + "Completed text 104448\n", + "Completed text 104449\n", + "Completed text 104450\n", + "Completed text 104451\n", + "Completed text 104452\n", + "Completed text 104453\n", + "Completed text 104454\n", + "Completed text 104455\n", + "Completed text 104456\n", + "Completed text 104457\n", + "Completed text 104458\n", + "Completed text 104459\n", + "Completed text 104460\n", + "Completed text 104461\n", + "Completed text 104462\n", + "Completed text 104463\n", + "Completed text 104464\n", + "Completed text 104465\n", + "Completed text 104466\n", + "Completed text 104467\n", + "Completed text 104468\n", + "Completed text 104469\n", + "Completed text 104470\n", + "Completed text 104471\n", + "Completed text 104472\n", + "Completed text 104473\n", + "Completed text 104474\n", + "Completed text 104475\n", + "Completed text 104476\n", + "Completed text 104477\n", + "Completed text 104478\n", + "Completed text 104479\n", + "Completed text 104480\n", + "Completed text 104481\n", + "Completed text 104482\n", + "Completed text 104483\n", + "Completed text 104484\n", + "Completed text 104485\n", + "Completed text 104486\n", + "Completed text 104487\n", + "Completed text 104488\n", + "Completed text 104489\n", + "Completed text 104490\n", + "Completed text 104491\n", + "Completed text 104492\n", + "Completed text 104493\n", + "Completed text 104494\n", + "Completed text 104495\n", + "Completed text 104496\n", + "Completed text 104497\n", + "Completed text 104498\n", + "Completed text 104499\n", + "Completed text 104500\n", + "Completed text 104501\n", + "Completed text 104502\n", + "Completed text 104503\n", + "Completed text 104504\n", + "Completed text 104505\n", + "Completed text 104506\n", + "Completed text 104507\n", + "Completed text 104508\n", + "Completed text 104509\n", + "Completed text 104510\n", + "Completed text 104511\n", + "Completed text 104512\n", + "Completed text 104513\n", + "Completed text 104514\n", + "Completed text 104515\n", + "Completed text 104516\n", + "Completed text 104517\n", + "Completed text 104518\n", + "Completed text 104519\n", + "Completed text 104520\n", + "Completed text 104521\n", + "Completed text 104522\n", + "Completed text 104523\n", + "Completed text 104524\n", + "Completed text 104525\n", + "Completed text 104526\n", + "Completed text 104527\n", + "Completed text 104528\n", + "Completed text 104529\n", + "Completed text 104530\n", + "Completed text 104531\n", + "Completed text 104532\n", + "Completed text 104533\n", + "Completed text 104534\n", + "Completed text 104535\n", + "Completed text 104536\n", + "Completed text 104537\n", + "Completed text 104538\n", + "Completed text 104539\n", + "Completed text 104540\n", + "Completed text 104541\n", + "Completed text 104542\n", + "Completed text 104543\n", + "Completed text 104544\n", + "Completed text 104545\n", + "Completed text 104546\n", + "Completed text 104547\n", + "Completed text 104548\n", + "Completed text 104549\n", + "Completed text 104550\n", + "Completed text 104551\n", + "Completed text 104552\n", + "Completed text 104553\n", + "Completed text 104554\n", + "Completed text 104555\n", + "Completed text 104556\n", + "Completed text 104557\n", + "Completed text 104558\n", + "Completed text 104559\n", + "Completed text 104560\n", + "Completed text 104561\n", + "Completed text 104562\n", + "Completed text 104563\n", + "Completed text 104564\n", + "Completed text 104565\n", + "Completed text 104566\n", + "Completed text 104567\n", + "Completed text 104568\n", + "Completed text 104569\n", + "Completed text 104570\n", + "Completed text 104571\n", + "Completed text 104572\n", + "Completed text 104573\n", + "Completed text 104574\n", + "Completed text 104575\n", + "Completed text 104576\n", + "Completed text 104577\n", + "Completed text 104578\n", + "Completed text 104579\n", + "Completed text 104580\n", + "Completed text 104581\n", + "Completed text 104582\n", + "Completed text 104583\n", + "Completed text 104584\n", + "Completed text 104585\n", + "Completed text 104586\n", + "Completed text 104587\n", + "Completed text 104588\n", + "Completed text 104589\n", + "Completed text 104590\n", + "Completed text 104591\n", + "Completed text 104592\n", + "Completed text 104593\n", + "Completed text 104594\n", + "Completed text 104595\n", + "Completed text 104596\n", + "Completed text 104597\n", + "Completed text 104598\n", + "Completed text 104599\n", + "Completed text 104600\n", + "Completed text 104601\n", + "Completed text 104602\n", + "Completed text 104603\n", + "Completed text 104604\n", + "Completed text 104605\n", + "Completed text 104606\n", + "Completed text 104607\n", + "Completed text 104608\n", + "Completed text 104609\n", + "Completed text 104610\n", + "Completed text 104611\n", + "Completed text 104612\n", + "Completed text 104613\n", + "Completed text 104614\n", + "Completed text 104615\n", + "Completed text 104616\n", + "Completed text 104617\n", + "Completed text 104618\n", + "Completed text 104619\n", + "Completed text 104620\n", + "Completed text 104621\n", + "Completed text 104622\n", + "Completed text 104623\n", + "Completed text 104624\n", + "Completed text 104625\n", + "Completed text 104626\n", + "Completed text 104627\n", + "Completed text 104628\n", + "Completed text 104629\n", + "Completed text 104630\n", + "Completed text 104631\n", + "Completed text 104632\n", + "Completed text 104633\n", + "Completed text 104634\n", + "Completed text 104635\n", + "Completed text 104636\n", + "Completed text 104637\n", + "Completed text 104638\n", + "Completed text 104639\n", + "Completed text 104640\n", + "Completed text 104641\n", + "Completed text 104642\n", + "Completed text 104643\n", + "Completed text 104644\n", + "Completed text 104645\n", + "Completed text 104646\n", + "Completed text 104647\n", + "Completed text 104648\n", + "Completed text 104649\n", + "Completed text 104650\n", + "Completed text 104651\n", + "Completed text 104652\n", + "Completed text 104653\n", + "Completed text 104654\n", + "Completed text 104655\n", + "Completed text 104656\n", + "Completed text 104657\n", + "Completed text 104658\n", + "Completed text 104659\n", + "Completed text 104660\n", + "Completed text 104661\n", + "Completed text 104662\n", + "Completed text 104663\n", + "Completed text 104664\n", + "Completed text 104665\n", + "Completed text 104666\n", + "Completed text 104667\n", + "Completed text 104668\n", + "Completed text 104669\n", + "Completed text 104670\n", + "Completed text 104671\n", + "Completed text 104672\n", + "Completed text 104673\n", + "Completed text 104674\n", + "Completed text 104675\n", + "Completed text 104676\n", + "Completed text 104677\n", + "Completed text 104678\n", + "Completed text 104679\n", + "Completed text 104680\n", + "Completed text 104681\n", + "Completed text 104682\n", + "Completed text 104683\n", + "Completed text 104684\n", + "Completed text 104685\n", + "Completed text 104686\n", + "Completed text 104687\n", + "Completed text 104688\n", + "Completed text 104689\n", + "Completed text 104690\n", + "Completed text 104691\n", + "Completed text 104692\n", + "Completed text 104693\n", + "Completed text 104694\n", + "Completed text 104695\n", + "Completed text 104696\n", + "Completed text 104697\n", + "Completed text 104698\n", + "Completed text 104699\n", + "Completed text 104700\n", + "Completed text 104701\n", + "Completed text 104702\n", + "Completed text 104703\n", + "Completed text 104704\n", + "Completed text 104705\n", + "Completed text 104706\n", + "Completed text 104707\n", + "Completed text 104708\n", + "Completed text 104709\n", + "Completed text 104710\n", + "Completed text 104711\n", + "Completed text 104712\n", + "Completed text 104713\n", + "Completed text 104714\n", + "Completed text 104715\n", + "Completed text 104716\n", + "Completed text 104717\n", + "Completed text 104718\n", + "Completed text 104719\n", + "Completed text 104720\n", + "Completed text 104721\n", + "Completed text 104722\n", + "Completed text 104723\n", + "Completed text 104724\n", + "Completed text 104725\n", + "Completed text 104726\n", + "Completed text 104727\n", + "Completed text 104728\n", + "Completed text 104729\n", + "Completed text 104730\n", + "Completed text 104731\n", + "Completed text 104732\n", + "Completed text 104733\n", + "Completed text 104734\n", + "Completed text 104735\n", + "Completed text 104736\n", + "Completed text 104737\n", + "Completed text 104738\n", + "Completed text 104739\n", + "Completed text 104740\n", + "Completed text 104741\n", + "Completed text 104742\n", + "Completed text 104743\n", + "Completed text 104744\n", + "Completed text 104745\n", + "Completed text 104746\n", + "Completed text 104747\n", + "Completed text 104748\n", + "Completed text 104749\n", + "Completed text 104750\n", + "Completed text 104751\n", + "Completed text 104752\n", + "Completed text 104753\n", + "Completed text 104754\n", + "Completed text 104755\n", + "Completed text 104756\n", + "Completed text 104757\n", + "Completed text 104758\n", + "Completed text 104759\n", + "Completed text 104760\n", + "Completed text 104761\n", + "Completed text 104762\n", + "Completed text 104763\n", + "Completed text 104764\n", + "Completed text 104765\n", + "Completed text 104766\n", + "Completed text 104767\n", + "Completed text 104768\n", + "Completed text 104769\n", + "Completed text 104770\n", + "Completed text 104771\n", + "Completed text 104772\n", + "Completed text 104773\n", + "Completed text 104774\n", + "Completed text 104775\n", + "Completed text 104776\n", + "Completed text 104777\n", + "Completed text 104778\n", + "Completed text 104779\n", + "Completed text 104780\n", + "Completed text 104781\n", + "Completed text 104782\n", + "Completed text 104783\n", + "Completed text 104784\n", + "Completed text 104785\n", + "Completed text 104786\n", + "Completed text 104787\n", + "Completed text 104788\n", + "Completed text 104789\n", + "Completed text 104790\n", + "Completed text 104791\n", + "Completed text 104792\n", + "Completed text 104793\n", + "Completed text 104794\n", + "Completed text 104795\n", + "Completed text 104796\n", + "Completed text 104797\n", + "Completed text 104798\n", + "Completed text 104799\n", + "Completed text 104800\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 104801\n", + "Completed text 104802\n", + "Completed text 104803\n", + "Completed text 104804\n", + "Completed text 104805\n", + "Completed text 104806\n", + "Completed text 104807\n", + "Completed text 104808\n", + "Completed text 104809\n", + "Completed text 104810\n", + "Completed text 104811\n", + "Completed text 104812\n", + "Completed text 104813\n", + "Completed text 104814\n", + "Completed text 104815\n", + "Completed text 104816\n", + "Completed text 104817\n", + "Completed text 104818\n", + "Completed text 104819\n", + "Completed text 104820\n", + "Completed text 104821\n", + "Completed text 104822\n", + "Completed text 104823\n", + "Completed text 104824\n", + "Completed text 104825\n", + "Completed text 104826\n", + "Completed text 104827\n", + "Completed text 104828\n", + "Completed text 104829\n", + "Completed text 104830\n", + "Completed text 104831\n", + "Completed text 104832\n", + "Completed text 104833\n", + "Completed text 104834\n", + "Completed text 104835\n", + "Completed text 104836\n", + "Completed text 104837\n", + "Completed text 104838\n", + "Completed text 104839\n", + "Completed text 104840\n", + "Completed text 104841\n", + "Completed text 104842\n", + "Completed text 104843\n", + "Completed text 104844\n", + "Completed text 104845\n", + "Completed text 104846\n", + "Completed text 104847\n", + "Completed text 104848\n", + "Completed text 104849\n", + "Completed text 104850\n", + "Completed text 104851\n", + "Completed text 104852\n", + "Completed text 104853\n", + "Completed text 104854\n", + "Completed text 104855\n", + "Completed text 104856\n", + "Completed text 104857\n", + "Completed text 104858\n", + "Completed text 104859\n", + "Completed text 104860\n", + "Completed text 104861\n", + "Completed text 104862\n", + "Completed text 104863\n", + "Completed text 104864\n", + "Completed text 104865\n", + "Completed text 104866\n", + "Completed text 104867\n", + "Completed text 104868\n", + "Completed text 104869\n", + "Completed text 104870\n", + "Completed text 104871\n", + "Completed text 104872\n", + "Completed text 104873\n", + "Completed text 104874\n", + "Completed text 104875\n", + "Completed text 104876\n", + "Completed text 104877\n", + "Completed text 104878\n", + "Completed text 104879\n", + "Completed text 104880\n", + "Completed text 104881\n", + "Completed text 104882\n", + "Completed text 104883\n", + "Completed text 104884\n", + "Completed text 104885\n", + "Completed text 104886\n", + "Completed text 104887\n", + "Completed text 104888\n", + "Completed text 104889\n", + "Completed text 104890\n", + "Completed text 104891\n", + "Completed text 104892\n", + "Completed text 104893\n", + "Completed text 104894\n", + "Completed text 104895\n", + "Completed text 104896\n", + "Completed text 104897\n", + "Completed text 104898\n", + "Completed text 104899\n", + "Completed text 104900\n", + "Completed text 104901\n", + "Completed text 104902\n", + "Completed text 104903\n", + "Completed text 104904\n", + "Completed text 104905\n", + "Completed text 104906\n", + "Completed text 104907\n", + "Completed text 104908\n", + "Completed text 104909\n", + "Completed text 104910\n", + "Completed text 104911\n", + "Completed text 104912\n", + "Completed text 104913\n", + "Completed text 104914\n", + "Completed text 104915\n", + "Completed text 104916\n", + "Completed text 104917\n", + "Completed text 104918\n", + "Completed text 104919\n", + "Completed text 104920\n", + "Completed text 104921\n", + "Completed text 104922\n", + "Completed text 104923\n", + "Completed text 104924\n", + "Completed text 104925\n", + "Completed text 104926\n", + "Completed text 104927\n", + "Completed text 104928\n", + "Completed text 104929\n", + "Completed text 104930\n", + "Completed text 104931\n", + "Completed text 104932\n", + "Completed text 104933\n", + "Completed text 104934\n", + "Completed text 104935\n", + "Completed text 104936\n", + "Completed text 104937\n", + "Completed text 104938\n", + "Completed text 104939\n", + "Completed text 104940\n", + "Completed text 104941\n", + "Completed text 104942\n", + "Completed text 104943\n", + "Completed text 104944\n", + "Completed text 104945\n", + "Completed text 104946\n", + "Completed text 104947\n", + "Completed text 104948\n", + "Completed text 104949\n", + "Completed text 104950\n", + "Completed text 104951\n", + "Completed text 104952\n", + "Completed text 104953\n", + "Completed text 104954\n", + "Completed text 104955\n", + "Completed text 104956\n", + "Completed text 104957\n", + "Completed text 104958\n", + "Completed text 104959\n", + "Completed text 104960\n", + "Completed text 104961\n", + "Completed text 104962\n", + "Completed text 104963\n", + "Completed text 104964\n", + "Completed text 104965\n", + "Completed text 104966\n", + "Completed text 104967\n", + "Completed text 104968\n", + "Completed text 104969\n", + "Completed text 104970\n", + "Completed text 104971\n", + "Completed text 104972\n", + "Completed text 104973\n", + "Completed text 104974\n", + "Completed text 104975\n", + "Completed text 104976\n", + "Completed text 104977\n", + "Completed text 104978\n", + "Completed text 104979\n", + "Completed text 104980\n", + "Completed text 104981\n", + "Completed text 104982\n", + "Completed text 104983\n", + "Completed text 104984\n", + "Completed text 104985\n", + "Completed text 104986\n", + "Completed text 104987\n", + "Completed text 104988\n", + "Completed text 104989\n", + "Completed text 104990\n", + "Completed text 104991\n", + "Completed text 104992\n", + "Completed text 104993\n", + "Completed text 104994\n", + "Completed text 104995\n", + "Completed text 104996\n", + "Completed text 104997\n", + "Completed text 104998\n", + "Completed text 104999\n", + "Completed text 105000\n", + "Completed text 105001\n", + "Completed text 105002\n", + "Completed text 105003\n", + "Completed text 105004\n", + "Completed text 105005\n", + "Completed text 105006\n", + "Completed text 105007\n", + "Completed text 105008\n", + "Completed text 105009\n", + "Completed text 105010\n", + "Completed text 105011\n", + "Completed text 105012\n", + "Completed text 105013\n", + "Completed text 105014\n", + "Completed text 105015\n", + "Completed text 105016\n", + "Completed text 105017\n", + "Completed text 105018\n", + "Completed text 105019\n", + "Completed text 105020\n", + "Completed text 105021\n", + "Completed text 105022\n", + "Completed text 105023\n", + "Completed text 105024\n", + "Completed text 105025\n", + "Completed text 105026\n", + "Completed text 105027\n", + "Completed text 105028\n", + "Completed text 105029\n", + "Completed text 105030\n", + "Completed text 105031\n", + "Completed text 105032\n", + "Completed text 105033\n", + "Completed text 105034\n", + "Completed text 105035\n", + "Completed text 105036\n", + "Completed text 105037\n", + "Completed text 105038\n", + "Completed text 105039\n", + "Completed text 105040\n", + "Completed text 105041\n", + "Completed text 105042\n", + "Completed text 105043\n", + "Completed text 105044\n", + "Completed text 105045\n", + "Completed text 105046\n", + "Completed text 105047\n", + "Completed text 105048\n", + "Completed text 105049\n", + "Completed text 105050\n", + "Completed text 105051\n", + "Completed text 105052\n", + "Completed text 105053\n", + "Completed text 105054\n", + "Completed text 105055\n", + "Completed text 105056\n", + "Completed text 105057\n", + "Completed text 105058\n", + "Completed text 105059\n", + "Completed text 105060\n", + "Completed text 105061\n", + "Completed text 105062\n", + "Completed text 105063\n", + "Completed text 105064\n", + "Completed text 105065\n", + "Completed text 105066\n", + "Completed text 105067\n", + "Completed text 105068\n", + "Completed text 105069\n", + "Completed text 105070\n", + "Completed text 105071\n", + "Completed text 105072\n", + "Completed text 105073\n", + "Completed text 105074\n", + "Completed text 105075\n", + "Completed text 105076\n", + "Completed text 105077\n", + "Completed text 105078\n", + "Completed text 105079\n", + "Completed text 105080\n", + "Completed text 105081\n", + "Completed text 105082\n", + "Completed text 105083\n", + "Completed text 105084\n", + "Completed text 105085\n", + "Completed text 105086\n", + "Completed text 105087\n", + "Completed text 105088\n", + "Completed text 105089\n", + "Completed text 105090\n", + "Completed text 105091\n", + "Completed text 105092\n", + "Completed text 105093\n", + "Completed text 105094\n", + "Completed text 105095\n", + "Completed text 105096\n", + "Completed text 105097\n", + "Completed text 105098\n", + "Completed text 105099\n", + "Completed text 105100\n", + "Completed text 105101\n", + "Completed text 105102\n", + "Completed text 105103\n", + "Completed text 105104\n", + "Completed text 105105\n", + "Completed text 105106\n", + "Completed text 105107\n", + "Completed text 105108\n", + "Completed text 105109\n", + "Completed text 105110\n", + "Completed text 105111\n", + "Completed text 105112\n", + "Completed text 105113\n", + "Completed text 105114\n", + "Completed text 105115\n", + "Completed text 105116\n", + "Completed text 105117\n", + "Completed text 105118\n", + "Completed text 105119\n", + "Completed text 105120\n", + "Completed text 105121\n", + "Completed text 105122\n", + "Completed text 105123\n", + "Completed text 105124\n", + "Completed text 105125\n", + "Completed text 105126\n", + "Completed text 105127\n", + "Completed text 105128\n", + "Completed text 105129\n", + "Completed text 105130\n", + "Completed text 105131\n", + "Completed text 105132\n", + "Completed text 105133\n", + "Completed text 105134\n", + "Completed text 105135\n", + "Completed text 105136\n", + "Completed text 105137\n", + "Completed text 105138\n", + "Completed text 105139\n", + "Completed text 105140\n", + "Completed text 105141\n", + "Completed text 105142\n", + "Completed text 105143\n", + "Completed text 105144\n", + "Completed text 105145\n", + "Completed text 105146\n", + "Completed text 105147\n", + "Completed text 105148\n", + "Completed text 105149\n", + "Completed text 105150\n", + "Completed text 105151\n", + "Completed text 105152\n", + "Completed text 105153\n", + "Completed text 105154\n", + "Completed text 105155\n", + "Completed text 105156\n", + "Completed text 105157\n", + "Completed text 105158\n", + "Completed text 105159\n", + "Completed text 105160\n", + "Completed text 105161\n", + "Completed text 105162\n", + "Completed text 105163\n", + "Completed text 105164\n", + "Completed text 105165\n", + "Completed text 105166\n", + "Completed text 105167\n", + "Completed text 105168\n", + "Completed text 105169\n", + "Completed text 105170\n", + "Completed text 105171\n", + "Completed text 105172\n", + "Completed text 105173\n", + "Completed text 105174\n", + "Completed text 105175\n", + "Completed text 105176\n", + "Completed text 105177\n", + "Completed text 105178\n", + "Completed text 105179\n", + "Completed text 105180\n", + "Completed text 105181\n", + "Completed text 105182\n", + "Completed text 105183\n", + "Completed text 105184\n", + "Completed text 105185\n", + "Completed text 105186\n", + "Completed text 105187\n", + "Completed text 105188\n", + "Completed text 105189\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 105190\n", + "Completed text 105191\n", + "Completed text 105192\n", + "Completed text 105193\n", + "Completed text 105194\n", + "Completed text 105195\n", + "Completed text 105196\n", + "Completed text 105197\n", + "Completed text 105198\n", + "Completed text 105199\n", + "Completed text 105200\n", + "Completed text 105201\n", + "Completed text 105202\n", + "Completed text 105203\n", + "Completed text 105204\n", + "Completed text 105205\n", + "Completed text 105206\n", + "Completed text 105207\n", + "Completed text 105208\n", + "Completed text 105209\n", + "Completed text 105210\n", + "Completed text 105211\n", + "Completed text 105212\n", + "Completed text 105213\n", + "Completed text 105214\n", + "Completed text 105215\n", + "Completed text 105216\n", + "Completed text 105217\n", + "Completed text 105218\n", + "Completed text 105219\n", + "Completed text 105220\n", + "Completed text 105221\n", + "Completed text 105222\n", + "Completed text 105223\n", + "Completed text 105224\n", + "Completed text 105225\n", + "Completed text 105226\n", + "Completed text 105227\n", + "Completed text 105228\n", + "Completed text 105229\n", + "Completed text 105230\n", + "Completed text 105231\n", + "Completed text 105232\n", + "Completed text 105233\n", + "Completed text 105234\n", + "Completed text 105235\n", + "Completed text 105236\n", + "Completed text 105237\n", + "Completed text 105238\n", + "Completed text 105239\n", + "Completed text 105240\n", + "Completed text 105241\n", + "Completed text 105242\n", + "Completed text 105243\n", + "Completed text 105244\n", + "Completed text 105245\n", + "Completed text 105246\n", + "Completed text 105247\n", + "Completed text 105248\n", + "Completed text 105249\n", + "Completed text 105250\n", + "Completed text 105251\n", + "Completed text 105252\n", + "Completed text 105253\n", + "Completed text 105254\n", + "Completed text 105255\n", + "Completed text 105256\n", + "Completed text 105257\n", + "Completed text 105258\n", + "Completed text 105259\n", + "Completed text 105260\n", + "Completed text 105261\n", + "Completed text 105262\n", + "Completed text 105263\n", + "Completed text 105264\n", + "Completed text 105265\n", + "Completed text 105266\n", + "Completed text 105267\n", + "Completed text 105268\n", + "Completed text 105269\n", + "Completed text 105270\n", + "Completed text 105271\n", + "Completed text 105272\n", + "Completed text 105273\n", + "Completed text 105274\n", + "Completed text 105275\n", + "Completed text 105276\n", + "Completed text 105277\n", + "Completed text 105278\n", + "Completed text 105279\n", + "Completed text 105280\n", + "Completed text 105281\n", + "Completed text 105282\n", + "Completed text 105283\n", + "Completed text 105284\n", + "Completed text 105285\n", + "Completed text 105286\n", + "Completed text 105287\n", + "Completed text 105288\n", + "Completed text 105289\n", + "Completed text 105290\n", + "Completed text 105291\n", + "Completed text 105292\n", + "Completed text 105293\n", + "Completed text 105294\n", + "Completed text 105295\n", + "Completed text 105296\n", + "Completed text 105297\n", + "Completed text 105298\n", + "Completed text 105299\n", + "Completed text 105300\n", + "Completed text 105301\n", + "Completed text 105302\n", + "Completed text 105303\n", + "Completed text 105304\n", + "Completed text 105305\n", + "Completed text 105306\n", + "Completed text 105307\n", + "Completed text 105308\n", + "Completed text 105309\n", + "Completed text 105310\n", + "Completed text 105311\n", + "Completed text 105312\n", + "Completed text 105313\n", + "Completed text 105314\n", + "Completed text 105315\n", + "Completed text 105316\n", + "Completed text 105317\n", + "Completed text 105318\n", + "Completed text 105319\n", + "Completed text 105320\n", + "Completed text 105321\n", + "Completed text 105322\n", + "Completed text 105323\n", + "Completed text 105324\n", + "Completed text 105325\n", + "Completed text 105326\n", + "Completed text 105327\n", + "Completed text 105328\n", + "Completed text 105329\n", + "Completed text 105330\n", + "Completed text 105331\n", + "Completed text 105332\n", + "Completed text 105333\n", + "Completed text 105334\n", + "Completed text 105335\n", + "Completed text 105336\n", + "Completed text 105337\n", + "Completed text 105338\n", + "Completed text 105339\n", + "Completed text 105340\n", + "Completed text 105341\n", + "Completed text 105342\n", + "Completed text 105343\n", + "Completed text 105344\n", + "Completed text 105345\n", + "Completed text 105346\n", + "Completed text 105347\n", + "Completed text 105348\n", + "Completed text 105349\n", + "Completed text 105350\n", + "Completed text 105351\n", + "Completed text 105352\n", + "Completed text 105353\n", + "Completed text 105354\n", + "Completed text 105355\n", + "Completed text 105356\n", + "Completed text 105357\n", + "Completed text 105358\n", + "Completed text 105359\n", + "Completed text 105360\n", + "Completed text 105361\n", + "Completed text 105362\n", + "Completed text 105363\n", + "Completed text 105364\n", + "Completed text 105365\n", + "Completed text 105366\n", + "Completed text 105367\n", + "Completed text 105368\n", + "Completed text 105369\n", + "Completed text 105370\n", + "Completed text 105371\n", + "Completed text 105372\n", + "Completed text 105373\n", + "Completed text 105374\n", + "Completed text 105375\n", + "Completed text 105376\n", + "Completed text 105377\n", + "Completed text 105378\n", + "Completed text 105379\n", + "Completed text 105380\n", + "Completed text 105381\n", + "Completed text 105382\n", + "Completed text 105383\n", + "Completed text 105384\n", + "Completed text 105385\n", + "Completed text 105386\n", + "Completed text 105387\n", + "Completed text 105388\n", + "Completed text 105389\n", + "Completed text 105390\n", + "Completed text 105391\n", + "Completed text 105392\n", + "Completed text 105393\n", + "Completed text 105394\n", + "Completed text 105395\n", + "Completed text 105396\n", + "Completed text 105397\n", + "Completed text 105398\n", + "Completed text 105399\n", + "Completed text 105400\n", + "Completed text 105401\n", + "Completed text 105402\n", + "Completed text 105403\n", + "Completed text 105404\n", + "Completed text 105405\n", + "Completed text 105406\n", + "Completed text 105407\n", + "Completed text 105408\n", + "Completed text 105409\n", + "Completed text 105410\n", + "Completed text 105411\n", + "Completed text 105412\n", + "Completed text 105413\n", + "Completed text 105414\n", + "Completed text 105415\n", + "Completed text 105416\n", + "Completed text 105417\n", + "Completed text 105418\n", + "Completed text 105419\n", + "Completed text 105420\n", + "Completed text 105421\n", + "Completed text 105422\n", + "Completed text 105423\n", + "Completed text 105424\n", + "Completed text 105425\n", + "Completed text 105426\n", + "Completed text 105427\n", + "Completed text 105428\n", + "Completed text 105429\n", + "Completed text 105430\n", + "Completed text 105431\n", + "Completed text 105432\n", + "Completed text 105433\n", + "Completed text 105434\n", + "Completed text 105435\n", + "Completed text 105436\n", + "Completed text 105437\n", + "Completed text 105438\n", + "Completed text 105439\n", + "Completed text 105440\n", + "Completed text 105441\n", + "Completed text 105442\n", + "Completed text 105443\n", + "Completed text 105444\n", + "Completed text 105445\n", + "Completed text 105446\n", + "Completed text 105447\n", + "Completed text 105448\n", + "Completed text 105449\n", + "Completed text 105450\n", + "Completed text 105451\n", + "Completed text 105452\n", + "Completed text 105453\n", + "Completed text 105454\n", + "Completed text 105455\n", + "Completed text 105456\n", + "Completed text 105457\n", + "Completed text 105458\n", + "Completed text 105459\n", + "Completed text 105460\n", + "Completed text 105461\n", + "Completed text 105462\n", + "Completed text 105463\n", + "Completed text 105464\n", + "Completed text 105465\n", + "Completed text 105466\n", + "Completed text 105467\n", + "Completed text 105468\n", + "Completed text 105469\n", + "Completed text 105470\n", + "Completed text 105471\n", + "Completed text 105472\n", + "Completed text 105473\n", + "Completed text 105474\n", + "Completed text 105475\n", + "Completed text 105476\n", + "Completed text 105477\n", + "Completed text 105478\n", + "Completed text 105479\n", + "Completed text 105480\n", + "Completed text 105481\n", + "Completed text 105482\n", + "Completed text 105483\n", + "Completed text 105484\n", + "Completed text 105485\n", + "Completed text 105486\n", + "Completed text 105487\n", + "Completed text 105488\n", + "Completed text 105489\n", + "Completed text 105490\n", + "Completed text 105491\n", + "Completed text 105492\n", + "Completed text 105493\n", + "Completed text 105494\n", + "Completed text 105495\n", + "Completed text 105496\n", + "Completed text 105497\n", + "Completed text 105498\n", + "Completed text 105499\n", + "Completed text 105500\n", + "Completed text 105501\n", + "Completed text 105502\n", + "Completed text 105503\n", + "Completed text 105504\n", + "Completed text 105505\n", + "Completed text 105506\n", + "Completed text 105507\n", + "Completed text 105508\n", + "Completed text 105509\n", + "Completed text 105510\n", + "Completed text 105511\n", + "Completed text 105512\n", + "Completed text 105513\n", + "Completed text 105514\n", + "Completed text 105515\n", + "Completed text 105516\n", + "Completed text 105517\n", + "Completed text 105518\n", + "Completed text 105519\n", + "Completed text 105520\n", + "Completed text 105521\n", + "Completed text 105522\n", + "Completed text 105523\n", + "Completed text 105524\n", + "Completed text 105525\n", + "Completed text 105526\n", + "Completed text 105527\n", + "Completed text 105528\n", + "Completed text 105529\n", + "Completed text 105530\n", + "Completed text 105531\n", + "Completed text 105532\n", + "Completed text 105533\n", + "Completed text 105534\n", + "Completed text 105535\n", + "Completed text 105536\n", + "Completed text 105537\n", + "Completed text 105538\n", + "Completed text 105539\n", + "Completed text 105540\n", + "Completed text 105541\n", + "Completed text 105542\n", + "Completed text 105543\n", + "Completed text 105544\n", + "Completed text 105545\n", + "Completed text 105546\n", + "Completed text 105547\n", + "Completed text 105548\n", + "Completed text 105549\n", + "Completed text 105550\n", + "Completed text 105551\n", + "Completed text 105552\n", + "Completed text 105553\n", + "Completed text 105554\n", + "Completed text 105555\n", + "Completed text 105556\n", + "Completed text 105557\n", + "Completed text 105558\n", + "Completed text 105559\n", + "Completed text 105560\n", + "Completed text 105561\n", + "Completed text 105562\n", + "Completed text 105563\n", + "Completed text 105564\n", + "Completed text 105565\n", + "Completed text 105566\n", + "Completed text 105567\n", + "Completed text 105568\n", + "Completed text 105569\n", + "Completed text 105570\n", + "Completed text 105571\n", + "Completed text 105572\n", + "Completed text 105573\n", + "Completed text 105574\n", + "Completed text 105575\n", + "Completed text 105576\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 105577\n", + "Completed text 105578\n", + "Completed text 105579\n", + "Completed text 105580\n", + "Completed text 105581\n", + "Completed text 105582\n", + "Completed text 105583\n", + "Completed text 105584\n", + "Completed text 105585\n", + "Completed text 105586\n", + "Completed text 105587\n", + "Completed text 105588\n", + "Completed text 105589\n", + "Completed text 105590\n", + "Completed text 105591\n", + "Completed text 105592\n", + "Completed text 105593\n", + "Completed text 105594\n", + "Completed text 105595\n", + "Completed text 105596\n", + "Completed text 105597\n", + "Completed text 105598\n", + "Completed text 105599\n", + "Completed text 105600\n", + "Completed text 105601\n", + "Completed text 105602\n", + "Completed text 105603\n", + "Completed text 105604\n", + "Completed text 105605\n", + "Completed text 105606\n", + "Completed text 105607\n", + "Completed text 105608\n", + "Completed text 105609\n", + "Completed text 105610\n", + "Completed text 105611\n", + "Completed text 105612\n", + "Completed text 105613\n", + "Completed text 105614\n", + "Completed text 105615\n", + "Completed text 105616\n", + "Completed text 105617\n", + "Completed text 105618\n", + "Completed text 105619\n", + "Completed text 105620\n", + "Completed text 105621\n", + "Completed text 105622\n", + "Completed text 105623\n", + "Completed text 105624\n", + "Completed text 105625\n", + "Completed text 105626\n", + "Completed text 105627\n", + "Completed text 105628\n", + "Completed text 105629\n", + "Completed text 105630\n", + "Completed text 105631\n", + "Completed text 105632\n", + "Completed text 105633\n", + "Completed text 105634\n", + "Completed text 105635\n", + "Completed text 105636\n", + "Completed text 105637\n", + "Completed text 105638\n", + "Completed text 105639\n", + "Completed text 105640\n", + "Completed text 105641\n", + "Completed text 105642\n", + "Completed text 105643\n", + "Completed text 105644\n", + "Completed text 105645\n", + "Completed text 105646\n", + "Completed text 105647\n", + "Completed text 105648\n", + "Completed text 105649\n", + "Completed text 105650\n", + "Completed text 105651\n", + "Completed text 105652\n", + "Completed text 105653\n", + "Completed text 105654\n", + "Completed text 105655\n", + "Completed text 105656\n", + "Completed text 105657\n", + "Completed text 105658\n", + "Completed text 105659\n", + "Completed text 105660\n", + "Completed text 105661\n", + "Completed text 105662\n", + "Completed text 105663\n", + "Completed text 105664\n", + "Completed text 105665\n", + "Completed text 105666\n", + "Completed text 105667\n", + "Completed text 105668\n", + "Completed text 105669\n", + "Completed text 105670\n", + "Completed text 105671\n", + "Completed text 105672\n", + "Completed text 105673\n", + "Completed text 105674\n", + "Completed text 105675\n", + "Completed text 105676\n", + "Completed text 105677\n", + "Completed text 105678\n", + "Completed text 105679\n", + "Completed text 105680\n", + "Completed text 105681\n", + "Completed text 105682\n", + "Completed text 105683\n", + "Completed text 105684\n", + "Completed text 105685\n", + "Completed text 105686\n", + "Completed text 105687\n", + "Completed text 105688\n", + "Completed text 105689\n", + "Completed text 105690\n", + "Completed text 105691\n", + "Completed text 105692\n", + "Completed text 105693\n", + "Completed text 105694\n", + "Completed text 105695\n", + "Completed text 105696\n", + "Completed text 105697\n", + "Completed text 105698\n", + "Completed text 105699\n", + "Completed text 105700\n", + "Completed text 105701\n", + "Completed text 105702\n", + "Completed text 105703\n", + "Completed text 105704\n", + "Completed text 105705\n", + "Completed text 105706\n", + "Completed text 105707\n", + "Completed text 105708\n", + "Completed text 105709\n", + "Completed text 105710\n", + "Completed text 105711\n", + "Completed text 105712\n", + "Completed text 105713\n", + "Completed text 105714\n", + "Completed text 105715\n", + "Completed text 105716\n", + "Completed text 105717\n", + "Completed text 105718\n", + "Completed text 105719\n", + "Completed text 105720\n", + "Completed text 105721\n", + "Completed text 105722\n", + "Completed text 105723\n", + "Completed text 105724\n", + "Completed text 105725\n", + "Completed text 105726\n", + "Completed text 105727\n", + "Completed text 105728\n", + "Completed text 105729\n", + "Completed text 105730\n", + "Completed text 105731\n", + "Completed text 105732\n", + "Completed text 105733\n", + "Completed text 105734\n", + "Completed text 105735\n", + "Completed text 105736\n", + "Completed text 105737\n", + "Completed text 105738\n", + "Completed text 105739\n", + "Completed text 105740\n", + "Completed text 105741\n", + "Completed text 105742\n", + "Completed text 105743\n", + "Completed text 105744\n", + "Completed text 105745\n", + "Completed text 105746\n", + "Completed text 105747\n", + "Completed text 105748\n", + "Completed text 105749\n", + "Completed text 105750\n", + "Completed text 105751\n", + "Completed text 105752\n", + "Completed text 105753\n", + "Completed text 105754\n", + "Completed text 105755\n", + "Completed text 105756\n", + "Completed text 105757\n", + "Completed text 105758\n", + "Completed text 105759\n", + "Completed text 105760\n", + "Completed text 105761\n", + "Completed text 105762\n", + "Completed text 105763\n", + "Completed text 105764\n", + "Completed text 105765\n", + "Completed text 105766\n", + "Completed text 105767\n", + "Completed text 105768\n", + "Completed text 105769\n", + "Completed text 105770\n", + "Completed text 105771\n", + "Completed text 105772\n", + "Completed text 105773\n", + "Completed text 105774\n", + "Completed text 105775\n", + "Completed text 105776\n", + "Completed text 105777\n", + "Completed text 105778\n", + "Completed text 105779\n", + "Completed text 105780\n", + "Completed text 105781\n", + "Completed text 105782\n", + "Completed text 105783\n", + "Completed text 105784\n", + "Completed text 105785\n", + "Completed text 105786\n", + "Completed text 105787\n", + "Completed text 105788\n", + "Completed text 105789\n", + "Completed text 105790\n", + "Completed text 105791\n", + "Completed text 105792\n", + "Completed text 105793\n", + "Completed text 105794\n", + "Completed text 105795\n", + "Completed text 105796\n", + "Completed text 105797\n", + "Completed text 105798\n", + "Completed text 105799\n", + "Completed text 105800\n", + "Completed text 105801\n", + "Completed text 105802\n", + "Completed text 105803\n", + "Completed text 105804\n", + "Completed text 105805\n", + "Completed text 105806\n", + "Completed text 105807\n", + "Completed text 105808\n", + "Completed text 105809\n", + "Completed text 105810\n", + "Completed text 105811\n", + "Completed text 105812\n", + "Completed text 105813\n", + "Completed text 105814\n", + "Completed text 105815\n", + "Completed text 105816\n", + "Completed text 105817\n", + "Completed text 105818\n", + "Completed text 105819\n", + "Completed text 105820\n", + "Completed text 105821\n", + "Completed text 105822\n", + "Completed text 105823\n", + "Completed text 105824\n", + "Completed text 105825\n", + "Completed text 105826\n", + "Completed text 105827\n", + "Completed text 105828\n", + "Completed text 105829\n", + "Completed text 105830\n", + "Completed text 105831\n", + "Completed text 105832\n", + "Completed text 105833\n", + "Completed text 105834\n", + "Completed text 105835\n", + "Completed text 105836\n", + "Completed text 105837\n", + "Completed text 105838\n", + "Completed text 105839\n", + "Completed text 105840\n", + "Completed text 105841\n", + "Completed text 105842\n", + "Completed text 105843\n", + "Completed text 105844\n", + "Completed text 105845\n", + "Completed text 105846\n", + "Completed text 105847\n", + "Completed text 105848\n", + "Completed text 105849\n", + "Completed text 105850\n", + "Completed text 105851\n", + "Completed text 105852\n", + "Completed text 105853\n", + "Completed text 105854\n", + "Completed text 105855\n", + "Completed text 105856\n", + "Completed text 105857\n", + "Completed text 105858\n", + "Completed text 105859\n", + "Completed text 105860\n", + "Completed text 105861\n", + "Completed text 105862\n", + "Completed text 105863\n", + "Completed text 105864\n", + "Completed text 105865\n", + "Completed text 105866\n", + "Completed text 105867\n", + "Completed text 105868\n", + "Completed text 105869\n", + "Completed text 105870\n", + "Completed text 105871\n", + "Completed text 105872\n", + "Completed text 105873\n", + "Completed text 105874\n", + "Completed text 105875\n", + "Completed text 105876\n", + "Completed text 105877\n", + "Completed text 105878\n", + "Completed text 105879\n", + "Completed text 105880\n", + "Completed text 105881\n", + "Completed text 105882\n", + "Completed text 105883\n", + "Completed text 105884\n", + "Completed text 105885\n", + "Completed text 105886\n", + "Completed text 105887\n", + "Completed text 105888\n", + "Completed text 105889\n", + "Completed text 105890\n", + "Completed text 105891\n", + "Completed text 105892\n", + "Completed text 105893\n", + "Completed text 105894\n", + "Completed text 105895\n", + "Completed text 105896\n", + "Completed text 105897\n", + "Completed text 105898\n", + "Completed text 105899\n", + "Completed text 105900\n", + "Completed text 105901\n", + "Completed text 105902\n", + "Completed text 105903\n", + "Completed text 105904\n", + "Completed text 105905\n", + "Completed text 105906\n", + "Completed text 105907\n", + "Completed text 105908\n", + "Completed text 105909\n", + "Completed text 105910\n", + "Completed text 105911\n", + "Completed text 105912\n", + "Completed text 105913\n", + "Completed text 105914\n", + "Completed text 105915\n", + "Completed text 105916\n", + "Completed text 105917\n", + "Completed text 105918\n", + "Completed text 105919\n", + "Completed text 105920\n", + "Completed text 105921\n", + "Completed text 105922\n", + "Completed text 105923\n", + "Completed text 105924\n", + "Completed text 105925\n", + "Completed text 105926\n", + "Completed text 105927\n", + "Completed text 105928\n", + "Completed text 105929\n", + "Completed text 105930\n", + "Completed text 105931\n", + "Completed text 105932\n", + "Completed text 105933\n", + "Completed text 105934\n", + "Completed text 105935\n", + "Completed text 105936\n", + "Completed text 105937\n", + "Completed text 105938\n", + "Completed text 105939\n", + "Completed text 105940\n", + "Completed text 105941\n", + "Completed text 105942\n", + "Completed text 105943\n", + "Completed text 105944\n", + "Completed text 105945\n", + "Completed text 105946\n", + "Completed text 105947\n", + "Completed text 105948\n", + "Completed text 105949\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 105950\n", + "Completed text 105951\n", + "Completed text 105952\n", + "Completed text 105953\n", + "Completed text 105954\n", + "Completed text 105955\n", + "Completed text 105956\n", + "Completed text 105957\n", + "Completed text 105958\n", + "Completed text 105959\n", + "Completed text 105960\n", + "Completed text 105961\n", + "Completed text 105962\n", + "Completed text 105963\n", + "Completed text 105964\n", + "Completed text 105965\n", + "Completed text 105966\n", + "Completed text 105967\n", + "Completed text 105968\n", + "Completed text 105969\n", + "Completed text 105970\n", + "Completed text 105971\n", + "Completed text 105972\n", + "Completed text 105973\n", + "Completed text 105974\n", + "Completed text 105975\n", + "Completed text 105976\n", + "Completed text 105977\n", + "Completed text 105978\n", + "Completed text 105979\n", + "Completed text 105980\n", + "Completed text 105981\n", + "Completed text 105982\n", + "Completed text 105983\n", + "Completed text 105984\n", + "Completed text 105985\n", + "Completed text 105986\n", + "Completed text 105987\n", + "Completed text 105988\n", + "Completed text 105989\n", + "Completed text 105990\n", + "Completed text 105991\n", + "Completed text 105992\n", + "Completed text 105993\n", + "Completed text 105994\n", + "Completed text 105995\n", + "Completed text 105996\n", + "Completed text 105997\n", + "Completed text 105998\n", + "Completed text 105999\n", + "Completed text 106000\n", + "Completed text 106001\n", + "Completed text 106002\n", + "Completed text 106003\n", + "Completed text 106004\n", + "Completed text 106005\n", + "Completed text 106006\n", + "Completed text 106007\n", + "Completed text 106008\n", + "Completed text 106009\n", + "Completed text 106010\n", + "Completed text 106011\n", + "Completed text 106012\n", + "Completed text 106013\n", + "Completed text 106014\n", + "Completed text 106015\n", + "Completed text 106016\n", + "Completed text 106017\n", + "Completed text 106018\n", + "Completed text 106019\n", + "Completed text 106020\n", + "Completed text 106021\n", + "Completed text 106022\n", + "Completed text 106023\n", + "Completed text 106024\n", + "Completed text 106025\n", + "Completed text 106026\n", + "Completed text 106027\n", + "Completed text 106028\n", + "Completed text 106029\n", + "Completed text 106030\n", + "Completed text 106031\n", + "Completed text 106032\n", + "Completed text 106033\n", + "Completed text 106034\n", + "Completed text 106035\n", + "Completed text 106036\n", + "Completed text 106037\n", + "Completed text 106038\n", + "Completed text 106039\n", + "Completed text 106040\n", + "Completed text 106041\n", + "Completed text 106042\n", + "Completed text 106043\n", + "Completed text 106044\n", + "Completed text 106045\n", + "Completed text 106046\n", + "Completed text 106047\n", + "Completed text 106048\n", + "Completed text 106049\n", + "Completed text 106050\n", + "Completed text 106051\n", + "Completed text 106052\n", + "Completed text 106053\n", + "Completed text 106054\n", + "Completed text 106055\n", + "Completed text 106056\n", + "Completed text 106057\n", + "Completed text 106058\n", + "Completed text 106059\n", + "Completed text 106060\n", + "Completed text 106061\n", + "Completed text 106062\n", + "Completed text 106063\n", + "Completed text 106064\n", + "Completed text 106065\n", + "Completed text 106066\n", + "Completed text 106067\n", + "Completed text 106068\n", + "Completed text 106069\n", + "Completed text 106070\n", + "Completed text 106071\n", + "Completed text 106072\n", + "Completed text 106073\n", + "Completed text 106074\n", + "Completed text 106075\n", + "Completed text 106076\n", + "Completed text 106077\n", + "Completed text 106078\n", + "Completed text 106079\n", + "Completed text 106080\n", + "Completed text 106081\n", + "Completed text 106082\n", + "Completed text 106083\n", + "Completed text 106084\n", + "Completed text 106085\n", + "Completed text 106086\n", + "Completed text 106087\n", + "Completed text 106088\n", + "Completed text 106089\n", + "Completed text 106090\n", + "Completed text 106091\n", + "Completed text 106092\n", + "Completed text 106093\n", + "Completed text 106094\n", + "Completed text 106095\n", + "Completed text 106096\n", + "Completed text 106097\n", + "Completed text 106098\n", + "Completed text 106099\n", + "Completed text 106100\n", + "Completed text 106101\n", + "Completed text 106102\n", + "Completed text 106103\n", + "Completed text 106104\n", + "Completed text 106105\n", + "Completed text 106106\n", + "Completed text 106107\n", + "Completed text 106108\n", + "Completed text 106109\n", + "Completed text 106110\n", + "Completed text 106111\n", + "Completed text 106112\n", + "Completed text 106113\n", + "Completed text 106114\n", + "Completed text 106115\n", + "Completed text 106116\n", + "Completed text 106117\n", + "Completed text 106118\n", + "Completed text 106119\n", + "Completed text 106120\n", + "Completed text 106121\n", + "Completed text 106122\n", + "Completed text 106123\n", + "Completed text 106124\n", + "Completed text 106125\n", + "Completed text 106126\n", + "Completed text 106127\n", + "Completed text 106128\n", + "Completed text 106129\n", + "Completed text 106130\n", + "Completed text 106131\n", + "Completed text 106132\n", + "Completed text 106133\n", + "Completed text 106134\n", + "Completed text 106135\n", + "Completed text 106136\n", + "Completed text 106137\n", + "Completed text 106138\n", + "Completed text 106139\n", + "Completed text 106140\n", + "Completed text 106141\n", + "Completed text 106142\n", + "Completed text 106143\n", + "Completed text 106144\n", + "Completed text 106145\n", + "Completed text 106146\n", + "Completed text 106147\n", + "Completed text 106148\n", + "Completed text 106149\n", + "Completed text 106150\n", + "Completed text 106151\n", + "Completed text 106152\n", + "Completed text 106153\n", + "Completed text 106154\n", + "Completed text 106155\n", + "Completed text 106156\n", + "Completed text 106157\n", + "Completed text 106158\n", + "Completed text 106159\n", + "Completed text 106160\n", + "Completed text 106161\n", + "Completed text 106162\n", + "Completed text 106163\n", + "Completed text 106164\n", + "Completed text 106165\n", + "Completed text 106166\n", + "Completed text 106167\n", + "Completed text 106168\n", + "Completed text 106169\n", + "Completed text 106170\n", + "Completed text 106171\n", + "Completed text 106172\n", + "Completed text 106173\n", + "Completed text 106174\n", + "Completed text 106175\n", + "Completed text 106176\n", + "Completed text 106177\n", + "Completed text 106178\n", + "Completed text 106179\n", + "Completed text 106180\n", + "Completed text 106181\n", + "Completed text 106182\n", + "Completed text 106183\n", + "Completed text 106184\n", + "Completed text 106185\n", + "Completed text 106186\n", + "Completed text 106187\n", + "Completed text 106188\n", + "Completed text 106189\n", + "Completed text 106190\n", + "Completed text 106191\n", + "Completed text 106192\n", + "Completed text 106193\n", + "Completed text 106194\n", + "Completed text 106195\n", + "Completed text 106196\n", + "Completed text 106197\n", + "Completed text 106198\n", + "Completed text 106199\n", + "Completed text 106200\n", + "Completed text 106201\n", + "Completed text 106202\n", + "Completed text 106203\n", + "Completed text 106204\n", + "Completed text 106205\n", + "Completed text 106206\n", + "Completed text 106207\n", + "Completed text 106208\n", + "Completed text 106209\n", + "Completed text 106210\n", + "Completed text 106211\n", + "Completed text 106212\n", + "Completed text 106213\n", + "Completed text 106214\n", + "Completed text 106215\n", + "Completed text 106216\n", + "Completed text 106217\n", + "Completed text 106218\n", + "Completed text 106219\n", + "Completed text 106220\n", + "Completed text 106221\n", + "Completed text 106222\n", + "Completed text 106223\n", + "Completed text 106224\n", + "Completed text 106225\n", + "Completed text 106226\n", + "Completed text 106227\n", + "Completed text 106228\n", + "Completed text 106229\n", + "Completed text 106230\n", + "Completed text 106231\n", + "Completed text 106232\n", + "Completed text 106233\n", + "Completed text 106234\n", + "Completed text 106235\n", + "Completed text 106236\n", + "Completed text 106237\n", + "Completed text 106238\n", + "Completed text 106239\n", + "Completed text 106240\n", + "Completed text 106241\n", + "Completed text 106242\n", + "Completed text 106243\n", + "Completed text 106244\n", + "Completed text 106245\n", + "Completed text 106246\n", + "Completed text 106247\n", + "Completed text 106248\n", + "Completed text 106249\n", + "Completed text 106250\n", + "Completed text 106251\n", + "Completed text 106252\n", + "Completed text 106253\n", + "Completed text 106254\n", + "Completed text 106255\n", + "Completed text 106256\n", + "Completed text 106257\n", + "Completed text 106258\n", + "Completed text 106259\n", + "Completed text 106260\n", + "Completed text 106261\n", + "Completed text 106262\n", + "Completed text 106263\n", + "Completed text 106264\n", + "Completed text 106265\n", + "Completed text 106266\n", + "Completed text 106267\n", + "Completed text 106268\n", + "Completed text 106269\n", + "Completed text 106270\n", + "Completed text 106271\n", + "Completed text 106272\n", + "Completed text 106273\n", + "Completed text 106274\n", + "Completed text 106275\n", + "Completed text 106276\n", + "Completed text 106277\n", + "Completed text 106278\n", + "Completed text 106279\n", + "Completed text 106280\n", + "Completed text 106281\n", + "Completed text 106282\n", + "Completed text 106283\n", + "Completed text 106284\n", + "Completed text 106285\n", + "Completed text 106286\n", + "Completed text 106287\n", + "Completed text 106288\n", + "Completed text 106289\n", + "Completed text 106290\n", + "Completed text 106291\n", + "Completed text 106292\n", + "Completed text 106293\n", + "Completed text 106294\n", + "Completed text 106295\n", + "Completed text 106296\n", + "Completed text 106297\n", + "Completed text 106298\n", + "Completed text 106299\n", + "Completed text 106300\n", + "Completed text 106301\n", + "Completed text 106302\n", + "Completed text 106303\n", + "Completed text 106304\n", + "Completed text 106305\n", + "Completed text 106306\n", + "Completed text 106307\n", + "Completed text 106308\n", + "Completed text 106309\n", + "Completed text 106310\n", + "Completed text 106311\n", + "Completed text 106312\n", + "Completed text 106313\n", + "Completed text 106314\n", + "Completed text 106315\n", + "Completed text 106316\n", + "Completed text 106317\n", + "Completed text 106318\n", + "Completed text 106319\n", + "Completed text 106320\n", + "Completed text 106321\n", + "Completed text 106322\n", + "Completed text 106323\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 106324\n", + "Completed text 106325\n", + "Completed text 106326\n", + "Completed text 106327\n", + "Completed text 106328\n", + "Completed text 106329\n", + "Completed text 106330\n", + "Completed text 106331\n", + "Completed text 106332\n", + "Completed text 106333\n", + "Completed text 106334\n", + "Completed text 106335\n", + "Completed text 106336\n", + "Completed text 106337\n", + "Completed text 106338\n", + "Completed text 106339\n", + "Completed text 106340\n", + "Completed text 106341\n", + "Completed text 106342\n", + "Completed text 106343\n", + "Completed text 106344\n", + "Completed text 106345\n", + "Completed text 106346\n", + "Completed text 106347\n", + "Completed text 106348\n", + "Completed text 106349\n", + "Completed text 106350\n", + "Completed text 106351\n", + "Completed text 106352\n", + "Completed text 106353\n", + "Completed text 106354\n", + "Completed text 106355\n", + "Completed text 106356\n", + "Completed text 106357\n", + "Completed text 106358\n", + "Completed text 106359\n", + "Completed text 106360\n", + "Completed text 106361\n", + "Completed text 106362\n", + "Completed text 106363\n", + "Completed text 106364\n", + "Completed text 106365\n", + "Completed text 106366\n", + "Completed text 106367\n", + "Completed text 106368\n", + "Completed text 106369\n", + "Completed text 106370\n", + "Completed text 106371\n", + "Completed text 106372\n", + "Completed text 106373\n", + "Completed text 106374\n", + "Completed text 106375\n", + "Completed text 106376\n", + "Completed text 106377\n", + "Completed text 106378\n", + "Completed text 106379\n", + "Completed text 106380\n", + "Completed text 106381\n", + "Completed text 106382\n", + "Completed text 106383\n", + "Completed text 106384\n", + "Completed text 106385\n", + "Completed text 106386\n", + "Completed text 106387\n", + "Completed text 106388\n", + "Completed text 106389\n", + "Completed text 106390\n", + "Completed text 106391\n", + "Completed text 106392\n", + "Completed text 106393\n", + "Completed text 106394\n", + "Completed text 106395\n", + "Completed text 106396\n", + "Completed text 106397\n", + "Completed text 106398\n", + "Completed text 106399\n", + "Completed text 106400\n", + "Completed text 106401\n", + "Completed text 106402\n", + "Completed text 106403\n", + "Completed text 106404\n", + "Completed text 106405\n", + "Completed text 106406\n", + "Completed text 106407\n", + "Completed text 106408\n", + "Completed text 106409\n", + "Completed text 106410\n", + "Completed text 106411\n", + "Completed text 106412\n", + "Completed text 106413\n", + "Completed text 106414\n", + "Completed text 106415\n", + "Completed text 106416\n", + "Completed text 106417\n", + "Completed text 106418\n", + "Completed text 106419\n", + "Completed text 106420\n", + "Completed text 106421\n", + "Completed text 106422\n", + "Completed text 106423\n", + "Completed text 106424\n", + "Completed text 106425\n", + "Completed text 106426\n", + "Completed text 106427\n", + "Completed text 106428\n", + "Completed text 106429\n", + "Completed text 106430\n", + "Completed text 106431\n", + "Completed text 106432\n", + "Completed text 106433\n", + "Completed text 106434\n", + "Completed text 106435\n", + "Completed text 106436\n", + "Completed text 106437\n", + "Completed text 106438\n", + "Completed text 106439\n", + "Completed text 106440\n", + "Completed text 106441\n", + "Completed text 106442\n", + "Completed text 106443\n", + "Completed text 106444\n", + "Completed text 106445\n", + "Completed text 106446\n", + "Completed text 106447\n", + "Completed text 106448\n", + "Completed text 106449\n", + "Completed text 106450\n", + "Completed text 106451\n", + "Completed text 106452\n", + "Completed text 106453\n", + "Completed text 106454\n", + "Completed text 106455\n", + "Completed text 106456\n", + "Completed text 106457\n", + "Completed text 106458\n", + "Completed text 106459\n", + "Completed text 106460\n", + "Completed text 106461\n", + "Completed text 106462\n", + "Completed text 106463\n", + "Completed text 106464\n", + "Completed text 106465\n", + "Completed text 106466\n", + "Completed text 106467\n", + "Completed text 106468\n", + "Completed text 106469\n", + "Completed text 106470\n", + "Completed text 106471\n", + "Completed text 106472\n", + "Completed text 106473\n", + "Completed text 106474\n", + "Completed text 106475\n", + "Completed text 106476\n", + "Completed text 106477\n", + "Completed text 106478\n", + "Completed text 106479\n", + "Completed text 106480\n", + "Completed text 106481\n", + "Completed text 106482\n", + "Completed text 106483\n", + "Completed text 106484\n", + "Completed text 106485\n", + "Completed text 106486\n", + "Completed text 106487\n", + "Completed text 106488\n", + "Completed text 106489\n", + "Completed text 106490\n", + "Completed text 106491\n", + "Completed text 106492\n", + "Completed text 106493\n", + "Completed text 106494\n", + "Completed text 106495\n", + "Completed text 106496\n", + "Completed text 106497\n", + "Completed text 106498\n", + "Completed text 106499\n", + "Completed text 106500\n", + "Completed text 106501\n", + "Completed text 106502\n", + "Completed text 106503\n", + "Completed text 106504\n", + "Completed text 106505\n", + "Completed text 106506\n", + "Completed text 106507\n", + "Completed text 106508\n", + "Completed text 106509\n", + "Completed text 106510\n", + "Completed text 106511\n", + "Completed text 106512\n", + "Completed text 106513\n", + "Completed text 106514\n", + "Completed text 106515\n", + "Completed text 106516\n", + "Completed text 106517\n", + "Completed text 106518\n", + "Completed text 106519\n", + "Completed text 106520\n", + "Completed text 106521\n", + "Completed text 106522\n", + "Completed text 106523\n", + "Completed text 106524\n", + "Completed text 106525\n", + "Completed text 106526\n", + "Completed text 106527\n", + "Completed text 106528\n", + "Completed text 106529\n", + "Completed text 106530\n", + "Completed text 106531\n", + "Completed text 106532\n", + "Completed text 106533\n", + "Completed text 106534\n", + "Completed text 106535\n", + "Completed text 106536\n", + "Completed text 106537\n", + "Completed text 106538\n", + "Completed text 106539\n", + "Completed text 106540\n", + "Completed text 106541\n", + "Completed text 106542\n", + "Completed text 106543\n", + "Completed text 106544\n", + "Completed text 106545\n", + "Completed text 106546\n", + "Completed text 106547\n", + "Completed text 106548\n", + "Completed text 106549\n", + "Completed text 106550\n", + "Completed text 106551\n", + "Completed text 106552\n", + "Completed text 106553\n", + "Completed text 106554\n", + "Completed text 106555\n", + "Completed text 106556\n", + "Completed text 106557\n", + "Completed text 106558\n", + "Completed text 106559\n", + "Completed text 106560\n", + "Completed text 106561\n", + "Completed text 106562\n", + "Completed text 106563\n", + "Completed text 106564\n", + "Completed text 106565\n", + "Completed text 106566\n", + "Completed text 106567\n", + "Completed text 106568\n", + "Completed text 106569\n", + "Completed text 106570\n", + "Completed text 106571\n", + "Completed text 106572\n", + "Completed text 106573\n", + "Completed text 106574\n", + "Completed text 106575\n", + "Completed text 106576\n", + "Completed text 106577\n", + "Completed text 106578\n", + "Completed text 106579\n", + "Completed text 106580\n", + "Completed text 106581\n", + "Completed text 106582\n", + "Completed text 106583\n", + "Completed text 106584\n", + "Completed text 106585\n", + "Completed text 106586\n", + "Completed text 106587\n", + "Completed text 106588\n", + "Completed text 106589\n", + "Completed text 106590\n", + "Completed text 106591\n", + "Completed text 106592\n", + "Completed text 106593\n", + "Completed text 106594\n", + "Completed text 106595\n", + "Completed text 106596\n", + "Completed text 106597\n", + "Completed text 106598\n", + "Completed text 106599\n", + "Completed text 106600\n", + "Completed text 106601\n", + "Completed text 106602\n", + "Completed text 106603\n", + "Completed text 106604\n", + "Completed text 106605\n", + "Completed text 106606\n", + "Completed text 106607\n", + "Completed text 106608\n", + "Completed text 106609\n", + "Completed text 106610\n", + "Completed text 106611\n", + "Completed text 106612\n", + "Completed text 106613\n", + "Completed text 106614\n", + "Completed text 106615\n", + "Completed text 106616\n", + "Completed text 106617\n", + "Completed text 106618\n", + "Completed text 106619\n", + "Completed text 106620\n", + "Completed text 106621\n", + "Completed text 106622\n", + "Completed text 106623\n", + "Completed text 106624\n", + "Completed text 106625\n", + "Completed text 106626\n", + "Completed text 106627\n", + "Completed text 106628\n", + "Completed text 106629\n", + "Completed text 106630\n", + "Completed text 106631\n", + "Completed text 106632\n", + "Completed text 106633\n", + "Completed text 106634\n", + "Completed text 106635\n", + "Completed text 106636\n", + "Completed text 106637\n", + "Completed text 106638\n", + "Completed text 106639\n", + "Completed text 106640\n", + "Completed text 106641\n", + "Completed text 106642\n", + "Completed text 106643\n", + "Completed text 106644\n", + "Completed text 106645\n", + "Completed text 106646\n", + "Completed text 106647\n", + "Completed text 106648\n", + "Completed text 106649\n", + "Completed text 106650\n", + "Completed text 106651\n", + "Completed text 106652\n", + "Completed text 106653\n", + "Completed text 106654\n", + "Completed text 106655\n", + "Completed text 106656\n", + "Completed text 106657\n", + "Completed text 106658\n", + "Completed text 106659\n", + "Completed text 106660\n", + "Completed text 106661\n", + "Completed text 106662\n", + "Completed text 106663\n", + "Completed text 106664\n", + "Completed text 106665\n", + "Completed text 106666\n", + "Completed text 106667\n", + "Completed text 106668\n", + "Completed text 106669\n", + "Completed text 106670\n", + "Completed text 106671\n", + "Completed text 106672\n", + "Completed text 106673\n", + "Completed text 106674\n", + "Completed text 106675\n", + "Completed text 106676\n", + "Completed text 106677\n", + "Completed text 106678\n", + "Completed text 106679\n", + "Completed text 106680\n", + "Completed text 106681\n", + "Completed text 106682\n", + "Completed text 106683\n", + "Completed text 106684\n", + "Completed text 106685\n", + "Completed text 106686\n", + "Completed text 106687\n", + "Completed text 106688\n", + "Completed text 106689\n", + "Completed text 106690\n", + "Completed text 106691\n", + "Completed text 106692\n", + "Completed text 106693\n", + "Completed text 106694\n", + "Completed text 106695\n", + "Completed text 106696\n", + "Completed text 106697\n", + "Completed text 106698\n", + "Completed text 106699\n", + "Completed text 106700\n", + "Completed text 106701\n", + "Completed text 106702\n", + "Completed text 106703\n", + "Completed text 106704\n", + "Completed text 106705\n", + "Completed text 106706\n", + "Completed text 106707\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 106708\n", + "Completed text 106709\n", + "Completed text 106710\n", + "Completed text 106711\n", + "Completed text 106712\n", + "Completed text 106713\n", + "Completed text 106714\n", + "Completed text 106715\n", + "Completed text 106716\n", + "Completed text 106717\n", + "Completed text 106718\n", + "Completed text 106719\n", + "Completed text 106720\n", + "Completed text 106721\n", + "Completed text 106722\n", + "Completed text 106723\n", + "Completed text 106724\n", + "Completed text 106725\n", + "Completed text 106726\n", + "Completed text 106727\n", + "Completed text 106728\n", + "Completed text 106729\n", + "Completed text 106730\n", + "Completed text 106731\n", + "Completed text 106732\n", + "Completed text 106733\n", + "Completed text 106734\n", + "Completed text 106735\n", + "Completed text 106736\n", + "Completed text 106737\n", + "Completed text 106738\n", + "Completed text 106739\n", + "Completed text 106740\n", + "Completed text 106741\n", + "Completed text 106742\n", + "Completed text 106743\n", + "Completed text 106744\n", + "Completed text 106745\n", + "Completed text 106746\n", + "Completed text 106747\n", + "Completed text 106748\n", + "Completed text 106749\n", + "Completed text 106750\n", + "Completed text 106751\n", + "Completed text 106752\n", + "Completed text 106753\n", + "Completed text 106754\n", + "Completed text 106755\n", + "Completed text 106756\n", + "Completed text 106757\n", + "Completed text 106758\n", + "Completed text 106759\n", + "Completed text 106760\n", + "Completed text 106761\n", + "Completed text 106762\n", + "Completed text 106763\n", + "Completed text 106764\n", + "Completed text 106765\n", + "Completed text 106766\n", + "Completed text 106767\n", + "Completed text 106768\n", + "Completed text 106769\n", + "Completed text 106770\n", + "Completed text 106771\n", + "Completed text 106772\n", + "Completed text 106773\n", + "Completed text 106774\n", + "Completed text 106775\n", + "Completed text 106776\n", + "Completed text 106777\n", + "Completed text 106778\n", + "Completed text 106779\n", + "Completed text 106780\n", + "Completed text 106781\n", + "Completed text 106782\n", + "Completed text 106783\n", + "Completed text 106784\n", + "Completed text 106785\n", + "Completed text 106786\n", + "Completed text 106787\n", + "Completed text 106788\n", + "Completed text 106789\n", + "Completed text 106790\n", + "Completed text 106791\n", + "Completed text 106792\n", + "Completed text 106793\n", + "Completed text 106794\n", + "Completed text 106795\n", + "Completed text 106796\n", + "Completed text 106797\n", + "Completed text 106798\n", + "Completed text 106799\n", + "Completed text 106800\n", + "Completed text 106801\n", + "Completed text 106802\n", + "Completed text 106803\n", + "Completed text 106804\n", + "Completed text 106805\n", + "Completed text 106806\n", + "Completed text 106807\n", + "Completed text 106808\n", + "Completed text 106809\n", + "Completed text 106810\n", + "Completed text 106811\n", + "Completed text 106812\n", + "Completed text 106813\n", + "Completed text 106814\n", + "Completed text 106815\n", + "Completed text 106816\n", + "Completed text 106817\n", + "Completed text 106818\n", + "Completed text 106819\n", + "Completed text 106820\n", + "Completed text 106821\n", + "Completed text 106822\n", + "Completed text 106823\n", + "Completed text 106824\n", + "Completed text 106825\n", + "Completed text 106826\n", + "Completed text 106827\n", + "Completed text 106828\n", + "Completed text 106829\n", + "Completed text 106830\n", + "Completed text 106831\n", + "Completed text 106832\n", + "Completed text 106833\n", + "Completed text 106834\n", + "Completed text 106835\n", + "Completed text 106836\n", + "Completed text 106837\n", + "Completed text 106838\n", + "Completed text 106839\n", + "Completed text 106840\n", + "Completed text 106841\n", + "Completed text 106842\n", + "Completed text 106843\n", + "Completed text 106844\n", + "Completed text 106845\n", + "Completed text 106846\n", + "Completed text 106847\n", + "Completed text 106848\n", + "Completed text 106849\n", + "Completed text 106850\n", + "Completed text 106851\n", + "Completed text 106852\n", + "Completed text 106853\n", + "Completed text 106854\n", + "Completed text 106855\n", + "Completed text 106856\n", + "Completed text 106857\n", + "Completed text 106858\n", + "Completed text 106859\n", + "Completed text 106860\n", + "Completed text 106861\n", + "Completed text 106862\n", + "Completed text 106863\n", + "Completed text 106864\n", + "Completed text 106865\n", + "Completed text 106866\n", + "Completed text 106867\n", + "Completed text 106868\n", + "Completed text 106869\n", + "Completed text 106870\n", + "Completed text 106871\n", + "Completed text 106872\n", + "Completed text 106873\n", + "Completed text 106874\n", + "Completed text 106875\n", + "Completed text 106876\n", + "Completed text 106877\n", + "Completed text 106878\n", + "Completed text 106879\n", + "Completed text 106880\n", + "Completed text 106881\n", + "Completed text 106882\n", + "Completed text 106883\n", + "Completed text 106884\n", + "Completed text 106885\n", + "Completed text 106886\n", + "Completed text 106887\n", + "Completed text 106888\n", + "Completed text 106889\n", + "Completed text 106890\n", + "Completed text 106891\n", + "Completed text 106892\n", + "Completed text 106893\n", + "Completed text 106894\n", + "Completed text 106895\n", + "Completed text 106896\n", + "Completed text 106897\n", + "Completed text 106898\n", + "Completed text 106899\n", + "Completed text 106900\n", + "Completed text 106901\n", + "Completed text 106902\n", + "Completed text 106903\n", + "Completed text 106904\n", + "Completed text 106905\n", + "Completed text 106906\n", + "Completed text 106907\n", + "Completed text 106908\n", + "Completed text 106909\n", + "Completed text 106910\n", + "Completed text 106911\n", + "Completed text 106912\n", + "Completed text 106913\n", + "Completed text 106914\n", + "Completed text 106915\n", + "Completed text 106916\n", + "Completed text 106917\n", + "Completed text 106918\n", + "Completed text 106919\n", + "Completed text 106920\n", + "Completed text 106921\n", + "Completed text 106922\n", + "Completed text 106923\n", + "Completed text 106924\n", + "Completed text 106925\n", + "Completed text 106926\n", + "Completed text 106927\n", + "Completed text 106928\n", + "Completed text 106929\n", + "Completed text 106930\n", + "Completed text 106931\n", + "Completed text 106932\n", + "Completed text 106933\n", + "Completed text 106934\n", + "Completed text 106935\n", + "Completed text 106936\n", + "Completed text 106937\n", + "Completed text 106938\n", + "Completed text 106939\n", + "Completed text 106940\n", + "Completed text 106941\n", + "Completed text 106942\n", + "Completed text 106943\n", + "Completed text 106944\n", + "Completed text 106945\n", + "Completed text 106946\n", + "Completed text 106947\n", + "Completed text 106948\n", + "Completed text 106949\n", + "Completed text 106950\n", + "Completed text 106951\n", + "Completed text 106952\n", + "Completed text 106953\n", + "Completed text 106954\n", + "Completed text 106955\n", + "Completed text 106956\n", + "Completed text 106957\n", + "Completed text 106958\n", + "Completed text 106959\n", + "Completed text 106960\n", + "Completed text 106961\n", + "Completed text 106962\n", + "Completed text 106963\n", + "Completed text 106964\n", + "Completed text 106965\n", + "Completed text 106966\n", + "Completed text 106967\n", + "Completed text 106968\n", + "Completed text 106969\n", + "Completed text 106970\n", + "Completed text 106971\n", + "Completed text 106972\n", + "Completed text 106973\n", + "Completed text 106974\n", + "Completed text 106975\n", + "Completed text 106976\n", + "Completed text 106977\n", + "Completed text 106978\n", + "Completed text 106979\n", + "Completed text 106980\n", + "Completed text 106981\n", + "Completed text 106982\n", + "Completed text 106983\n", + "Completed text 106984\n", + "Completed text 106985\n", + "Completed text 106986\n", + "Completed text 106987\n", + "Completed text 106988\n", + "Completed text 106989\n", + "Completed text 106990\n", + "Completed text 106991\n", + "Completed text 106992\n", + "Completed text 106993\n", + "Completed text 106994\n", + "Completed text 106995\n", + "Completed text 106996\n", + "Completed text 106997\n", + "Completed text 106998\n", + "Completed text 106999\n", + "Completed text 107000\n", + "Completed text 107001\n", + "Completed text 107002\n", + "Completed text 107003\n", + "Completed text 107004\n", + "Completed text 107005\n", + "Completed text 107006\n", + "Completed text 107007\n", + "Completed text 107008\n", + "Completed text 107009\n", + "Completed text 107010\n", + "Completed text 107011\n", + "Completed text 107012\n", + "Completed text 107013\n", + "Completed text 107014\n", + "Completed text 107015\n", + "Completed text 107016\n", + "Completed text 107017\n", + "Completed text 107018\n", + "Completed text 107019\n", + "Completed text 107020\n", + "Completed text 107021\n", + "Completed text 107022\n", + "Completed text 107023\n", + "Completed text 107024\n", + "Completed text 107025\n", + "Completed text 107026\n", + "Completed text 107027\n", + "Completed text 107028\n", + "Completed text 107029\n", + "Completed text 107030\n", + "Completed text 107031\n", + "Completed text 107032\n", + "Completed text 107033\n", + "Completed text 107034\n", + "Completed text 107035\n", + "Completed text 107036\n", + "Completed text 107037\n", + "Completed text 107038\n", + "Completed text 107039\n", + "Completed text 107040\n", + "Completed text 107041\n", + "Completed text 107042\n", + "Completed text 107043\n", + "Completed text 107044\n", + "Completed text 107045\n", + "Completed text 107046\n", + "Completed text 107047\n", + "Completed text 107048\n", + "Completed text 107049\n", + "Completed text 107050\n", + "Completed text 107051\n", + "Completed text 107052\n", + "Completed text 107053\n", + "Completed text 107054\n", + "Completed text 107055\n", + "Completed text 107056\n", + "Completed text 107057\n", + "Completed text 107058\n", + "Completed text 107059\n", + "Completed text 107060\n", + "Completed text 107061\n", + "Completed text 107062\n", + "Completed text 107063\n", + "Completed text 107064\n", + "Completed text 107065\n", + "Completed text 107066\n", + "Completed text 107067\n", + "Completed text 107068\n", + "Completed text 107069\n", + "Completed text 107070\n", + "Completed text 107071\n", + "Completed text 107072\n", + "Completed text 107073\n", + "Completed text 107074\n", + "Completed text 107075\n", + "Completed text 107076\n", + "Completed text 107077\n", + "Completed text 107078\n", + "Completed text 107079\n", + "Completed text 107080\n", + "Completed text 107081\n", + "Completed text 107082\n", + "Completed text 107083\n", + "Completed text 107084\n", + "Completed text 107085\n", + "Completed text 107086\n", + "Completed text 107087\n", + "Completed text 107088\n", + "Completed text 107089\n", + "Completed text 107090\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 107091\n", + "Completed text 107092\n", + "Completed text 107093\n", + "Completed text 107094\n", + "Completed text 107095\n", + "Completed text 107096\n", + "Completed text 107097\n", + "Completed text 107098\n", + "Completed text 107099\n", + "Completed text 107100\n", + "Completed text 107101\n", + "Completed text 107102\n", + "Completed text 107103\n", + "Completed text 107104\n", + "Completed text 107105\n", + "Completed text 107106\n", + "Completed text 107107\n", + "Completed text 107108\n", + "Completed text 107109\n", + "Completed text 107110\n", + "Completed text 107111\n", + "Completed text 107112\n", + "Completed text 107113\n", + "Completed text 107114\n", + "Completed text 107115\n", + "Completed text 107116\n", + "Completed text 107117\n", + "Completed text 107118\n", + "Completed text 107119\n", + "Completed text 107120\n", + "Completed text 107121\n", + "Completed text 107122\n", + "Completed text 107123\n", + "Completed text 107124\n", + "Completed text 107125\n", + "Completed text 107126\n", + "Completed text 107127\n", + "Completed text 107128\n", + "Completed text 107129\n", + "Completed text 107130\n", + "Completed text 107131\n", + "Completed text 107132\n", + "Completed text 107133\n", + "Completed text 107134\n", + "Completed text 107135\n", + "Completed text 107136\n", + "Completed text 107137\n", + "Completed text 107138\n", + "Completed text 107139\n", + "Completed text 107140\n", + "Completed text 107141\n", + "Completed text 107142\n", + "Completed text 107143\n", + "Completed text 107144\n", + "Completed text 107145\n", + "Completed text 107146\n", + "Completed text 107147\n", + "Completed text 107148\n", + "Completed text 107149\n", + "Completed text 107150\n", + "Completed text 107151\n", + "Completed text 107152\n", + "Completed text 107153\n", + "Completed text 107154\n", + "Completed text 107155\n", + "Completed text 107156\n", + "Completed text 107157\n", + "Completed text 107158\n", + "Completed text 107159\n", + "Completed text 107160\n", + "Completed text 107161\n", + "Completed text 107162\n", + "Completed text 107163\n", + "Completed text 107164\n", + "Completed text 107165\n", + "Completed text 107166\n", + "Completed text 107167\n", + "Completed text 107168\n", + "Completed text 107169\n", + "Completed text 107170\n", + "Completed text 107171\n", + "Completed text 107172\n", + "Completed text 107173\n", + "Completed text 107174\n", + "Completed text 107175\n", + "Completed text 107176\n", + "Completed text 107177\n", + "Completed text 107178\n", + "Completed text 107179\n", + "Completed text 107180\n", + "Completed text 107181\n", + "Completed text 107182\n", + "Completed text 107183\n", + "Completed text 107184\n", + "Completed text 107185\n", + "Completed text 107186\n", + "Completed text 107187\n", + "Completed text 107188\n", + "Completed text 107189\n", + "Completed text 107190\n", + "Completed text 107191\n", + "Completed text 107192\n", + "Completed text 107193\n", + "Completed text 107194\n", + "Completed text 107195\n", + "Completed text 107196\n", + "Completed text 107197\n", + "Completed text 107198\n", + "Completed text 107199\n", + "Completed text 107200\n", + "Completed text 107201\n", + "Completed text 107202\n", + "Completed text 107203\n", + "Completed text 107204\n", + "Completed text 107205\n", + "Completed text 107206\n", + "Completed text 107207\n", + "Completed text 107208\n", + "Completed text 107209\n", + "Completed text 107210\n", + "Completed text 107211\n", + "Completed text 107212\n", + "Completed text 107213\n", + "Completed text 107214\n", + "Completed text 107215\n", + "Completed text 107216\n", + "Completed text 107217\n", + "Completed text 107218\n", + "Completed text 107219\n", + "Completed text 107220\n", + "Completed text 107221\n", + "Completed text 107222\n", + "Completed text 107223\n", + "Completed text 107224\n", + "Completed text 107225\n", + "Completed text 107226\n", + "Completed text 107227\n", + "Completed text 107228\n", + "Completed text 107229\n", + "Completed text 107230\n", + "Completed text 107231\n", + "Completed text 107232\n", + "Completed text 107233\n", + "Completed text 107234\n", + "Completed text 107235\n", + "Completed text 107236\n", + "Completed text 107237\n", + "Completed text 107238\n", + "Completed text 107239\n", + "Completed text 107240\n", + "Completed text 107241\n", + "Completed text 107242\n", + "Completed text 107243\n", + "Completed text 107244\n", + "Completed text 107245\n", + "Completed text 107246\n", + "Completed text 107247\n", + "Completed text 107248\n", + "Completed text 107249\n", + "Completed text 107250\n", + "Completed text 107251\n", + "Completed text 107252\n", + "Completed text 107253\n", + "Completed text 107254\n", + "Completed text 107255\n", + "Completed text 107256\n", + "Completed text 107257\n", + "Completed text 107258\n", + "Completed text 107259\n", + "Completed text 107260\n", + "Completed text 107261\n", + "Completed text 107262\n", + "Completed text 107263\n", + "Completed text 107264\n", + "Completed text 107265\n", + "Completed text 107266\n", + "Completed text 107267\n", + "Completed text 107268\n", + "Completed text 107269\n", + "Completed text 107270\n", + "Completed text 107271\n", + "Completed text 107272\n", + "Completed text 107273\n", + "Completed text 107274\n", + "Completed text 107275\n", + "Completed text 107276\n", + "Completed text 107277\n", + "Completed text 107278\n", + "Completed text 107279\n", + "Completed text 107280\n", + "Completed text 107281\n", + "Completed text 107282\n", + "Completed text 107283\n", + "Completed text 107284\n", + "Completed text 107285\n", + "Completed text 107286\n", + "Completed text 107287\n", + "Completed text 107288\n", + "Completed text 107289\n", + "Completed text 107290\n", + "Completed text 107291\n", + "Completed text 107292\n", + "Completed text 107293\n", + "Completed text 107294\n", + "Completed text 107295\n", + "Completed text 107296\n", + "Completed text 107297\n", + "Completed text 107298\n", + "Completed text 107299\n", + "Completed text 107300\n", + "Completed text 107301\n", + "Completed text 107302\n", + "Completed text 107303\n", + "Completed text 107304\n", + "Completed text 107305\n", + "Completed text 107306\n", + "Completed text 107307\n", + "Completed text 107308\n", + "Completed text 107309\n", + "Completed text 107310\n", + "Completed text 107311\n", + "Completed text 107312\n", + "Completed text 107313\n", + "Completed text 107314\n", + "Completed text 107315\n", + "Completed text 107316\n", + "Completed text 107317\n", + "Completed text 107318\n", + "Completed text 107319\n", + "Completed text 107320\n", + "Completed text 107321\n", + "Completed text 107322\n", + "Completed text 107323\n", + "Completed text 107324\n", + "Completed text 107325\n", + "Completed text 107326\n", + "Completed text 107327\n", + "Completed text 107328\n", + "Completed text 107329\n", + "Completed text 107330\n", + "Completed text 107331\n", + "Completed text 107332\n", + "Completed text 107333\n", + "Completed text 107334\n", + "Completed text 107335\n", + "Completed text 107336\n", + "Completed text 107337\n", + "Completed text 107338\n", + "Completed text 107339\n", + "Completed text 107340\n", + "Completed text 107341\n", + "Completed text 107342\n", + "Completed text 107343\n", + "Completed text 107344\n", + "Completed text 107345\n", + "Completed text 107346\n", + "Completed text 107347\n", + "Completed text 107348\n", + "Completed text 107349\n", + "Completed text 107350\n", + "Completed text 107351\n", + "Completed text 107352\n", + "Completed text 107353\n", + "Completed text 107354\n", + "Completed text 107355\n", + "Completed text 107356\n", + "Completed text 107357\n", + "Completed text 107358\n", + "Completed text 107359\n", + "Completed text 107360\n", + "Completed text 107361\n", + "Completed text 107362\n", + "Completed text 107363\n", + "Completed text 107364\n", + "Completed text 107365\n", + "Completed text 107366\n", + "Completed text 107367\n", + "Completed text 107368\n", + "Completed text 107369\n", + "Completed text 107370\n", + "Completed text 107371\n", + "Completed text 107372\n", + "Completed text 107373\n", + "Completed text 107374\n", + "Completed text 107375\n", + "Completed text 107376\n", + "Completed text 107377\n", + "Completed text 107378\n", + "Completed text 107379\n", + "Completed text 107380\n", + "Completed text 107381\n", + "Completed text 107382\n", + "Completed text 107383\n", + "Completed text 107384\n", + "Completed text 107385\n", + "Completed text 107386\n", + "Completed text 107387\n", + "Completed text 107388\n", + "Completed text 107389\n", + "Completed text 107390\n", + "Completed text 107391\n", + "Completed text 107392\n", + "Completed text 107393\n", + "Completed text 107394\n", + "Completed text 107395\n", + "Completed text 107396\n", + "Completed text 107397\n", + "Completed text 107398\n", + "Completed text 107399\n", + "Completed text 107400\n", + "Completed text 107401\n", + "Completed text 107402\n", + "Completed text 107403\n", + "Completed text 107404\n", + "Completed text 107405\n", + "Completed text 107406\n", + "Completed text 107407\n", + "Completed text 107408\n", + "Completed text 107409\n", + "Completed text 107410\n", + "Completed text 107411\n", + "Completed text 107412\n", + "Completed text 107413\n", + "Completed text 107414\n", + "Completed text 107415\n", + "Completed text 107416\n", + "Completed text 107417\n", + "Completed text 107418\n", + "Completed text 107419\n", + "Completed text 107420\n", + "Completed text 107421\n", + "Completed text 107422\n", + "Completed text 107423\n", + "Completed text 107424\n", + "Completed text 107425\n", + "Completed text 107426\n", + "Completed text 107427\n", + "Completed text 107428\n", + "Completed text 107429\n", + "Completed text 107430\n", + "Completed text 107431\n", + "Completed text 107432\n", + "Completed text 107433\n", + "Completed text 107434\n", + "Completed text 107435\n", + "Completed text 107436\n", + "Completed text 107437\n", + "Completed text 107438\n", + "Completed text 107439\n", + "Completed text 107440\n", + "Completed text 107441\n", + "Completed text 107442\n", + "Completed text 107443\n", + "Completed text 107444\n", + "Completed text 107445\n", + "Completed text 107446\n", + "Completed text 107447\n", + "Completed text 107448\n", + "Completed text 107449\n", + "Completed text 107450\n", + "Completed text 107451\n", + "Completed text 107452\n", + "Completed text 107453\n", + "Completed text 107454\n", + "Completed text 107455\n", + "Completed text 107456\n", + "Completed text 107457\n", + "Completed text 107458\n", + "Completed text 107459\n", + "Completed text 107460\n", + "Completed text 107461\n", + "Completed text 107462\n", + "Completed text 107463\n", + "Completed text 107464\n", + "Completed text 107465\n", + "Completed text 107466\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 107467\n", + "Completed text 107468\n", + "Completed text 107469\n", + "Completed text 107470\n", + "Completed text 107471\n", + "Completed text 107472\n", + "Completed text 107473\n", + "Completed text 107474\n", + "Completed text 107475\n", + "Completed text 107476\n", + "Completed text 107477\n", + "Completed text 107478\n", + "Completed text 107479\n", + "Completed text 107480\n", + "Completed text 107481\n", + "Completed text 107482\n", + "Completed text 107483\n", + "Completed text 107484\n", + "Completed text 107485\n", + "Completed text 107486\n", + "Completed text 107487\n", + "Completed text 107488\n", + "Completed text 107489\n", + "Completed text 107490\n", + "Completed text 107491\n", + "Completed text 107492\n", + "Completed text 107493\n", + "Completed text 107494\n", + "Completed text 107495\n", + "Completed text 107496\n", + "Completed text 107497\n", + "Completed text 107498\n", + "Completed text 107499\n", + "Completed text 107500\n", + "Completed text 107501\n", + "Completed text 107502\n", + "Completed text 107503\n", + "Completed text 107504\n", + "Completed text 107505\n", + "Completed text 107506\n", + "Completed text 107507\n", + "Completed text 107508\n", + "Completed text 107509\n", + "Completed text 107510\n", + "Completed text 107511\n", + "Completed text 107512\n", + "Completed text 107513\n", + "Completed text 107514\n", + "Completed text 107515\n", + "Completed text 107516\n", + "Completed text 107517\n", + "Completed text 107518\n", + "Completed text 107519\n", + "Completed text 107520\n", + "Completed text 107521\n", + "Completed text 107522\n", + "Completed text 107523\n", + "Completed text 107524\n", + "Completed text 107525\n", + "Completed text 107526\n", + "Completed text 107527\n", + "Completed text 107528\n", + "Completed text 107529\n", + "Completed text 107530\n", + "Completed text 107531\n", + "Completed text 107532\n", + "Completed text 107533\n", + "Completed text 107534\n", + "Completed text 107535\n", + "Completed text 107536\n", + "Completed text 107537\n", + "Completed text 107538\n", + "Completed text 107539\n", + "Completed text 107540\n", + "Completed text 107541\n", + "Completed text 107542\n", + "Completed text 107543\n", + "Completed text 107544\n", + "Completed text 107545\n", + "Completed text 107546\n", + "Completed text 107547\n", + "Completed text 107548\n", + "Completed text 107549\n", + "Completed text 107550\n", + "Completed text 107551\n", + "Completed text 107552\n", + "Completed text 107553\n", + "Completed text 107554\n", + "Completed text 107555\n", + "Completed text 107556\n", + "Completed text 107557\n", + "Completed text 107558\n", + "Completed text 107559\n", + "Completed text 107560\n", + "Completed text 107561\n", + "Completed text 107562\n", + "Completed text 107563\n", + "Completed text 107564\n", + "Completed text 107565\n", + "Completed text 107566\n", + "Completed text 107567\n", + "Completed text 107568\n", + "Completed text 107569\n", + "Completed text 107570\n", + "Completed text 107571\n", + "Completed text 107572\n", + "Completed text 107573\n", + "Completed text 107574\n", + "Completed text 107575\n", + "Completed text 107576\n", + "Completed text 107577\n", + "Completed text 107578\n", + "Completed text 107579\n", + "Completed text 107580\n", + "Completed text 107581\n", + "Completed text 107582\n", + "Completed text 107583\n", + "Completed text 107584\n", + "Completed text 107585\n", + "Completed text 107586\n", + "Completed text 107587\n", + "Completed text 107588\n", + "Completed text 107589\n", + "Completed text 107590\n", + "Completed text 107591\n", + "Completed text 107592\n", + "Completed text 107593\n", + "Completed text 107594\n", + "Completed text 107595\n", + "Completed text 107596\n", + "Completed text 107597\n", + "Completed text 107598\n", + "Completed text 107599\n", + "Completed text 107600\n", + "Completed text 107601\n", + "Completed text 107602\n", + "Completed text 107603\n", + "Completed text 107604\n", + "Completed text 107605\n", + "Completed text 107606\n", + "Completed text 107607\n", + "Completed text 107608\n", + "Completed text 107609\n", + "Completed text 107610\n", + "Completed text 107611\n", + "Completed text 107612\n", + "Completed text 107613\n", + "Completed text 107614\n", + "Completed text 107615\n", + "Completed text 107616\n", + "Completed text 107617\n", + "Completed text 107618\n", + "Completed text 107619\n", + "Completed text 107620\n", + "Completed text 107621\n", + "Completed text 107622\n", + "Completed text 107623\n", + "Completed text 107624\n", + "Completed text 107625\n", + "Completed text 107626\n", + "Completed text 107627\n", + "Completed text 107628\n", + "Completed text 107629\n", + "Completed text 107630\n", + "Completed text 107631\n", + "Completed text 107632\n", + "Completed text 107633\n", + "Completed text 107634\n", + "Completed text 107635\n", + "Completed text 107636\n", + "Completed text 107637\n", + "Completed text 107638\n", + "Completed text 107639\n", + "Completed text 107640\n", + "Completed text 107641\n", + "Completed text 107642\n", + "Completed text 107643\n", + "Completed text 107644\n", + "Completed text 107645\n", + "Completed text 107646\n", + "Completed text 107647\n", + "Completed text 107648\n", + "Completed text 107649\n", + "Completed text 107650\n", + "Completed text 107651\n", + "Completed text 107652\n", + "Completed text 107653\n", + "Completed text 107654\n", + "Completed text 107655\n", + "Completed text 107656\n", + "Completed text 107657\n", + "Completed text 107658\n", + "Completed text 107659\n", + "Completed text 107660\n", + "Completed text 107661\n", + "Completed text 107662\n", + "Completed text 107663\n", + "Completed text 107664\n", + "Completed text 107665\n", + "Completed text 107666\n", + "Completed text 107667\n", + "Completed text 107668\n", + "Completed text 107669\n", + "Completed text 107670\n", + "Completed text 107671\n", + "Completed text 107672\n", + "Completed text 107673\n", + "Completed text 107674\n", + "Completed text 107675\n", + "Completed text 107676\n", + "Completed text 107677\n", + "Completed text 107678\n", + "Completed text 107679\n", + "Completed text 107680\n", + "Completed text 107681\n", + "Completed text 107682\n", + "Completed text 107683\n", + "Completed text 107684\n", + "Completed text 107685\n", + "Completed text 107686\n", + "Completed text 107687\n", + "Completed text 107688\n", + "Completed text 107689\n", + "Completed text 107690\n", + "Completed text 107691\n", + "Completed text 107692\n", + "Completed text 107693\n", + "Completed text 107694\n", + "Completed text 107695\n", + "Completed text 107696\n", + "Completed text 107697\n", + "Completed text 107698\n", + "Completed text 107699\n", + "Completed text 107700\n", + "Completed text 107701\n", + "Completed text 107702\n", + "Completed text 107703\n", + "Completed text 107704\n", + "Completed text 107705\n", + "Completed text 107706\n", + "Completed text 107707\n", + "Completed text 107708\n", + "Completed text 107709\n", + "Completed text 107710\n", + "Completed text 107711\n", + "Completed text 107712\n", + "Completed text 107713\n", + "Completed text 107714\n", + "Completed text 107715\n", + "Completed text 107716\n", + "Completed text 107717\n", + "Completed text 107718\n", + "Completed text 107719\n", + "Completed text 107720\n", + "Completed text 107721\n", + "Completed text 107722\n", + "Completed text 107723\n", + "Completed text 107724\n", + "Completed text 107725\n", + "Completed text 107726\n", + "Completed text 107727\n", + "Completed text 107728\n", + "Completed text 107729\n", + "Completed text 107730\n", + "Completed text 107731\n", + "Completed text 107732\n", + "Completed text 107733\n", + "Completed text 107734\n", + "Completed text 107735\n", + "Completed text 107736\n", + "Completed text 107737\n", + "Completed text 107738\n", + "Completed text 107739\n", + "Completed text 107740\n", + "Completed text 107741\n", + "Completed text 107742\n", + "Completed text 107743\n", + "Completed text 107744\n", + "Completed text 107745\n", + "Completed text 107746\n", + "Completed text 107747\n", + "Completed text 107748\n", + "Completed text 107749\n", + "Completed text 107750\n", + "Completed text 107751\n", + "Completed text 107752\n", + "Completed text 107753\n", + "Completed text 107754\n", + "Completed text 107755\n", + "Completed text 107756\n", + "Completed text 107757\n", + "Completed text 107758\n", + "Completed text 107759\n", + "Completed text 107760\n", + "Completed text 107761\n", + "Completed text 107762\n", + "Completed text 107763\n", + "Completed text 107764\n", + "Completed text 107765\n", + "Completed text 107766\n", + "Completed text 107767\n", + "Completed text 107768\n", + "Completed text 107769\n", + "Completed text 107770\n", + "Completed text 107771\n", + "Completed text 107772\n", + "Completed text 107773\n", + "Completed text 107774\n", + "Completed text 107775\n", + "Completed text 107776\n", + "Completed text 107777\n", + "Completed text 107778\n", + "Completed text 107779\n", + "Completed text 107780\n", + "Completed text 107781\n", + "Completed text 107782\n", + "Completed text 107783\n", + "Completed text 107784\n", + "Completed text 107785\n", + "Completed text 107786\n", + "Completed text 107787\n", + "Completed text 107788\n", + "Completed text 107789\n", + "Completed text 107790\n", + "Completed text 107791\n", + "Completed text 107792\n", + "Completed text 107793\n", + "Completed text 107794\n", + "Completed text 107795\n", + "Completed text 107796\n", + "Completed text 107797\n", + "Completed text 107798\n", + "Completed text 107799\n", + "Completed text 107800\n", + "Completed text 107801\n", + "Completed text 107802\n", + "Completed text 107803\n", + "Completed text 107804\n", + "Completed text 107805\n", + "Completed text 107806\n", + "Completed text 107807\n", + "Completed text 107808\n", + "Completed text 107809\n", + "Completed text 107810\n", + "Completed text 107811\n", + "Completed text 107812\n", + "Completed text 107813\n", + "Completed text 107814\n", + "Completed text 107815\n", + "Completed text 107816\n", + "Completed text 107817\n", + "Completed text 107818\n", + "Completed text 107819\n", + "Completed text 107820\n", + "Completed text 107821\n", + "Completed text 107822\n", + "Completed text 107823\n", + "Completed text 107824\n", + "Completed text 107825\n", + "Completed text 107826\n", + "Completed text 107827\n", + "Completed text 107828\n", + "Completed text 107829\n", + "Completed text 107830\n", + "Completed text 107831\n", + "Completed text 107832\n", + "Completed text 107833\n", + "Completed text 107834\n", + "Completed text 107835\n", + "Completed text 107836\n", + "Completed text 107837\n", + "Completed text 107838\n", + "Completed text 107839\n", + "Completed text 107840\n", + "Completed text 107841\n", + "Completed text 107842\n", + "Completed text 107843\n", + "Completed text 107844\n", + "Completed text 107845\n", + "Completed text 107846\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 107847\n", + "Completed text 107848\n", + "Completed text 107849\n", + "Completed text 107850\n", + "Completed text 107851\n", + "Completed text 107852\n", + "Completed text 107853\n", + "Completed text 107854\n", + "Completed text 107855\n", + "Completed text 107856\n", + "Completed text 107857\n", + "Completed text 107858\n", + "Completed text 107859\n", + "Completed text 107860\n", + "Completed text 107861\n", + "Completed text 107862\n", + "Completed text 107863\n", + "Completed text 107864\n", + "Completed text 107865\n", + "Completed text 107866\n", + "Completed text 107867\n", + "Completed text 107868\n", + "Completed text 107869\n", + "Completed text 107870\n", + "Completed text 107871\n", + "Completed text 107872\n", + "Completed text 107873\n", + "Completed text 107874\n", + "Completed text 107875\n", + "Completed text 107876\n", + "Completed text 107877\n", + "Completed text 107878\n", + "Completed text 107879\n", + "Completed text 107880\n", + "Completed text 107881\n", + "Completed text 107882\n", + "Completed text 107883\n", + "Completed text 107884\n", + "Completed text 107885\n", + "Completed text 107886\n", + "Completed text 107887\n", + "Completed text 107888\n", + "Completed text 107889\n", + "Completed text 107890\n", + "Completed text 107891\n", + "Completed text 107892\n", + "Completed text 107893\n", + "Completed text 107894\n", + "Completed text 107895\n", + "Completed text 107896\n", + "Completed text 107897\n", + "Completed text 107898\n", + "Completed text 107899\n", + "Completed text 107900\n", + "Completed text 107901\n", + "Completed text 107902\n", + "Completed text 107903\n", + "Completed text 107904\n", + "Completed text 107905\n", + "Completed text 107906\n", + "Completed text 107907\n", + "Completed text 107908\n", + "Completed text 107909\n", + "Completed text 107910\n", + "Completed text 107911\n", + "Completed text 107912\n", + "Completed text 107913\n", + "Completed text 107914\n", + "Completed text 107915\n", + "Completed text 107916\n", + "Completed text 107917\n", + "Completed text 107918\n", + "Completed text 107919\n", + "Completed text 107920\n", + "Completed text 107921\n", + "Completed text 107922\n", + "Completed text 107923\n", + "Completed text 107924\n", + "Completed text 107925\n", + "Completed text 107926\n", + "Completed text 107927\n", + "Completed text 107928\n", + "Completed text 107929\n", + "Completed text 107930\n", + "Completed text 107931\n", + "Completed text 107932\n", + "Completed text 107933\n", + "Completed text 107934\n", + "Completed text 107935\n", + "Completed text 107936\n", + "Completed text 107937\n", + "Completed text 107938\n", + "Completed text 107939\n", + "Completed text 107940\n", + "Completed text 107941\n", + "Completed text 107942\n", + "Completed text 107943\n", + "Completed text 107944\n", + "Completed text 107945\n", + "Completed text 107946\n", + "Completed text 107947\n", + "Completed text 107948\n", + "Completed text 107949\n", + "Completed text 107950\n", + "Completed text 107951\n", + "Completed text 107952\n", + "Completed text 107953\n", + "Completed text 107954\n", + "Completed text 107955\n", + "Completed text 107956\n", + "Completed text 107957\n", + "Completed text 107958\n", + "Completed text 107959\n", + "Completed text 107960\n", + "Completed text 107961\n", + "Completed text 107962\n", + "Completed text 107963\n", + "Completed text 107964\n", + "Completed text 107965\n", + "Completed text 107966\n", + "Completed text 107967\n", + "Completed text 107968\n", + "Completed text 107969\n", + "Completed text 107970\n", + "Completed text 107971\n", + "Completed text 107972\n", + "Completed text 107973\n", + "Completed text 107974\n", + "Completed text 107975\n", + "Completed text 107976\n", + "Completed text 107977\n", + "Completed text 107978\n", + "Completed text 107979\n", + "Completed text 107980\n", + "Completed text 107981\n", + "Completed text 107982\n", + "Completed text 107983\n", + "Completed text 107984\n", + "Completed text 107985\n", + "Completed text 107986\n", + "Completed text 107987\n", + "Completed text 107988\n", + "Completed text 107989\n", + "Completed text 107990\n", + "Completed text 107991\n", + "Completed text 107992\n", + "Completed text 107993\n", + "Completed text 107994\n", + "Completed text 107995\n", + "Completed text 107996\n", + "Completed text 107997\n", + "Completed text 107998\n", + "Completed text 107999\n", + "Completed text 108000\n", + "Completed text 108001\n", + "Completed text 108002\n", + "Completed text 108003\n", + "Completed text 108004\n", + "Completed text 108005\n", + "Completed text 108006\n", + "Completed text 108007\n", + "Completed text 108008\n", + "Completed text 108009\n", + "Completed text 108010\n", + "Completed text 108011\n", + "Completed text 108012\n", + "Completed text 108013\n", + "Completed text 108014\n", + "Completed text 108015\n", + "Completed text 108016\n", + "Completed text 108017\n", + "Completed text 108018\n", + "Completed text 108019\n", + "Completed text 108020\n", + "Completed text 108021\n", + "Completed text 108022\n", + "Completed text 108023\n", + "Completed text 108024\n", + "Completed text 108025\n", + "Completed text 108026\n", + "Completed text 108027\n", + "Completed text 108028\n", + "Completed text 108029\n", + "Completed text 108030\n", + "Completed text 108031\n", + "Completed text 108032\n", + "Completed text 108033\n", + "Completed text 108034\n", + "Completed text 108035\n", + "Completed text 108036\n", + "Completed text 108037\n", + "Completed text 108038\n", + "Completed text 108039\n", + "Completed text 108040\n", + "Completed text 108041\n", + "Completed text 108042\n", + "Completed text 108043\n", + "Completed text 108044\n", + "Completed text 108045\n", + "Completed text 108046\n", + "Completed text 108047\n", + "Completed text 108048\n", + "Completed text 108049\n", + "Completed text 108050\n", + "Completed text 108051\n", + "Completed text 108052\n", + "Completed text 108053\n", + "Completed text 108054\n", + "Completed text 108055\n", + "Completed text 108056\n", + "Completed text 108057\n", + "Completed text 108058\n", + "Completed text 108059\n", + "Completed text 108060\n", + "Completed text 108061\n", + "Completed text 108062\n", + "Completed text 108063\n", + "Completed text 108064\n", + "Completed text 108065\n", + "Completed text 108066\n", + "Completed text 108067\n", + "Completed text 108068\n", + "Completed text 108069\n", + "Completed text 108070\n", + "Completed text 108071\n", + "Completed text 108072\n", + "Completed text 108073\n", + "Completed text 108074\n", + "Completed text 108075\n", + "Completed text 108076\n", + "Completed text 108077\n", + "Completed text 108078\n", + "Completed text 108079\n", + "Completed text 108080\n", + "Completed text 108081\n", + "Completed text 108082\n", + "Completed text 108083\n", + "Completed text 108084\n", + "Completed text 108085\n", + "Completed text 108086\n", + "Completed text 108087\n", + "Completed text 108088\n", + "Completed text 108089\n", + "Completed text 108090\n", + "Completed text 108091\n", + "Completed text 108092\n", + "Completed text 108093\n", + "Completed text 108094\n", + "Completed text 108095\n", + "Completed text 108096\n", + "Completed text 108097\n", + "Completed text 108098\n", + "Completed text 108099\n", + "Completed text 108100\n", + "Completed text 108101\n", + "Completed text 108102\n", + "Completed text 108103\n", + "Completed text 108104\n", + "Completed text 108105\n", + "Completed text 108106\n", + "Completed text 108107\n", + "Completed text 108108\n", + "Completed text 108109\n", + "Completed text 108110\n", + "Completed text 108111\n", + "Completed text 108112\n", + "Completed text 108113\n", + "Completed text 108114\n", + "Completed text 108115\n", + "Completed text 108116\n", + "Completed text 108117\n", + "Completed text 108118\n", + "Completed text 108119\n", + "Completed text 108120\n", + "Completed text 108121\n", + "Completed text 108122\n", + "Completed text 108123\n", + "Completed text 108124\n", + "Completed text 108125\n", + "Completed text 108126\n", + "Completed text 108127\n", + "Completed text 108128\n", + "Completed text 108129\n", + "Completed text 108130\n", + "Completed text 108131\n", + "Completed text 108132\n", + "Completed text 108133\n", + "Completed text 108134\n", + "Completed text 108135\n", + "Completed text 108136\n", + "Completed text 108137\n", + "Completed text 108138\n", + "Completed text 108139\n", + "Completed text 108140\n", + "Completed text 108141\n", + "Completed text 108142\n", + "Completed text 108143\n", + "Completed text 108144\n", + "Completed text 108145\n", + "Completed text 108146\n", + "Completed text 108147\n", + "Completed text 108148\n", + "Completed text 108149\n", + "Completed text 108150\n", + "Completed text 108151\n", + "Completed text 108152\n", + "Completed text 108153\n", + "Completed text 108154\n", + "Completed text 108155\n", + "Completed text 108156\n", + "Completed text 108157\n", + "Completed text 108158\n", + "Completed text 108159\n", + "Completed text 108160\n", + "Completed text 108161\n", + "Completed text 108162\n", + "Completed text 108163\n", + "Completed text 108164\n", + "Completed text 108165\n", + "Completed text 108166\n", + "Completed text 108167\n", + "Completed text 108168\n", + "Completed text 108169\n", + "Completed text 108170\n", + "Completed text 108171\n", + "Completed text 108172\n", + "Completed text 108173\n", + "Completed text 108174\n", + "Completed text 108175\n", + "Completed text 108176\n", + "Completed text 108177\n", + "Completed text 108178\n", + "Completed text 108179\n", + "Completed text 108180\n", + "Completed text 108181\n", + "Completed text 108182\n", + "Completed text 108183\n", + "Completed text 108184\n", + "Completed text 108185\n", + "Completed text 108186\n", + "Completed text 108187\n", + "Completed text 108188\n", + "Completed text 108189\n", + "Completed text 108190\n", + "Completed text 108191\n", + "Completed text 108192\n", + "Completed text 108193\n", + "Completed text 108194\n", + "Completed text 108195\n", + "Completed text 108196\n", + "Completed text 108197\n", + "Completed text 108198\n", + "Completed text 108199\n", + "Completed text 108200\n", + "Completed text 108201\n", + "Completed text 108202\n", + "Completed text 108203\n", + "Completed text 108204\n", + "Completed text 108205\n", + "Completed text 108206\n", + "Completed text 108207\n", + "Completed text 108208\n", + "Completed text 108209\n", + "Completed text 108210\n", + "Completed text 108211\n", + "Completed text 108212\n", + "Completed text 108213\n", + "Completed text 108214\n", + "Completed text 108215\n", + "Completed text 108216\n", + "Completed text 108217\n", + "Completed text 108218\n", + "Completed text 108219\n", + "Completed text 108220\n", + "Completed text 108221\n", + "Completed text 108222\n", + "Completed text 108223\n", + "Completed text 108224\n", + "Completed text 108225\n", + "Completed text 108226\n", + "Completed text 108227\n", + "Completed text 108228\n", + "Completed text 108229\n", + "Completed text 108230\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 108231\n", + "Completed text 108232\n", + "Completed text 108233\n", + "Completed text 108234\n", + "Completed text 108235\n", + "Completed text 108236\n", + "Completed text 108237\n", + "Completed text 108238\n", + "Completed text 108239\n", + "Completed text 108240\n", + "Completed text 108241\n", + "Completed text 108242\n", + "Completed text 108243\n", + "Completed text 108244\n", + "Completed text 108245\n", + "Completed text 108246\n", + "Completed text 108247\n", + "Completed text 108248\n", + "Completed text 108249\n", + "Completed text 108250\n", + "Completed text 108251\n", + "Completed text 108252\n", + "Completed text 108253\n", + "Completed text 108254\n", + "Completed text 108255\n", + "Completed text 108256\n", + "Completed text 108257\n", + "Completed text 108258\n", + "Completed text 108259\n", + "Completed text 108260\n", + "Completed text 108261\n", + "Completed text 108262\n", + "Completed text 108263\n", + "Completed text 108264\n", + "Completed text 108265\n", + "Completed text 108266\n", + "Completed text 108267\n", + "Completed text 108268\n", + "Completed text 108269\n", + "Completed text 108270\n", + "Completed text 108271\n", + "Completed text 108272\n", + "Completed text 108273\n", + "Completed text 108274\n", + "Completed text 108275\n", + "Completed text 108276\n", + "Completed text 108277\n", + "Completed text 108278\n", + "Completed text 108279\n", + "Completed text 108280\n", + "Completed text 108281\n", + "Completed text 108282\n", + "Completed text 108283\n", + "Completed text 108284\n", + "Completed text 108285\n", + "Completed text 108286\n", + "Completed text 108287\n", + "Completed text 108288\n", + "Completed text 108289\n", + "Completed text 108290\n", + "Completed text 108291\n", + "Completed text 108292\n", + "Completed text 108293\n", + "Completed text 108294\n", + "Completed text 108295\n", + "Completed text 108296\n", + "Completed text 108297\n", + "Completed text 108298\n", + "Completed text 108299\n", + "Completed text 108300\n", + "Completed text 108301\n", + "Completed text 108302\n", + "Completed text 108303\n", + "Completed text 108304\n", + "Completed text 108305\n", + "Completed text 108306\n", + "Completed text 108307\n", + "Completed text 108308\n", + "Completed text 108309\n", + "Completed text 108310\n", + "Completed text 108311\n", + "Completed text 108312\n", + "Completed text 108313\n", + "Completed text 108314\n", + "Completed text 108315\n", + "Completed text 108316\n", + "Completed text 108317\n", + "Completed text 108318\n", + "Completed text 108319\n", + "Completed text 108320\n", + "Completed text 108321\n", + "Completed text 108322\n", + "Completed text 108323\n", + "Completed text 108324\n", + "Completed text 108325\n", + "Completed text 108326\n", + "Completed text 108327\n", + "Completed text 108328\n", + "Completed text 108329\n", + "Completed text 108330\n", + "Completed text 108331\n", + "Completed text 108332\n", + "Completed text 108333\n", + "Completed text 108334\n", + "Completed text 108335\n", + "Completed text 108336\n", + "Completed text 108337\n", + "Completed text 108338\n", + "Completed text 108339\n", + "Completed text 108340\n", + "Completed text 108341\n", + "Completed text 108342\n", + "Completed text 108343\n", + "Completed text 108344\n", + "Completed text 108345\n", + "Completed text 108346\n", + "Completed text 108347\n", + "Completed text 108348\n", + "Completed text 108349\n", + "Completed text 108350\n", + "Completed text 108351\n", + "Completed text 108352\n", + "Completed text 108353\n", + "Completed text 108354\n", + "Completed text 108355\n", + "Completed text 108356\n", + "Completed text 108357\n", + "Completed text 108358\n", + "Completed text 108359\n", + "Completed text 108360\n", + "Completed text 108361\n", + "Completed text 108362\n", + "Completed text 108363\n", + "Completed text 108364\n", + "Completed text 108365\n", + "Completed text 108366\n", + "Completed text 108367\n", + "Completed text 108368\n", + "Completed text 108369\n", + "Completed text 108370\n", + "Completed text 108371\n", + "Completed text 108372\n", + "Completed text 108373\n", + "Completed text 108374\n", + "Completed text 108375\n", + "Completed text 108376\n", + "Completed text 108377\n", + "Completed text 108378\n", + "Completed text 108379\n", + "Completed text 108380\n", + "Completed text 108381\n", + "Completed text 108382\n", + "Completed text 108383\n", + "Completed text 108384\n", + "Completed text 108385\n", + "Completed text 108386\n", + "Completed text 108387\n", + "Completed text 108388\n", + "Completed text 108389\n", + "Completed text 108390\n", + "Completed text 108391\n", + "Completed text 108392\n", + "Completed text 108393\n", + "Completed text 108394\n", + "Completed text 108395\n", + "Completed text 108396\n", + "Completed text 108397\n", + "Completed text 108398\n", + "Completed text 108399\n", + "Completed text 108400\n", + "Completed text 108401\n", + "Completed text 108402\n", + "Completed text 108403\n", + "Completed text 108404\n", + "Completed text 108405\n", + "Completed text 108406\n", + "Completed text 108407\n", + "Completed text 108408\n", + "Completed text 108409\n", + "Completed text 108410\n", + "Completed text 108411\n", + "Completed text 108412\n", + "Completed text 108413\n", + "Completed text 108414\n", + "Completed text 108415\n", + "Completed text 108416\n", + "Completed text 108417\n", + "Completed text 108418\n", + "Completed text 108419\n", + "Completed text 108420\n", + "Completed text 108421\n", + "Completed text 108422\n", + "Completed text 108423\n", + "Completed text 108424\n", + "Completed text 108425\n", + "Completed text 108426\n", + "Completed text 108427\n", + "Completed text 108428\n", + "Completed text 108429\n", + "Completed text 108430\n", + "Completed text 108431\n", + "Completed text 108432\n", + "Completed text 108433\n", + "Completed text 108434\n", + "Completed text 108435\n", + "Completed text 108436\n", + "Completed text 108437\n", + "Completed text 108438\n", + "Completed text 108439\n", + "Completed text 108440\n", + "Completed text 108441\n", + "Completed text 108442\n", + "Completed text 108443\n", + "Completed text 108444\n", + "Completed text 108445\n", + "Completed text 108446\n", + "Completed text 108447\n", + "Completed text 108448\n", + "Completed text 108449\n", + "Completed text 108450\n", + "Completed text 108451\n", + "Completed text 108452\n", + "Completed text 108453\n", + "Completed text 108454\n", + "Completed text 108455\n", + "Completed text 108456\n", + "Completed text 108457\n", + "Completed text 108458\n", + "Completed text 108459\n", + "Completed text 108460\n", + "Completed text 108461\n", + "Completed text 108462\n", + "Completed text 108463\n", + "Completed text 108464\n", + "Completed text 108465\n", + "Completed text 108466\n", + "Completed text 108467\n", + "Completed text 108468\n", + "Completed text 108469\n", + "Completed text 108470\n", + "Completed text 108471\n", + "Completed text 108472\n", + "Completed text 108473\n", + "Completed text 108474\n", + "Completed text 108475\n", + "Completed text 108476\n", + "Completed text 108477\n", + "Completed text 108478\n", + "Completed text 108479\n", + "Completed text 108480\n", + "Completed text 108481\n", + "Completed text 108482\n", + "Completed text 108483\n", + "Completed text 108484\n", + "Completed text 108485\n", + "Completed text 108486\n", + "Completed text 108487\n", + "Completed text 108488\n", + "Completed text 108489\n", + "Completed text 108490\n", + "Completed text 108491\n", + "Completed text 108492\n", + "Completed text 108493\n", + "Completed text 108494\n", + "Completed text 108495\n", + "Completed text 108496\n", + "Completed text 108497\n", + "Completed text 108498\n", + "Completed text 108499\n", + "Completed text 108500\n", + "Completed text 108501\n", + "Completed text 108502\n", + "Completed text 108503\n", + "Completed text 108504\n", + "Completed text 108505\n", + "Completed text 108506\n", + "Completed text 108507\n", + "Completed text 108508\n", + "Completed text 108509\n", + "Completed text 108510\n", + "Completed text 108511\n", + "Completed text 108512\n", + "Completed text 108513\n", + "Completed text 108514\n", + "Completed text 108515\n", + "Completed text 108516\n", + "Completed text 108517\n", + "Completed text 108518\n", + "Completed text 108519\n", + "Completed text 108520\n", + "Completed text 108521\n", + "Completed text 108522\n", + "Completed text 108523\n", + "Completed text 108524\n", + "Completed text 108525\n", + "Completed text 108526\n", + "Completed text 108527\n", + "Completed text 108528\n", + "Completed text 108529\n", + "Completed text 108530\n", + "Completed text 108531\n", + "Completed text 108532\n", + "Completed text 108533\n", + "Completed text 108534\n", + "Completed text 108535\n", + "Completed text 108536\n", + "Completed text 108537\n", + "Completed text 108538\n", + "Completed text 108539\n", + "Completed text 108540\n", + "Completed text 108541\n", + "Completed text 108542\n", + "Completed text 108543\n", + "Completed text 108544\n", + "Completed text 108545\n", + "Completed text 108546\n", + "Completed text 108547\n", + "Completed text 108548\n", + "Completed text 108549\n", + "Completed text 108550\n", + "Completed text 108551\n", + "Completed text 108552\n", + "Completed text 108553\n", + "Completed text 108554\n", + "Completed text 108555\n", + "Completed text 108556\n", + "Completed text 108557\n", + "Completed text 108558\n", + "Completed text 108559\n", + "Completed text 108560\n", + "Completed text 108561\n", + "Completed text 108562\n", + "Completed text 108563\n", + "Completed text 108564\n", + "Completed text 108565\n", + "Completed text 108566\n", + "Completed text 108567\n", + "Completed text 108568\n", + "Completed text 108569\n", + "Completed text 108570\n", + "Completed text 108571\n", + "Completed text 108572\n", + "Completed text 108573\n", + "Completed text 108574\n", + "Completed text 108575\n", + "Completed text 108576\n", + "Completed text 108577\n", + "Completed text 108578\n", + "Completed text 108579\n", + "Completed text 108580\n", + "Completed text 108581\n", + "Completed text 108582\n", + "Completed text 108583\n", + "Completed text 108584\n", + "Completed text 108585\n", + "Completed text 108586\n", + "Completed text 108587\n", + "Completed text 108588\n", + "Completed text 108589\n", + "Completed text 108590\n", + "Completed text 108591\n", + "Completed text 108592\n", + "Completed text 108593\n", + "Completed text 108594\n", + "Completed text 108595\n", + "Completed text 108596\n", + "Completed text 108597\n", + "Completed text 108598\n", + "Completed text 108599\n", + "Completed text 108600\n", + "Completed text 108601\n", + "Completed text 108602\n", + "Completed text 108603\n", + "Completed text 108604\n", + "Completed text 108605\n", + "Completed text 108606\n", + "Completed text 108607\n", + "Completed text 108608\n", + "Completed text 108609\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 108610\n", + "Completed text 108611\n", + "Completed text 108612\n", + "Completed text 108613\n", + "Completed text 108614\n", + "Completed text 108615\n", + "Completed text 108616\n", + "Completed text 108617\n", + "Completed text 108618\n", + "Completed text 108619\n", + "Completed text 108620\n", + "Completed text 108621\n", + "Completed text 108622\n", + "Completed text 108623\n", + "Completed text 108624\n", + "Completed text 108625\n", + "Completed text 108626\n", + "Completed text 108627\n", + "Completed text 108628\n", + "Completed text 108629\n", + "Completed text 108630\n", + "Completed text 108631\n", + "Completed text 108632\n", + "Completed text 108633\n", + "Completed text 108634\n", + "Completed text 108635\n", + "Completed text 108636\n", + "Completed text 108637\n", + "Completed text 108638\n", + "Completed text 108639\n", + "Completed text 108640\n", + "Completed text 108641\n", + "Completed text 108642\n", + "Completed text 108643\n", + "Completed text 108644\n", + "Completed text 108645\n", + "Completed text 108646\n", + "Completed text 108647\n", + "Completed text 108648\n", + "Completed text 108649\n", + "Completed text 108650\n", + "Completed text 108651\n", + "Completed text 108652\n", + "Completed text 108653\n", + "Completed text 108654\n", + "Completed text 108655\n", + "Completed text 108656\n", + "Completed text 108657\n", + "Completed text 108658\n", + "Completed text 108659\n", + "Completed text 108660\n", + "Completed text 108661\n", + "Completed text 108662\n", + "Completed text 108663\n", + "Completed text 108664\n", + "Completed text 108665\n", + "Completed text 108666\n", + "Completed text 108667\n", + "Completed text 108668\n", + "Completed text 108669\n", + "Completed text 108670\n", + "Completed text 108671\n", + "Completed text 108672\n", + "Completed text 108673\n", + "Completed text 108674\n", + "Completed text 108675\n", + "Completed text 108676\n", + "Completed text 108677\n", + "Completed text 108678\n", + "Completed text 108679\n", + "Completed text 108680\n", + "Completed text 108681\n", + "Completed text 108682\n", + "Completed text 108683\n", + "Completed text 108684\n", + "Completed text 108685\n", + "Completed text 108686\n", + "Completed text 108687\n", + "Completed text 108688\n", + "Completed text 108689\n", + "Completed text 108690\n", + "Completed text 108691\n", + "Completed text 108692\n", + "Completed text 108693\n", + "Completed text 108694\n", + "Completed text 108695\n", + "Completed text 108696\n", + "Completed text 108697\n", + "Completed text 108698\n", + "Completed text 108699\n", + "Completed text 108700\n", + "Completed text 108701\n", + "Completed text 108702\n", + "Completed text 108703\n", + "Completed text 108704\n", + "Completed text 108705\n", + "Completed text 108706\n", + "Completed text 108707\n", + "Completed text 108708\n", + "Completed text 108709\n", + "Completed text 108710\n", + "Completed text 108711\n", + "Completed text 108712\n", + "Completed text 108713\n", + "Completed text 108714\n", + "Completed text 108715\n", + "Completed text 108716\n", + "Completed text 108717\n", + "Completed text 108718\n", + "Completed text 108719\n", + "Completed text 108720\n", + "Completed text 108721\n", + "Completed text 108722\n", + "Completed text 108723\n", + "Completed text 108724\n", + "Completed text 108725\n", + "Completed text 108726\n", + "Completed text 108727\n", + "Completed text 108728\n", + "Completed text 108729\n", + "Completed text 108730\n", + "Completed text 108731\n", + "Completed text 108732\n", + "Completed text 108733\n", + "Completed text 108734\n", + "Completed text 108735\n", + "Completed text 108736\n", + "Completed text 108737\n", + "Completed text 108738\n", + "Completed text 108739\n", + "Completed text 108740\n", + "Completed text 108741\n", + "Completed text 108742\n", + "Completed text 108743\n", + "Completed text 108744\n", + "Completed text 108745\n", + "Completed text 108746\n", + "Completed text 108747\n", + "Completed text 108748\n", + "Completed text 108749\n", + "Completed text 108750\n", + "Completed text 108751\n", + "Completed text 108752\n", + "Completed text 108753\n", + "Completed text 108754\n", + "Completed text 108755\n", + "Completed text 108756\n", + "Completed text 108757\n", + "Completed text 108758\n", + "Completed text 108759\n", + "Completed text 108760\n", + "Completed text 108761\n", + "Completed text 108762\n", + "Completed text 108763\n", + "Completed text 108764\n", + "Completed text 108765\n", + "Completed text 108766\n", + "Completed text 108767\n", + "Completed text 108768\n", + "Completed text 108769\n", + "Completed text 108770\n", + "Completed text 108771\n", + "Completed text 108772\n", + "Completed text 108773\n", + "Completed text 108774\n", + "Completed text 108775\n", + "Completed text 108776\n", + "Completed text 108777\n", + "Completed text 108778\n", + "Completed text 108779\n", + "Completed text 108780\n", + "Completed text 108781\n", + "Completed text 108782\n", + "Completed text 108783\n", + "Completed text 108784\n", + "Completed text 108785\n", + "Completed text 108786\n", + "Completed text 108787\n", + "Completed text 108788\n", + "Completed text 108789\n", + "Completed text 108790\n", + "Completed text 108791\n", + "Completed text 108792\n", + "Completed text 108793\n", + "Completed text 108794\n", + "Completed text 108795\n", + "Completed text 108796\n", + "Completed text 108797\n", + "Completed text 108798\n", + "Completed text 108799\n", + "Completed text 108800\n", + "Completed text 108801\n", + "Completed text 108802\n", + "Completed text 108803\n", + "Completed text 108804\n", + "Completed text 108805\n", + "Completed text 108806\n", + "Completed text 108807\n", + "Completed text 108808\n", + "Completed text 108809\n", + "Completed text 108810\n", + "Completed text 108811\n", + "Completed text 108812\n", + "Completed text 108813\n", + "Completed text 108814\n", + "Completed text 108815\n", + "Completed text 108816\n", + "Completed text 108817\n", + "Completed text 108818\n", + "Completed text 108819\n", + "Completed text 108820\n", + "Completed text 108821\n", + "Completed text 108822\n", + "Completed text 108823\n", + "Completed text 108824\n", + "Completed text 108825\n", + "Completed text 108826\n", + "Completed text 108827\n", + "Completed text 108828\n", + "Completed text 108829\n", + "Completed text 108830\n", + "Completed text 108831\n", + "Completed text 108832\n", + "Completed text 108833\n", + "Completed text 108834\n", + "Completed text 108835\n", + "Completed text 108836\n", + "Completed text 108837\n", + "Completed text 108838\n", + "Completed text 108839\n", + "Completed text 108840\n", + "Completed text 108841\n", + "Completed text 108842\n", + "Completed text 108843\n", + "Completed text 108844\n", + "Completed text 108845\n", + "Completed text 108846\n", + "Completed text 108847\n", + "Completed text 108848\n", + "Completed text 108849\n", + "Completed text 108850\n", + "Completed text 108851\n", + "Completed text 108852\n", + "Completed text 108853\n", + "Completed text 108854\n", + "Completed text 108855\n", + "Completed text 108856\n", + "Completed text 108857\n", + "Completed text 108858\n", + "Completed text 108859\n", + "Completed text 108860\n", + "Completed text 108861\n", + "Completed text 108862\n", + "Completed text 108863\n", + "Completed text 108864\n", + "Completed text 108865\n", + "Completed text 108866\n", + "Completed text 108867\n", + "Completed text 108868\n", + "Completed text 108869\n", + "Completed text 108870\n", + "Completed text 108871\n", + "Completed text 108872\n", + "Completed text 108873\n", + "Completed text 108874\n", + "Completed text 108875\n", + "Completed text 108876\n", + "Completed text 108877\n", + "Completed text 108878\n", + "Completed text 108879\n", + "Completed text 108880\n", + "Completed text 108881\n", + "Completed text 108882\n", + "Completed text 108883\n", + "Completed text 108884\n", + "Completed text 108885\n", + "Completed text 108886\n", + "Completed text 108887\n", + "Completed text 108888\n", + "Completed text 108889\n", + "Completed text 108890\n", + "Completed text 108891\n", + "Completed text 108892\n", + "Completed text 108893\n", + "Completed text 108894\n", + "Completed text 108895\n", + "Completed text 108896\n", + "Completed text 108897\n", + "Completed text 108898\n", + "Completed text 108899\n", + "Completed text 108900\n", + "Completed text 108901\n", + "Completed text 108902\n", + "Completed text 108903\n", + "Completed text 108904\n", + "Completed text 108905\n", + "Completed text 108906\n", + "Completed text 108907\n", + "Completed text 108908\n", + "Completed text 108909\n", + "Completed text 108910\n", + "Completed text 108911\n", + "Completed text 108912\n", + "Completed text 108913\n", + "Completed text 108914\n", + "Completed text 108915\n", + "Completed text 108916\n", + "Completed text 108917\n", + "Completed text 108918\n", + "Completed text 108919\n", + "Completed text 108920\n", + "Completed text 108921\n", + "Completed text 108922\n", + "Completed text 108923\n", + "Completed text 108924\n", + "Completed text 108925\n", + "Completed text 108926\n", + "Completed text 108927\n", + "Completed text 108928\n", + "Completed text 108929\n", + "Completed text 108930\n", + "Completed text 108931\n", + "Completed text 108932\n", + "Completed text 108933\n", + "Completed text 108934\n", + "Completed text 108935\n", + "Completed text 108936\n", + "Completed text 108937\n", + "Completed text 108938\n", + "Completed text 108939\n", + "Completed text 108940\n", + "Completed text 108941\n", + "Completed text 108942\n", + "Completed text 108943\n", + "Completed text 108944\n", + "Completed text 108945\n", + "Completed text 108946\n", + "Completed text 108947\n", + "Completed text 108948\n", + "Completed text 108949\n", + "Completed text 108950\n", + "Completed text 108951\n", + "Completed text 108952\n", + "Completed text 108953\n", + "Completed text 108954\n", + "Completed text 108955\n", + "Completed text 108956\n", + "Completed text 108957\n", + "Completed text 108958\n", + "Completed text 108959\n", + "Completed text 108960\n", + "Completed text 108961\n", + "Completed text 108962\n", + "Completed text 108963\n", + "Completed text 108964\n", + "Completed text 108965\n", + "Completed text 108966\n", + "Completed text 108967\n", + "Completed text 108968\n", + "Completed text 108969\n", + "Completed text 108970\n", + "Completed text 108971\n", + "Completed text 108972\n", + "Completed text 108973\n", + "Completed text 108974\n", + "Completed text 108975\n", + "Completed text 108976\n", + "Completed text 108977\n", + "Completed text 108978\n", + "Completed text 108979\n", + "Completed text 108980\n", + "Completed text 108981\n", + "Completed text 108982\n", + "Completed text 108983\n", + "Completed text 108984\n", + "Completed text 108985\n", + "Completed text 108986\n", + "Completed text 108987\n", + "Completed text 108988\n", + "Completed text 108989\n", + "Completed text 108990\n", + "Completed text 108991\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 108992\n", + "Completed text 108993\n", + "Completed text 108994\n", + "Completed text 108995\n", + "Completed text 108996\n", + "Completed text 108997\n", + "Completed text 108998\n", + "Completed text 108999\n", + "Completed text 109000\n", + "Completed text 109001\n", + "Completed text 109002\n", + "Completed text 109003\n", + "Completed text 109004\n", + "Completed text 109005\n", + "Completed text 109006\n", + "Completed text 109007\n", + "Completed text 109008\n", + "Completed text 109009\n", + "Completed text 109010\n", + "Completed text 109011\n", + "Completed text 109012\n", + "Completed text 109013\n", + "Completed text 109014\n", + "Completed text 109015\n", + "Completed text 109016\n", + "Completed text 109017\n", + "Completed text 109018\n", + "Completed text 109019\n", + "Completed text 109020\n", + "Completed text 109021\n", + "Completed text 109022\n", + "Completed text 109023\n", + "Completed text 109024\n", + "Completed text 109025\n", + "Completed text 109026\n", + "Completed text 109027\n", + "Completed text 109028\n", + "Completed text 109029\n", + "Completed text 109030\n", + "Completed text 109031\n", + "Completed text 109032\n", + "Completed text 109033\n", + "Completed text 109034\n", + "Completed text 109035\n", + "Completed text 109036\n", + "Completed text 109037\n", + "Completed text 109038\n", + "Completed text 109039\n", + "Completed text 109040\n", + "Completed text 109041\n", + "Completed text 109042\n", + "Completed text 109043\n", + "Completed text 109044\n", + "Completed text 109045\n", + "Completed text 109046\n", + "Completed text 109047\n", + "Completed text 109048\n", + "Completed text 109049\n", + "Completed text 109050\n", + "Completed text 109051\n", + "Completed text 109052\n", + "Completed text 109053\n", + "Completed text 109054\n", + "Completed text 109055\n", + "Completed text 109056\n", + "Completed text 109057\n", + "Completed text 109058\n", + "Completed text 109059\n", + "Completed text 109060\n", + "Completed text 109061\n", + "Completed text 109062\n", + "Completed text 109063\n", + "Completed text 109064\n", + "Completed text 109065\n", + "Completed text 109066\n", + "Completed text 109067\n", + "Completed text 109068\n", + "Completed text 109069\n", + "Completed text 109070\n", + "Completed text 109071\n", + "Completed text 109072\n", + "Completed text 109073\n", + "Completed text 109074\n", + "Completed text 109075\n", + "Completed text 109076\n", + "Completed text 109077\n", + "Completed text 109078\n", + "Completed text 109079\n", + "Completed text 109080\n", + "Completed text 109081\n", + "Completed text 109082\n", + "Completed text 109083\n", + "Completed text 109084\n", + "Completed text 109085\n", + "Completed text 109086\n", + "Completed text 109087\n", + "Completed text 109088\n", + "Completed text 109089\n", + "Completed text 109090\n", + "Completed text 109091\n", + "Completed text 109092\n", + "Completed text 109093\n", + "Completed text 109094\n", + "Completed text 109095\n", + "Completed text 109096\n", + "Completed text 109097\n", + "Completed text 109098\n", + "Completed text 109099\n", + "Completed text 109100\n", + "Completed text 109101\n", + "Completed text 109102\n", + "Completed text 109103\n", + "Completed text 109104\n", + "Completed text 109105\n", + "Completed text 109106\n", + "Completed text 109107\n", + "Completed text 109108\n", + "Completed text 109109\n", + "Completed text 109110\n", + "Completed text 109111\n", + "Completed text 109112\n", + "Completed text 109113\n", + "Completed text 109114\n", + "Completed text 109115\n", + "Completed text 109116\n", + "Completed text 109117\n", + "Completed text 109118\n", + "Completed text 109119\n", + "Completed text 109120\n", + "Completed text 109121\n", + "Completed text 109122\n", + "Completed text 109123\n", + "Completed text 109124\n", + "Completed text 109125\n", + "Completed text 109126\n", + "Completed text 109127\n", + "Completed text 109128\n", + "Completed text 109129\n", + "Completed text 109130\n", + "Completed text 109131\n", + "Completed text 109132\n", + "Completed text 109133\n", + "Completed text 109134\n", + "Completed text 109135\n", + "Completed text 109136\n", + "Completed text 109137\n", + "Completed text 109138\n", + "Completed text 109139\n", + "Completed text 109140\n", + "Completed text 109141\n", + "Completed text 109142\n", + "Completed text 109143\n", + "Completed text 109144\n", + "Completed text 109145\n", + "Completed text 109146\n", + "Completed text 109147\n", + "Completed text 109148\n", + "Completed text 109149\n", + "Completed text 109150\n", + "Completed text 109151\n", + "Completed text 109152\n", + "Completed text 109153\n", + "Completed text 109154\n", + "Completed text 109155\n", + "Completed text 109156\n", + "Completed text 109157\n", + "Completed text 109158\n", + "Completed text 109159\n", + "Completed text 109160\n", + "Completed text 109161\n", + "Completed text 109162\n", + "Completed text 109163\n", + "Completed text 109164\n", + "Completed text 109165\n", + "Completed text 109166\n", + "Completed text 109167\n", + "Completed text 109168\n", + "Completed text 109169\n", + "Completed text 109170\n", + "Completed text 109171\n", + "Completed text 109172\n", + "Completed text 109173\n", + "Completed text 109174\n", + "Completed text 109175\n", + "Completed text 109176\n", + "Completed text 109177\n", + "Completed text 109178\n", + "Completed text 109179\n", + "Completed text 109180\n", + "Completed text 109181\n", + "Completed text 109182\n", + "Completed text 109183\n", + "Completed text 109184\n", + "Completed text 109185\n", + "Completed text 109186\n", + "Completed text 109187\n", + "Completed text 109188\n", + "Completed text 109189\n", + "Completed text 109190\n", + "Completed text 109191\n", + "Completed text 109192\n", + "Completed text 109193\n", + "Completed text 109194\n", + "Completed text 109195\n", + "Completed text 109196\n", + "Completed text 109197\n", + "Completed text 109198\n", + "Completed text 109199\n", + "Completed text 109200\n", + "Completed text 109201\n", + "Completed text 109202\n", + "Completed text 109203\n", + "Completed text 109204\n", + "Completed text 109205\n", + "Completed text 109206\n", + "Completed text 109207\n", + "Completed text 109208\n", + "Completed text 109209\n", + "Completed text 109210\n", + "Completed text 109211\n", + "Completed text 109212\n", + "Completed text 109213\n", + "Completed text 109214\n", + "Completed text 109215\n", + "Completed text 109216\n", + "Completed text 109217\n", + "Completed text 109218\n", + "Completed text 109219\n", + "Completed text 109220\n", + "Completed text 109221\n", + "Completed text 109222\n", + "Completed text 109223\n", + "Completed text 109224\n", + "Completed text 109225\n", + "Completed text 109226\n", + "Completed text 109227\n", + "Completed text 109228\n", + "Completed text 109229\n", + "Completed text 109230\n", + "Completed text 109231\n", + "Completed text 109232\n", + "Completed text 109233\n", + "Completed text 109234\n", + "Completed text 109235\n", + "Completed text 109236\n", + "Completed text 109237\n", + "Completed text 109238\n", + "Completed text 109239\n", + "Completed text 109240\n", + "Completed text 109241\n", + "Completed text 109242\n", + "Completed text 109243\n", + "Completed text 109244\n", + "Completed text 109245\n", + "Completed text 109246\n", + "Completed text 109247\n", + "Completed text 109248\n", + "Completed text 109249\n", + "Completed text 109250\n", + "Completed text 109251\n", + "Completed text 109252\n", + "Completed text 109253\n", + "Completed text 109254\n", + "Completed text 109255\n", + "Completed text 109256\n", + "Completed text 109257\n", + "Completed text 109258\n", + "Completed text 109259\n", + "Completed text 109260\n", + "Completed text 109261\n", + "Completed text 109262\n", + "Completed text 109263\n", + "Completed text 109264\n", + "Completed text 109265\n", + "Completed text 109266\n", + "Completed text 109267\n", + "Completed text 109268\n", + "Completed text 109269\n", + "Completed text 109270\n", + "Completed text 109271\n", + "Completed text 109272\n", + "Completed text 109273\n", + "Completed text 109274\n", + "Completed text 109275\n", + "Completed text 109276\n", + "Completed text 109277\n", + "Completed text 109278\n", + "Completed text 109279\n", + "Completed text 109280\n", + "Completed text 109281\n", + "Completed text 109282\n", + "Completed text 109283\n", + "Completed text 109284\n", + "Completed text 109285\n", + "Completed text 109286\n", + "Completed text 109287\n", + "Completed text 109288\n", + "Completed text 109289\n", + "Completed text 109290\n", + "Completed text 109291\n", + "Completed text 109292\n", + "Completed text 109293\n", + "Completed text 109294\n", + "Completed text 109295\n", + "Completed text 109296\n", + "Completed text 109297\n", + "Completed text 109298\n", + "Completed text 109299\n", + "Completed text 109300\n", + "Completed text 109301\n", + "Completed text 109302\n", + "Completed text 109303\n", + "Completed text 109304\n", + "Completed text 109305\n", + "Completed text 109306\n", + "Completed text 109307\n", + "Completed text 109308\n", + "Completed text 109309\n", + "Completed text 109310\n", + "Completed text 109311\n", + "Completed text 109312\n", + "Completed text 109313\n", + "Completed text 109314\n", + "Completed text 109315\n", + "Completed text 109316\n", + "Completed text 109317\n", + "Completed text 109318\n", + "Completed text 109319\n", + "Completed text 109320\n", + "Completed text 109321\n", + "Completed text 109322\n", + "Completed text 109323\n", + "Completed text 109324\n", + "Completed text 109325\n", + "Completed text 109326\n", + "Completed text 109327\n", + "Completed text 109328\n", + "Completed text 109329\n", + "Completed text 109330\n", + "Completed text 109331\n", + "Completed text 109332\n", + "Completed text 109333\n", + "Completed text 109334\n", + "Completed text 109335\n", + "Completed text 109336\n", + "Completed text 109337\n", + "Completed text 109338\n", + "Completed text 109339\n", + "Completed text 109340\n", + "Completed text 109341\n", + "Completed text 109342\n", + "Completed text 109343\n", + "Completed text 109344\n", + "Completed text 109345\n", + "Completed text 109346\n", + "Completed text 109347\n", + "Completed text 109348\n", + "Completed text 109349\n", + "Completed text 109350\n", + "Completed text 109351\n", + "Completed text 109352\n", + "Completed text 109353\n", + "Completed text 109354\n", + "Completed text 109355\n", + "Completed text 109356\n", + "Completed text 109357\n", + "Completed text 109358\n", + "Completed text 109359\n", + "Completed text 109360\n", + "Completed text 109361\n", + "Completed text 109362\n", + "Completed text 109363\n", + "Completed text 109364\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 109365\n", + "Completed text 109366\n", + "Completed text 109367\n", + "Completed text 109368\n", + "Completed text 109369\n", + "Completed text 109370\n", + "Completed text 109371\n", + "Completed text 109372\n", + "Completed text 109373\n", + "Completed text 109374\n", + "Completed text 109375\n", + "Completed text 109376\n", + "Completed text 109377\n", + "Completed text 109378\n", + "Completed text 109379\n", + "Completed text 109380\n", + "Completed text 109381\n", + "Completed text 109382\n", + "Completed text 109383\n", + "Completed text 109384\n", + "Completed text 109385\n", + "Completed text 109386\n", + "Completed text 109387\n", + "Completed text 109388\n", + "Completed text 109389\n", + "Completed text 109390\n", + "Completed text 109391\n", + "Completed text 109392\n", + "Completed text 109393\n", + "Completed text 109394\n", + "Completed text 109395\n", + "Completed text 109396\n", + "Completed text 109397\n", + "Completed text 109398\n", + "Completed text 109399\n", + "Completed text 109400\n", + "Completed text 109401\n", + "Completed text 109402\n", + "Completed text 109403\n", + "Completed text 109404\n", + "Completed text 109405\n", + "Completed text 109406\n", + "Completed text 109407\n", + "Completed text 109408\n", + "Completed text 109409\n", + "Completed text 109410\n", + "Completed text 109411\n", + "Completed text 109412\n", + "Completed text 109413\n", + "Completed text 109414\n", + "Completed text 109415\n", + "Completed text 109416\n", + "Completed text 109417\n", + "Completed text 109418\n", + "Completed text 109419\n", + "Completed text 109420\n", + "Completed text 109421\n", + "Completed text 109422\n", + "Completed text 109423\n", + "Completed text 109424\n", + "Completed text 109425\n", + "Completed text 109426\n", + "Completed text 109427\n", + "Completed text 109428\n", + "Completed text 109429\n", + "Completed text 109430\n", + "Completed text 109431\n", + "Completed text 109432\n", + "Completed text 109433\n", + "Completed text 109434\n", + "Completed text 109435\n", + "Completed text 109436\n", + "Completed text 109437\n", + "Completed text 109438\n", + "Completed text 109439\n", + "Completed text 109440\n", + "Completed text 109441\n", + "Completed text 109442\n", + "Completed text 109443\n", + "Completed text 109444\n", + "Completed text 109445\n", + "Completed text 109446\n", + "Completed text 109447\n", + "Completed text 109448\n", + "Completed text 109449\n", + "Completed text 109450\n", + "Completed text 109451\n", + "Completed text 109452\n", + "Completed text 109453\n", + "Completed text 109454\n", + "Completed text 109455\n", + "Completed text 109456\n", + "Completed text 109457\n", + "Completed text 109458\n", + "Completed text 109459\n", + "Completed text 109460\n", + "Completed text 109461\n", + "Completed text 109462\n", + "Completed text 109463\n", + "Completed text 109464\n", + "Completed text 109465\n", + "Completed text 109466\n", + "Completed text 109467\n", + "Completed text 109468\n", + "Completed text 109469\n", + "Completed text 109470\n", + "Completed text 109471\n", + "Completed text 109472\n", + "Completed text 109473\n", + "Completed text 109474\n", + "Completed text 109475\n", + "Completed text 109476\n", + "Completed text 109477\n", + "Completed text 109478\n", + "Completed text 109479\n", + "Completed text 109480\n", + "Completed text 109481\n", + "Completed text 109482\n", + "Completed text 109483\n", + "Completed text 109484\n", + "Completed text 109485\n", + "Completed text 109486\n", + "Completed text 109487\n", + "Completed text 109488\n", + "Completed text 109489\n", + "Completed text 109490\n", + "Completed text 109491\n", + "Completed text 109492\n", + "Completed text 109493\n", + "Completed text 109494\n", + "Completed text 109495\n", + "Completed text 109496\n", + "Completed text 109497\n", + "Completed text 109498\n", + "Completed text 109499\n", + "Completed text 109500\n", + "Completed text 109501\n", + "Completed text 109502\n", + "Completed text 109503\n", + "Completed text 109504\n", + "Completed text 109505\n", + "Completed text 109506\n", + "Completed text 109507\n", + "Completed text 109508\n", + "Completed text 109509\n", + "Completed text 109510\n", + "Completed text 109511\n", + "Completed text 109512\n", + "Completed text 109513\n", + "Completed text 109514\n", + "Completed text 109515\n", + "Completed text 109516\n", + "Completed text 109517\n", + "Completed text 109518\n", + "Completed text 109519\n", + "Completed text 109520\n", + "Completed text 109521\n", + "Completed text 109522\n", + "Completed text 109523\n", + "Completed text 109524\n", + "Completed text 109525\n", + "Completed text 109526\n", + "Completed text 109527\n", + "Completed text 109528\n", + "Completed text 109529\n", + "Completed text 109530\n", + "Completed text 109531\n", + "Completed text 109532\n", + "Completed text 109533\n", + "Completed text 109534\n", + "Completed text 109535\n", + "Completed text 109536\n", + "Completed text 109537\n", + "Completed text 109538\n", + "Completed text 109539\n", + "Completed text 109540\n", + "Completed text 109541\n", + "Completed text 109542\n", + "Completed text 109543\n", + "Completed text 109544\n", + "Completed text 109545\n", + "Completed text 109546\n", + "Completed text 109547\n", + "Completed text 109548\n", + "Completed text 109549\n", + "Completed text 109550\n", + "Completed text 109551\n", + "Completed text 109552\n", + "Completed text 109553\n", + "Completed text 109554\n", + "Completed text 109555\n", + "Completed text 109556\n", + "Completed text 109557\n", + "Completed text 109558\n", + "Completed text 109559\n", + "Completed text 109560\n", + "Completed text 109561\n", + "Completed text 109562\n", + "Completed text 109563\n", + "Completed text 109564\n", + "Completed text 109565\n", + "Completed text 109566\n", + "Completed text 109567\n", + "Completed text 109568\n", + "Completed text 109569\n", + "Completed text 109570\n", + "Completed text 109571\n", + "Completed text 109572\n", + "Completed text 109573\n", + "Completed text 109574\n", + "Completed text 109575\n", + "Completed text 109576\n", + "Completed text 109577\n", + "Completed text 109578\n", + "Completed text 109579\n", + "Completed text 109580\n", + "Completed text 109581\n", + "Completed text 109582\n", + "Completed text 109583\n", + "Completed text 109584\n", + "Completed text 109585\n", + "Completed text 109586\n", + "Completed text 109587\n", + "Completed text 109588\n", + "Completed text 109589\n", + "Completed text 109590\n", + "Completed text 109591\n", + "Completed text 109592\n", + "Completed text 109593\n", + "Completed text 109594\n", + "Completed text 109595\n", + "Completed text 109596\n", + "Completed text 109597\n", + "Completed text 109598\n", + "Completed text 109599\n", + "Completed text 109600\n", + "Completed text 109601\n", + "Completed text 109602\n", + "Completed text 109603\n", + "Completed text 109604\n", + "Completed text 109605\n", + "Completed text 109606\n", + "Completed text 109607\n", + "Completed text 109608\n", + "Completed text 109609\n", + "Completed text 109610\n", + "Completed text 109611\n", + "Completed text 109612\n", + "Completed text 109613\n", + "Completed text 109614\n", + "Completed text 109615\n", + "Completed text 109616\n", + "Completed text 109617\n", + "Completed text 109618\n", + "Completed text 109619\n", + "Completed text 109620\n", + "Completed text 109621\n", + "Completed text 109622\n", + "Completed text 109623\n", + "Completed text 109624\n", + "Completed text 109625\n", + "Completed text 109626\n", + "Completed text 109627\n", + "Completed text 109628\n", + "Completed text 109629\n", + "Completed text 109630\n", + "Completed text 109631\n", + "Completed text 109632\n", + "Completed text 109633\n", + "Completed text 109634\n", + "Completed text 109635\n", + "Completed text 109636\n", + "Completed text 109637\n", + "Completed text 109638\n", + "Completed text 109639\n", + "Completed text 109640\n", + "Completed text 109641\n", + "Completed text 109642\n", + "Completed text 109643\n", + "Completed text 109644\n", + "Completed text 109645\n", + "Completed text 109646\n", + "Completed text 109647\n", + "Completed text 109648\n", + "Completed text 109649\n", + "Completed text 109650\n", + "Completed text 109651\n", + "Completed text 109652\n", + "Completed text 109653\n", + "Completed text 109654\n", + "Completed text 109655\n", + "Completed text 109656\n", + "Completed text 109657\n", + "Completed text 109658\n", + "Completed text 109659\n", + "Completed text 109660\n", + "Completed text 109661\n", + "Completed text 109662\n", + "Completed text 109663\n", + "Completed text 109664\n", + "Completed text 109665\n", + "Completed text 109666\n", + "Completed text 109667\n", + "Completed text 109668\n", + "Completed text 109669\n", + "Completed text 109670\n", + "Completed text 109671\n", + "Completed text 109672\n", + "Completed text 109673\n", + "Completed text 109674\n", + "Completed text 109675\n", + "Completed text 109676\n", + "Completed text 109677\n", + "Completed text 109678\n", + "Completed text 109679\n", + "Completed text 109680\n", + "Completed text 109681\n", + "Completed text 109682\n", + "Completed text 109683\n", + "Completed text 109684\n", + "Completed text 109685\n", + "Completed text 109686\n", + "Completed text 109687\n", + "Completed text 109688\n", + "Completed text 109689\n", + "Completed text 109690\n", + "Completed text 109691\n", + "Completed text 109692\n", + "Completed text 109693\n", + "Completed text 109694\n", + "Completed text 109695\n", + "Completed text 109696\n", + "Completed text 109697\n", + "Completed text 109698\n", + "Completed text 109699\n", + "Completed text 109700\n", + "Completed text 109701\n", + "Completed text 109702\n", + "Completed text 109703\n", + "Completed text 109704\n", + "Completed text 109705\n", + "Completed text 109706\n", + "Completed text 109707\n", + "Completed text 109708\n", + "Completed text 109709\n", + "Completed text 109710\n", + "Completed text 109711\n", + "Completed text 109712\n", + "Completed text 109713\n", + "Completed text 109714\n", + "Completed text 109715\n", + "Completed text 109716\n", + "Completed text 109717\n", + "Completed text 109718\n", + "Completed text 109719\n", + "Completed text 109720\n", + "Completed text 109721\n", + "Completed text 109722\n", + "Completed text 109723\n", + "Completed text 109724\n", + "Completed text 109725\n", + "Completed text 109726\n", + "Completed text 109727\n", + "Completed text 109728\n", + "Completed text 109729\n", + "Completed text 109730\n", + "Completed text 109731\n", + "Completed text 109732\n", + "Completed text 109733\n", + "Completed text 109734\n", + "Completed text 109735\n", + "Completed text 109736\n", + "Completed text 109737\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 109738\n", + "Completed text 109739\n", + "Completed text 109740\n", + "Completed text 109741\n", + "Completed text 109742\n", + "Completed text 109743\n", + "Completed text 109744\n", + "Completed text 109745\n", + "Completed text 109746\n", + "Completed text 109747\n", + "Completed text 109748\n", + "Completed text 109749\n", + "Completed text 109750\n", + "Completed text 109751\n", + "Completed text 109752\n", + "Completed text 109753\n", + "Completed text 109754\n", + "Completed text 109755\n", + "Completed text 109756\n", + "Completed text 109757\n", + "Completed text 109758\n", + "Completed text 109759\n", + "Completed text 109760\n", + "Completed text 109761\n", + "Completed text 109762\n", + "Completed text 109763\n", + "Completed text 109764\n", + "Completed text 109765\n", + "Completed text 109766\n", + "Completed text 109767\n", + "Completed text 109768\n", + "Completed text 109769\n", + "Completed text 109770\n", + "Completed text 109771\n", + "Completed text 109772\n", + "Completed text 109773\n", + "Completed text 109774\n", + "Completed text 109775\n", + "Completed text 109776\n", + "Completed text 109777\n", + "Completed text 109778\n", + "Completed text 109779\n", + "Completed text 109780\n", + "Completed text 109781\n", + "Completed text 109782\n", + "Completed text 109783\n", + "Completed text 109784\n", + "Completed text 109785\n", + "Completed text 109786\n", + "Completed text 109787\n", + "Completed text 109788\n", + "Completed text 109789\n", + "Completed text 109790\n", + "Completed text 109791\n", + "Completed text 109792\n", + "Completed text 109793\n", + "Completed text 109794\n", + "Completed text 109795\n", + "Completed text 109796\n", + "Completed text 109797\n", + "Completed text 109798\n", + "Completed text 109799\n", + "Completed text 109800\n", + "Completed text 109801\n", + "Completed text 109802\n", + "Completed text 109803\n", + "Completed text 109804\n", + "Completed text 109805\n", + "Completed text 109806\n", + "Completed text 109807\n", + "Completed text 109808\n", + "Completed text 109809\n", + "Completed text 109810\n", + "Completed text 109811\n", + "Completed text 109812\n", + "Completed text 109813\n", + "Completed text 109814\n", + "Completed text 109815\n", + "Completed text 109816\n", + "Completed text 109817\n", + "Completed text 109818\n", + "Completed text 109819\n", + "Completed text 109820\n", + "Completed text 109821\n", + "Completed text 109822\n", + "Completed text 109823\n", + "Completed text 109824\n", + "Completed text 109825\n", + "Completed text 109826\n", + "Completed text 109827\n", + "Completed text 109828\n", + "Completed text 109829\n", + "Completed text 109830\n", + "Completed text 109831\n", + "Completed text 109832\n", + "Completed text 109833\n", + "Completed text 109834\n", + "Completed text 109835\n", + "Completed text 109836\n", + "Completed text 109837\n", + "Completed text 109838\n", + "Completed text 109839\n", + "Completed text 109840\n", + "Completed text 109841\n", + "Completed text 109842\n", + "Completed text 109843\n", + "Completed text 109844\n", + "Completed text 109845\n", + "Completed text 109846\n", + "Completed text 109847\n", + "Completed text 109848\n", + "Completed text 109849\n", + "Completed text 109850\n", + "Completed text 109851\n", + "Completed text 109852\n", + "Completed text 109853\n", + "Completed text 109854\n", + "Completed text 109855\n", + "Completed text 109856\n", + "Completed text 109857\n", + "Completed text 109858\n", + "Completed text 109859\n", + "Completed text 109860\n", + "Completed text 109861\n", + "Completed text 109862\n", + "Completed text 109863\n", + "Completed text 109864\n", + "Completed text 109865\n", + "Completed text 109866\n", + "Completed text 109867\n", + "Completed text 109868\n", + "Completed text 109869\n", + "Completed text 109870\n", + "Completed text 109871\n", + "Completed text 109872\n", + "Completed text 109873\n", + "Completed text 109874\n", + "Completed text 109875\n", + "Completed text 109876\n", + "Completed text 109877\n", + "Completed text 109878\n", + "Completed text 109879\n", + "Completed text 109880\n", + "Completed text 109881\n", + "Completed text 109882\n", + "Completed text 109883\n", + "Completed text 109884\n", + "Completed text 109885\n", + "Completed text 109886\n", + "Completed text 109887\n", + "Completed text 109888\n", + "Completed text 109889\n", + "Completed text 109890\n", + "Completed text 109891\n", + "Completed text 109892\n", + "Completed text 109893\n", + "Completed text 109894\n", + "Completed text 109895\n", + "Completed text 109896\n", + "Completed text 109897\n", + "Completed text 109898\n", + "Completed text 109899\n", + "Completed text 109900\n", + "Completed text 109901\n", + "Completed text 109902\n", + "Completed text 109903\n", + "Completed text 109904\n", + "Completed text 109905\n", + "Completed text 109906\n", + "Completed text 109907\n", + "Completed text 109908\n", + "Completed text 109909\n", + "Completed text 109910\n", + "Completed text 109911\n", + "Completed text 109912\n", + "Completed text 109913\n", + "Completed text 109914\n", + "Completed text 109915\n", + "Completed text 109916\n", + "Completed text 109917\n", + "Completed text 109918\n", + "Completed text 109919\n", + "Completed text 109920\n", + "Completed text 109921\n", + "Completed text 109922\n", + "Completed text 109923\n", + "Completed text 109924\n", + "Completed text 109925\n", + "Completed text 109926\n", + "Completed text 109927\n", + "Completed text 109928\n", + "Completed text 109929\n", + "Completed text 109930\n", + "Completed text 109931\n", + "Completed text 109932\n", + "Completed text 109933\n", + "Completed text 109934\n", + "Completed text 109935\n", + "Completed text 109936\n", + "Completed text 109937\n", + "Completed text 109938\n", + "Completed text 109939\n", + "Completed text 109940\n", + "Completed text 109941\n", + "Completed text 109942\n", + "Completed text 109943\n", + "Completed text 109944\n", + "Completed text 109945\n", + "Completed text 109946\n", + "Completed text 109947\n", + "Completed text 109948\n", + "Completed text 109949\n", + "Completed text 109950\n", + "Completed text 109951\n", + "Completed text 109952\n", + "Completed text 109953\n", + "Completed text 109954\n", + "Completed text 109955\n", + "Completed text 109956\n", + "Completed text 109957\n", + "Completed text 109958\n", + "Completed text 109959\n", + "Completed text 109960\n", + "Completed text 109961\n", + "Completed text 109962\n", + "Completed text 109963\n", + "Completed text 109964\n", + "Completed text 109965\n", + "Completed text 109966\n", + "Completed text 109967\n", + "Completed text 109968\n", + "Completed text 109969\n", + "Completed text 109970\n", + "Completed text 109971\n", + "Completed text 109972\n", + "Completed text 109973\n", + "Completed text 109974\n", + "Completed text 109975\n", + "Completed text 109976\n", + "Completed text 109977\n", + "Completed text 109978\n", + "Completed text 109979\n", + "Completed text 109980\n", + "Completed text 109981\n", + "Completed text 109982\n", + "Completed text 109983\n", + "Completed text 109984\n", + "Completed text 109985\n", + "Completed text 109986\n", + "Completed text 109987\n", + "Completed text 109988\n", + "Completed text 109989\n", + "Completed text 109990\n", + "Completed text 109991\n", + "Completed text 109992\n", + "Completed text 109993\n", + "Completed text 109994\n", + "Completed text 109995\n", + "Completed text 109996\n", + "Completed text 109997\n", + "Completed text 109998\n", + "Completed text 109999\n", + "Completed text 110000\n", + "Completed text 110001\n", + "Completed text 110002\n", + "Completed text 110003\n", + "Completed text 110004\n", + "Completed text 110005\n", + "Completed text 110006\n", + "Completed text 110007\n", + "Completed text 110008\n", + "Completed text 110009\n", + "Completed text 110010\n", + "Completed text 110011\n", + "Completed text 110012\n", + "Completed text 110013\n", + "Completed text 110014\n", + "Completed text 110015\n", + "Completed text 110016\n", + "Completed text 110017\n", + "Completed text 110018\n", + "Completed text 110019\n", + "Completed text 110020\n", + "Completed text 110021\n", + "Completed text 110022\n", + "Completed text 110023\n", + "Completed text 110024\n", + "Completed text 110025\n", + "Completed text 110026\n", + "Completed text 110027\n", + "Completed text 110028\n", + "Completed text 110029\n", + "Completed text 110030\n", + "Completed text 110031\n", + "Completed text 110032\n", + "Completed text 110033\n", + "Completed text 110034\n", + "Completed text 110035\n", + "Completed text 110036\n", + "Completed text 110037\n", + "Completed text 110038\n", + "Completed text 110039\n", + "Completed text 110040\n", + "Completed text 110041\n", + "Completed text 110042\n", + "Completed text 110043\n", + "Completed text 110044\n", + "Completed text 110045\n", + "Completed text 110046\n", + "Completed text 110047\n", + "Completed text 110048\n", + "Completed text 110049\n", + "Completed text 110050\n", + "Completed text 110051\n", + "Completed text 110052\n", + "Completed text 110053\n", + "Completed text 110054\n", + "Completed text 110055\n", + "Completed text 110056\n", + "Completed text 110057\n", + "Completed text 110058\n", + "Completed text 110059\n", + "Completed text 110060\n", + "Completed text 110061\n", + "Completed text 110062\n", + "Completed text 110063\n", + "Completed text 110064\n", + "Completed text 110065\n", + "Completed text 110066\n", + "Completed text 110067\n", + "Completed text 110068\n", + "Completed text 110069\n", + "Completed text 110070\n", + "Completed text 110071\n", + "Completed text 110072\n", + "Completed text 110073\n", + "Completed text 110074\n", + "Completed text 110075\n", + "Completed text 110076\n", + "Completed text 110077\n", + "Completed text 110078\n", + "Completed text 110079\n", + "Completed text 110080\n", + "Completed text 110081\n", + "Completed text 110082\n", + "Completed text 110083\n", + "Completed text 110084\n", + "Completed text 110085\n", + "Completed text 110086\n", + "Completed text 110087\n", + "Completed text 110088\n", + "Completed text 110089\n", + "Completed text 110090\n", + "Completed text 110091\n", + "Completed text 110092\n", + "Completed text 110093\n", + "Completed text 110094\n", + "Completed text 110095\n", + "Completed text 110096\n", + "Completed text 110097\n", + "Completed text 110098\n", + "Completed text 110099\n", + "Completed text 110100\n", + "Completed text 110101\n", + "Completed text 110102\n", + "Completed text 110103\n", + "Completed text 110104\n", + "Completed text 110105\n", + "Completed text 110106\n", + "Completed text 110107\n", + "Completed text 110108\n", + "Completed text 110109\n", + "Completed text 110110\n", + "Completed text 110111\n", + "Completed text 110112\n", + "Completed text 110113\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 110114\n", + "Completed text 110115\n", + "Completed text 110116\n", + "Completed text 110117\n", + "Completed text 110118\n", + "Completed text 110119\n", + "Completed text 110120\n", + "Completed text 110121\n", + "Completed text 110122\n", + "Completed text 110123\n", + "Completed text 110124\n", + "Completed text 110125\n", + "Completed text 110126\n", + "Completed text 110127\n", + "Completed text 110128\n", + "Completed text 110129\n", + "Completed text 110130\n", + "Completed text 110131\n", + "Completed text 110132\n", + "Completed text 110133\n", + "Completed text 110134\n", + "Completed text 110135\n", + "Completed text 110136\n", + "Completed text 110137\n", + "Completed text 110138\n", + "Completed text 110139\n", + "Completed text 110140\n", + "Completed text 110141\n", + "Completed text 110142\n", + "Completed text 110143\n", + "Completed text 110144\n", + "Completed text 110145\n", + "Completed text 110146\n", + "Completed text 110147\n", + "Completed text 110148\n", + "Completed text 110149\n", + "Completed text 110150\n", + "Completed text 110151\n", + "Completed text 110152\n", + "Completed text 110153\n", + "Completed text 110154\n", + "Completed text 110155\n", + "Completed text 110156\n", + "Completed text 110157\n", + "Completed text 110158\n", + "Completed text 110159\n", + "Completed text 110160\n", + "Completed text 110161\n", + "Completed text 110162\n", + "Completed text 110163\n", + "Completed text 110164\n", + "Completed text 110165\n", + "Completed text 110166\n", + "Completed text 110167\n", + "Completed text 110168\n", + "Completed text 110169\n", + "Completed text 110170\n", + "Completed text 110171\n", + "Completed text 110172\n", + "Completed text 110173\n", + "Completed text 110174\n", + "Completed text 110175\n", + "Completed text 110176\n", + "Completed text 110177\n", + "Completed text 110178\n", + "Completed text 110179\n", + "Completed text 110180\n", + "Completed text 110181\n", + "Completed text 110182\n", + "Completed text 110183\n", + "Completed text 110184\n", + "Completed text 110185\n", + "Completed text 110186\n", + "Completed text 110187\n", + "Completed text 110188\n", + "Completed text 110189\n", + "Completed text 110190\n", + "Completed text 110191\n", + "Completed text 110192\n", + "Completed text 110193\n", + "Completed text 110194\n", + "Completed text 110195\n", + "Completed text 110196\n", + "Completed text 110197\n", + "Completed text 110198\n", + "Completed text 110199\n", + "Completed text 110200\n", + "Completed text 110201\n", + "Completed text 110202\n", + "Completed text 110203\n", + "Completed text 110204\n", + "Completed text 110205\n", + "Completed text 110206\n", + "Completed text 110207\n", + "Completed text 110208\n", + "Completed text 110209\n", + "Completed text 110210\n", + "Completed text 110211\n", + "Completed text 110212\n", + "Completed text 110213\n", + "Completed text 110214\n", + "Completed text 110215\n", + "Completed text 110216\n", + "Completed text 110217\n", + "Completed text 110218\n", + "Completed text 110219\n", + "Completed text 110220\n", + "Completed text 110221\n", + "Completed text 110222\n", + "Completed text 110223\n", + "Completed text 110224\n", + "Completed text 110225\n", + "Completed text 110226\n", + "Completed text 110227\n", + "Completed text 110228\n", + "Completed text 110229\n", + "Completed text 110230\n", + "Completed text 110231\n", + "Completed text 110232\n", + "Completed text 110233\n", + "Completed text 110234\n", + "Completed text 110235\n", + "Completed text 110236\n", + "Completed text 110237\n", + "Completed text 110238\n", + "Completed text 110239\n", + "Completed text 110240\n", + "Completed text 110241\n", + "Completed text 110242\n", + "Completed text 110243\n", + "Completed text 110244\n", + "Completed text 110245\n", + "Completed text 110246\n", + "Completed text 110247\n", + "Completed text 110248\n", + "Completed text 110249\n", + "Completed text 110250\n", + "Completed text 110251\n", + "Completed text 110252\n", + "Completed text 110253\n", + "Completed text 110254\n", + "Completed text 110255\n", + "Completed text 110256\n", + "Completed text 110257\n", + "Completed text 110258\n", + "Completed text 110259\n", + "Completed text 110260\n", + "Completed text 110261\n", + "Completed text 110262\n", + "Completed text 110263\n", + "Completed text 110264\n", + "Completed text 110265\n", + "Completed text 110266\n", + "Completed text 110267\n", + "Completed text 110268\n", + "Completed text 110269\n", + "Completed text 110270\n", + "Completed text 110271\n", + "Completed text 110272\n", + "Completed text 110273\n", + "Completed text 110274\n", + "Completed text 110275\n", + "Completed text 110276\n", + "Completed text 110277\n", + "Completed text 110278\n", + "Completed text 110279\n", + "Completed text 110280\n", + "Completed text 110281\n", + "Completed text 110282\n", + "Completed text 110283\n", + "Completed text 110284\n", + "Completed text 110285\n", + "Completed text 110286\n", + "Completed text 110287\n", + "Completed text 110288\n", + "Completed text 110289\n", + "Completed text 110290\n", + "Completed text 110291\n", + "Completed text 110292\n", + "Completed text 110293\n", + "Completed text 110294\n", + "Completed text 110295\n", + "Completed text 110296\n", + "Completed text 110297\n", + "Completed text 110298\n", + "Completed text 110299\n", + "Completed text 110300\n", + "Completed text 110301\n", + "Completed text 110302\n", + "Completed text 110303\n", + "Completed text 110304\n", + "Completed text 110305\n", + "Completed text 110306\n", + "Completed text 110307\n", + "Completed text 110308\n", + "Completed text 110309\n", + "Completed text 110310\n", + "Completed text 110311\n", + "Completed text 110312\n", + "Completed text 110313\n", + "Completed text 110314\n", + "Completed text 110315\n", + "Completed text 110316\n", + "Completed text 110317\n", + "Completed text 110318\n", + "Completed text 110319\n", + "Completed text 110320\n", + "Completed text 110321\n", + "Completed text 110322\n", + "Completed text 110323\n", + "Completed text 110324\n", + "Completed text 110325\n", + "Completed text 110326\n", + "Completed text 110327\n", + "Completed text 110328\n", + "Completed text 110329\n", + "Completed text 110330\n", + "Completed text 110331\n", + "Completed text 110332\n", + "Completed text 110333\n", + "Completed text 110334\n", + "Completed text 110335\n", + "Completed text 110336\n", + "Completed text 110337\n", + "Completed text 110338\n", + "Completed text 110339\n", + "Completed text 110340\n", + "Completed text 110341\n", + "Completed text 110342\n", + "Completed text 110343\n", + "Completed text 110344\n", + "Completed text 110345\n", + "Completed text 110346\n", + "Completed text 110347\n", + "Completed text 110348\n", + "Completed text 110349\n", + "Completed text 110350\n", + "Completed text 110351\n", + "Completed text 110352\n", + "Completed text 110353\n", + "Completed text 110354\n", + "Completed text 110355\n", + "Completed text 110356\n", + "Completed text 110357\n", + "Completed text 110358\n", + "Completed text 110359\n", + "Completed text 110360\n", + "Completed text 110361\n", + "Completed text 110362\n", + "Completed text 110363\n", + "Completed text 110364\n", + "Completed text 110365\n", + "Completed text 110366\n", + "Completed text 110367\n", + "Completed text 110368\n", + "Completed text 110369\n", + "Completed text 110370\n", + "Completed text 110371\n", + "Completed text 110372\n", + "Completed text 110373\n", + "Completed text 110374\n", + "Completed text 110375\n", + "Completed text 110376\n", + "Completed text 110377\n", + "Completed text 110378\n", + "Completed text 110379\n", + "Completed text 110380\n", + "Completed text 110381\n", + "Completed text 110382\n", + "Completed text 110383\n", + "Completed text 110384\n", + "Completed text 110385\n", + "Completed text 110386\n", + "Completed text 110387\n", + "Completed text 110388\n", + "Completed text 110389\n", + "Completed text 110390\n", + "Completed text 110391\n", + "Completed text 110392\n", + "Completed text 110393\n", + "Completed text 110394\n", + "Completed text 110395\n", + "Completed text 110396\n", + "Completed text 110397\n", + "Completed text 110398\n", + "Completed text 110399\n", + "Completed text 110400\n", + "Completed text 110401\n", + "Completed text 110402\n", + "Completed text 110403\n", + "Completed text 110404\n", + "Completed text 110405\n", + "Completed text 110406\n", + "Completed text 110407\n", + "Completed text 110408\n", + "Completed text 110409\n", + "Completed text 110410\n", + "Completed text 110411\n", + "Completed text 110412\n", + "Completed text 110413\n", + "Completed text 110414\n", + "Completed text 110415\n", + "Completed text 110416\n", + "Completed text 110417\n", + "Completed text 110418\n", + "Completed text 110419\n", + "Completed text 110420\n", + "Completed text 110421\n", + "Completed text 110422\n", + "Completed text 110423\n", + "Completed text 110424\n", + "Completed text 110425\n", + "Completed text 110426\n", + "Completed text 110427\n", + "Completed text 110428\n", + "Completed text 110429\n", + "Completed text 110430\n", + "Completed text 110431\n", + "Completed text 110432\n", + "Completed text 110433\n", + "Completed text 110434\n", + "Completed text 110435\n", + "Completed text 110436\n", + "Completed text 110437\n", + "Completed text 110438\n", + "Completed text 110439\n", + "Completed text 110440\n", + "Completed text 110441\n", + "Completed text 110442\n", + "Completed text 110443\n", + "Completed text 110444\n", + "Completed text 110445\n", + "Completed text 110446\n", + "Completed text 110447\n", + "Completed text 110448\n", + "Completed text 110449\n", + "Completed text 110450\n", + "Completed text 110451\n", + "Completed text 110452\n", + "Completed text 110453\n", + "Completed text 110454\n", + "Completed text 110455\n", + "Completed text 110456\n", + "Completed text 110457\n", + "Completed text 110458\n", + "Completed text 110459\n", + "Completed text 110460\n", + "Completed text 110461\n", + "Completed text 110462\n", + "Completed text 110463\n", + "Completed text 110464\n", + "Completed text 110465\n", + "Completed text 110466\n", + "Completed text 110467\n", + "Completed text 110468\n", + "Completed text 110469\n", + "Completed text 110470\n", + "Completed text 110471\n", + "Completed text 110472\n", + "Completed text 110473\n", + "Completed text 110474\n", + "Completed text 110475\n", + "Completed text 110476\n", + "Completed text 110477\n", + "Completed text 110478\n", + "Completed text 110479\n", + "Completed text 110480\n", + "Completed text 110481\n", + "Completed text 110482\n", + "Completed text 110483\n", + "Completed text 110484\n", + "Completed text 110485\n", + "Completed text 110486\n", + "Completed text 110487\n", + "Completed text 110488\n", + "Completed text 110489\n", + "Completed text 110490\n", + "Completed text 110491\n", + "Completed text 110492\n", + "Completed text 110493\n", + "Completed text 110494\n", + "Completed text 110495\n", + "Completed text 110496\n", + "Completed text 110497\n", + "Completed text 110498\n", + "Completed text 110499\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 110500\n", + "Completed text 110501\n", + "Completed text 110502\n", + "Completed text 110503\n", + "Completed text 110504\n", + "Completed text 110505\n", + "Completed text 110506\n", + "Completed text 110507\n", + "Completed text 110508\n", + "Completed text 110509\n", + "Completed text 110510\n", + "Completed text 110511\n", + "Completed text 110512\n", + "Completed text 110513\n", + "Completed text 110514\n", + "Completed text 110515\n", + "Completed text 110516\n", + "Completed text 110517\n", + "Completed text 110518\n", + "Completed text 110519\n", + "Completed text 110520\n", + "Completed text 110521\n", + "Completed text 110522\n", + "Completed text 110523\n", + "Completed text 110524\n", + "Completed text 110525\n", + "Completed text 110526\n", + "Completed text 110527\n", + "Completed text 110528\n", + "Completed text 110529\n", + "Completed text 110530\n", + "Completed text 110531\n", + "Completed text 110532\n", + "Completed text 110533\n", + "Completed text 110534\n", + "Completed text 110535\n", + "Completed text 110536\n", + "Completed text 110537\n", + "Completed text 110538\n", + "Completed text 110539\n", + "Completed text 110540\n", + "Completed text 110541\n", + "Completed text 110542\n", + "Completed text 110543\n", + "Completed text 110544\n", + "Completed text 110545\n", + "Completed text 110546\n", + "Completed text 110547\n", + "Completed text 110548\n", + "Completed text 110549\n", + "Completed text 110550\n", + "Completed text 110551\n", + "Completed text 110552\n", + "Completed text 110553\n", + "Completed text 110554\n", + "Completed text 110555\n", + "Completed text 110556\n", + "Completed text 110557\n", + "Completed text 110558\n", + "Completed text 110559\n", + "Completed text 110560\n", + "Completed text 110561\n", + "Completed text 110562\n", + "Completed text 110563\n", + "Completed text 110564\n", + "Completed text 110565\n", + "Completed text 110566\n", + "Completed text 110567\n", + "Completed text 110568\n", + "Completed text 110569\n", + "Completed text 110570\n", + "Completed text 110571\n", + "Completed text 110572\n", + "Completed text 110573\n", + "Completed text 110574\n", + "Completed text 110575\n", + "Completed text 110576\n", + "Completed text 110577\n", + "Completed text 110578\n", + "Completed text 110579\n", + "Completed text 110580\n", + "Completed text 110581\n", + "Completed text 110582\n", + "Completed text 110583\n", + "Completed text 110584\n", + "Completed text 110585\n", + "Completed text 110586\n", + "Completed text 110587\n", + "Completed text 110588\n", + "Completed text 110589\n", + "Completed text 110590\n", + "Completed text 110591\n", + "Completed text 110592\n", + "Completed text 110593\n", + "Completed text 110594\n", + "Completed text 110595\n", + "Completed text 110596\n", + "Completed text 110597\n", + "Completed text 110598\n", + "Completed text 110599\n", + "Completed text 110600\n", + "Completed text 110601\n", + "Completed text 110602\n", + "Completed text 110603\n", + "Completed text 110604\n", + "Completed text 110605\n", + "Completed text 110606\n", + "Completed text 110607\n", + "Completed text 110608\n", + "Completed text 110609\n", + "Completed text 110610\n", + "Completed text 110611\n", + "Completed text 110612\n", + "Completed text 110613\n", + "Completed text 110614\n", + "Completed text 110615\n", + "Completed text 110616\n", + "Completed text 110617\n", + "Completed text 110618\n", + "Completed text 110619\n", + "Completed text 110620\n", + "Completed text 110621\n", + "Completed text 110622\n", + "Completed text 110623\n", + "Completed text 110624\n", + "Completed text 110625\n", + "Completed text 110626\n", + "Completed text 110627\n", + "Completed text 110628\n", + "Completed text 110629\n", + "Completed text 110630\n", + "Completed text 110631\n", + "Completed text 110632\n", + "Completed text 110633\n", + "Completed text 110634\n", + "Completed text 110635\n", + "Completed text 110636\n", + "Completed text 110637\n", + "Completed text 110638\n", + "Completed text 110639\n", + "Completed text 110640\n", + "Completed text 110641\n", + "Completed text 110642\n", + "Completed text 110643\n", + "Completed text 110644\n", + "Completed text 110645\n", + "Completed text 110646\n", + "Completed text 110647\n", + "Completed text 110648\n", + "Completed text 110649\n", + "Completed text 110650\n", + "Completed text 110651\n", + "Completed text 110652\n", + "Completed text 110653\n", + "Completed text 110654\n", + "Completed text 110655\n", + "Completed text 110656\n", + "Completed text 110657\n", + "Completed text 110658\n", + "Completed text 110659\n", + "Completed text 110660\n", + "Completed text 110661\n", + "Completed text 110662\n", + "Completed text 110663\n", + "Completed text 110664\n", + "Completed text 110665\n", + "Completed text 110666\n", + "Completed text 110667\n", + "Completed text 110668\n", + "Completed text 110669\n", + "Completed text 110670\n", + "Completed text 110671\n", + "Completed text 110672\n", + "Completed text 110673\n", + "Completed text 110674\n", + "Completed text 110675\n", + "Completed text 110676\n", + "Completed text 110677\n", + "Completed text 110678\n", + "Completed text 110679\n", + "Completed text 110680\n", + "Completed text 110681\n", + "Completed text 110682\n", + "Completed text 110683\n", + "Completed text 110684\n", + "Completed text 110685\n", + "Completed text 110686\n", + "Completed text 110687\n", + "Completed text 110688\n", + "Completed text 110689\n", + "Completed text 110690\n", + "Completed text 110691\n", + "Completed text 110692\n", + "Completed text 110693\n", + "Completed text 110694\n", + "Completed text 110695\n", + "Completed text 110696\n", + "Completed text 110697\n", + "Completed text 110698\n", + "Completed text 110699\n", + "Completed text 110700\n", + "Completed text 110701\n", + "Completed text 110702\n", + "Completed text 110703\n", + "Completed text 110704\n", + "Completed text 110705\n", + "Completed text 110706\n", + "Completed text 110707\n", + "Completed text 110708\n", + "Completed text 110709\n", + "Completed text 110710\n", + "Completed text 110711\n", + "Completed text 110712\n", + "Completed text 110713\n", + "Completed text 110714\n", + "Completed text 110715\n", + "Completed text 110716\n", + "Completed text 110717\n", + "Completed text 110718\n", + "Completed text 110719\n", + "Completed text 110720\n", + "Completed text 110721\n", + "Completed text 110722\n", + "Completed text 110723\n", + "Completed text 110724\n", + "Completed text 110725\n", + "Completed text 110726\n", + "Completed text 110727\n", + "Completed text 110728\n", + "Completed text 110729\n", + "Completed text 110730\n", + "Completed text 110731\n", + "Completed text 110732\n", + "Completed text 110733\n", + "Completed text 110734\n", + "Completed text 110735\n", + "Completed text 110736\n", + "Completed text 110737\n", + "Completed text 110738\n", + "Completed text 110739\n", + "Completed text 110740\n", + "Completed text 110741\n", + "Completed text 110742\n", + "Completed text 110743\n", + "Completed text 110744\n", + "Completed text 110745\n", + "Completed text 110746\n", + "Completed text 110747\n", + "Completed text 110748\n", + "Completed text 110749\n", + "Completed text 110750\n", + "Completed text 110751\n", + "Completed text 110752\n", + "Completed text 110753\n", + "Completed text 110754\n", + "Completed text 110755\n", + "Completed text 110756\n", + "Completed text 110757\n", + "Completed text 110758\n", + "Completed text 110759\n", + "Completed text 110760\n", + "Completed text 110761\n", + "Completed text 110762\n", + "Completed text 110763\n", + "Completed text 110764\n", + "Completed text 110765\n", + "Completed text 110766\n", + "Completed text 110767\n", + "Completed text 110768\n", + "Completed text 110769\n", + "Completed text 110770\n", + "Completed text 110771\n", + "Completed text 110772\n", + "Completed text 110773\n", + "Completed text 110774\n", + "Completed text 110775\n", + "Completed text 110776\n", + "Completed text 110777\n", + "Completed text 110778\n", + "Completed text 110779\n", + "Completed text 110780\n", + "Completed text 110781\n", + "Completed text 110782\n", + "Completed text 110783\n", + "Completed text 110784\n", + "Completed text 110785\n", + "Completed text 110786\n", + "Completed text 110787\n", + "Completed text 110788\n", + "Completed text 110789\n", + "Completed text 110790\n", + "Completed text 110791\n", + "Completed text 110792\n", + "Completed text 110793\n", + "Completed text 110794\n", + "Completed text 110795\n", + "Completed text 110796\n", + "Completed text 110797\n", + "Completed text 110798\n", + "Completed text 110799\n", + "Completed text 110800\n", + "Completed text 110801\n", + "Completed text 110802\n", + "Completed text 110803\n", + "Completed text 110804\n", + "Completed text 110805\n", + "Completed text 110806\n", + "Completed text 110807\n", + "Completed text 110808\n", + "Completed text 110809\n", + "Completed text 110810\n", + "Completed text 110811\n", + "Completed text 110812\n", + "Completed text 110813\n", + "Completed text 110814\n", + "Completed text 110815\n", + "Completed text 110816\n", + "Completed text 110817\n", + "Completed text 110818\n", + "Completed text 110819\n", + "Completed text 110820\n", + "Completed text 110821\n", + "Completed text 110822\n", + "Completed text 110823\n", + "Completed text 110824\n", + "Completed text 110825\n", + "Completed text 110826\n", + "Completed text 110827\n", + "Completed text 110828\n", + "Completed text 110829\n", + "Completed text 110830\n", + "Completed text 110831\n", + "Completed text 110832\n", + "Completed text 110833\n", + "Completed text 110834\n", + "Completed text 110835\n", + "Completed text 110836\n", + "Completed text 110837\n", + "Completed text 110838\n", + "Completed text 110839\n", + "Completed text 110840\n", + "Completed text 110841\n", + "Completed text 110842\n", + "Completed text 110843\n", + "Completed text 110844\n", + "Completed text 110845\n", + "Completed text 110846\n", + "Completed text 110847\n", + "Completed text 110848\n", + "Completed text 110849\n", + "Completed text 110850\n", + "Completed text 110851\n", + "Completed text 110852\n", + "Completed text 110853\n", + "Completed text 110854\n", + "Completed text 110855\n", + "Completed text 110856\n", + "Completed text 110857\n", + "Completed text 110858\n", + "Completed text 110859\n", + "Completed text 110860\n", + "Completed text 110861\n", + "Completed text 110862\n", + "Completed text 110863\n", + "Completed text 110864\n", + "Completed text 110865\n", + "Completed text 110866\n", + "Completed text 110867\n", + "Completed text 110868\n", + "Completed text 110869\n", + "Completed text 110870\n", + "Completed text 110871\n", + "Completed text 110872\n", + "Completed text 110873\n", + "Completed text 110874\n", + "Completed text 110875\n", + "Completed text 110876\n", + "Completed text 110877\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 110878\n", + "Completed text 110879\n", + "Completed text 110880\n", + "Completed text 110881\n", + "Completed text 110882\n", + "Completed text 110883\n", + "Completed text 110884\n", + "Completed text 110885\n", + "Completed text 110886\n", + "Completed text 110887\n", + "Completed text 110888\n", + "Completed text 110889\n", + "Completed text 110890\n", + "Completed text 110891\n", + "Completed text 110892\n", + "Completed text 110893\n", + "Completed text 110894\n", + "Completed text 110895\n", + "Completed text 110896\n", + "Completed text 110897\n", + "Completed text 110898\n", + "Completed text 110899\n", + "Completed text 110900\n", + "Completed text 110901\n", + "Completed text 110902\n", + "Completed text 110903\n", + "Completed text 110904\n", + "Completed text 110905\n", + "Completed text 110906\n", + "Completed text 110907\n", + "Completed text 110908\n", + "Completed text 110909\n", + "Completed text 110910\n", + "Completed text 110911\n", + "Completed text 110912\n", + "Completed text 110913\n", + "Completed text 110914\n", + "Completed text 110915\n", + "Completed text 110916\n", + "Completed text 110917\n", + "Completed text 110918\n", + "Completed text 110919\n", + "Completed text 110920\n", + "Completed text 110921\n", + "Completed text 110922\n", + "Completed text 110923\n", + "Completed text 110924\n", + "Completed text 110925\n", + "Completed text 110926\n", + "Completed text 110927\n", + "Completed text 110928\n", + "Completed text 110929\n", + "Completed text 110930\n", + "Completed text 110931\n", + "Completed text 110932\n", + "Completed text 110933\n", + "Completed text 110934\n", + "Completed text 110935\n", + "Completed text 110936\n", + "Completed text 110937\n", + "Completed text 110938\n", + "Completed text 110939\n", + "Completed text 110940\n", + "Completed text 110941\n", + "Completed text 110942\n", + "Completed text 110943\n", + "Completed text 110944\n", + "Completed text 110945\n", + "Completed text 110946\n", + "Completed text 110947\n", + "Completed text 110948\n", + "Completed text 110949\n", + "Completed text 110950\n", + "Completed text 110951\n", + "Completed text 110952\n", + "Completed text 110953\n", + "Completed text 110954\n", + "Completed text 110955\n", + "Completed text 110956\n", + "Completed text 110957\n", + "Completed text 110958\n", + "Completed text 110959\n", + "Completed text 110960\n", + "Completed text 110961\n", + "Completed text 110962\n", + "Completed text 110963\n", + "Completed text 110964\n", + "Completed text 110965\n", + "Completed text 110966\n", + "Completed text 110967\n", + "Completed text 110968\n", + "Completed text 110969\n", + "Completed text 110970\n", + "Completed text 110971\n", + "Completed text 110972\n", + "Completed text 110973\n", + "Completed text 110974\n", + "Completed text 110975\n", + "Completed text 110976\n", + "Completed text 110977\n", + "Completed text 110978\n", + "Completed text 110979\n", + "Completed text 110980\n", + "Completed text 110981\n", + "Completed text 110982\n", + "Completed text 110983\n", + "Completed text 110984\n", + "Completed text 110985\n", + "Completed text 110986\n", + "Completed text 110987\n", + "Completed text 110988\n", + "Completed text 110989\n", + "Completed text 110990\n", + "Completed text 110991\n", + "Completed text 110992\n", + "Completed text 110993\n", + "Completed text 110994\n", + "Completed text 110995\n", + "Completed text 110996\n", + "Completed text 110997\n", + "Completed text 110998\n", + "Completed text 110999\n", + "Completed text 111000\n", + "Completed text 111001\n", + "Completed text 111002\n", + "Completed text 111003\n", + "Completed text 111004\n", + "Completed text 111005\n", + "Completed text 111006\n", + "Completed text 111007\n", + "Completed text 111008\n", + "Completed text 111009\n", + "Completed text 111010\n", + "Completed text 111011\n", + "Completed text 111012\n", + "Completed text 111013\n", + "Completed text 111014\n", + "Completed text 111015\n", + "Completed text 111016\n", + "Completed text 111017\n", + "Completed text 111018\n", + "Completed text 111019\n", + "Completed text 111020\n", + "Completed text 111021\n", + "Completed text 111022\n", + "Completed text 111023\n", + "Completed text 111024\n", + "Completed text 111025\n", + "Completed text 111026\n", + "Completed text 111027\n", + "Completed text 111028\n", + "Completed text 111029\n", + "Completed text 111030\n", + "Completed text 111031\n", + "Completed text 111032\n", + "Completed text 111033\n", + "Completed text 111034\n", + "Completed text 111035\n", + "Completed text 111036\n", + "Completed text 111037\n", + "Completed text 111038\n", + "Completed text 111039\n", + "Completed text 111040\n", + "Completed text 111041\n", + "Completed text 111042\n", + "Completed text 111043\n", + "Completed text 111044\n", + "Completed text 111045\n", + "Completed text 111046\n", + "Completed text 111047\n", + "Completed text 111048\n", + "Completed text 111049\n", + "Completed text 111050\n", + "Completed text 111051\n", + "Completed text 111052\n", + "Completed text 111053\n", + "Completed text 111054\n", + "Completed text 111055\n", + "Completed text 111056\n", + "Completed text 111057\n", + "Completed text 111058\n", + "Completed text 111059\n", + "Completed text 111060\n", + "Completed text 111061\n", + "Completed text 111062\n", + "Completed text 111063\n", + "Completed text 111064\n", + "Completed text 111065\n", + "Completed text 111066\n", + "Completed text 111067\n", + "Completed text 111068\n", + "Completed text 111069\n", + "Completed text 111070\n", + "Completed text 111071\n", + "Completed text 111072\n", + "Completed text 111073\n", + "Completed text 111074\n", + "Completed text 111075\n", + "Completed text 111076\n", + "Completed text 111077\n", + "Completed text 111078\n", + "Completed text 111079\n", + "Completed text 111080\n", + "Completed text 111081\n", + "Completed text 111082\n", + "Completed text 111083\n", + "Completed text 111084\n", + "Completed text 111085\n", + "Completed text 111086\n", + "Completed text 111087\n", + "Completed text 111088\n", + "Completed text 111089\n", + "Completed text 111090\n", + "Completed text 111091\n", + "Completed text 111092\n", + "Completed text 111093\n", + "Completed text 111094\n", + "Completed text 111095\n", + "Completed text 111096\n", + "Completed text 111097\n", + "Completed text 111098\n", + "Completed text 111099\n", + "Completed text 111100\n", + "Completed text 111101\n", + "Completed text 111102\n", + "Completed text 111103\n", + "Completed text 111104\n", + "Completed text 111105\n", + "Completed text 111106\n", + "Completed text 111107\n", + "Completed text 111108\n", + "Completed text 111109\n", + "Completed text 111110\n", + "Completed text 111111\n", + "Completed text 111112\n", + "Completed text 111113\n", + "Completed text 111114\n", + "Completed text 111115\n", + "Completed text 111116\n", + "Completed text 111117\n", + "Completed text 111118\n", + "Completed text 111119\n", + "Completed text 111120\n", + "Completed text 111121\n", + "Completed text 111122\n", + "Completed text 111123\n", + "Completed text 111124\n", + "Completed text 111125\n", + "Completed text 111126\n", + "Completed text 111127\n", + "Completed text 111128\n", + "Completed text 111129\n", + "Completed text 111130\n", + "Completed text 111131\n", + "Completed text 111132\n", + "Completed text 111133\n", + "Completed text 111134\n", + "Completed text 111135\n", + "Completed text 111136\n", + "Completed text 111137\n", + "Completed text 111138\n", + "Completed text 111139\n", + "Completed text 111140\n", + "Completed text 111141\n", + "Completed text 111142\n", + "Completed text 111143\n", + "Completed text 111144\n", + "Completed text 111145\n", + "Completed text 111146\n", + "Completed text 111147\n", + "Completed text 111148\n", + "Completed text 111149\n", + "Completed text 111150\n", + "Completed text 111151\n", + "Completed text 111152\n", + "Completed text 111153\n", + "Completed text 111154\n", + "Completed text 111155\n", + "Completed text 111156\n", + "Completed text 111157\n", + "Completed text 111158\n", + "Completed text 111159\n", + "Completed text 111160\n", + "Completed text 111161\n", + "Completed text 111162\n", + "Completed text 111163\n", + "Completed text 111164\n", + "Completed text 111165\n", + "Completed text 111166\n", + "Completed text 111167\n", + "Completed text 111168\n", + "Completed text 111169\n", + "Completed text 111170\n", + "Completed text 111171\n", + "Completed text 111172\n", + "Completed text 111173\n", + "Completed text 111174\n", + "Completed text 111175\n", + "Completed text 111176\n", + "Completed text 111177\n", + "Completed text 111178\n", + "Completed text 111179\n", + "Completed text 111180\n", + "Completed text 111181\n", + "Completed text 111182\n", + "Completed text 111183\n", + "Completed text 111184\n", + "Completed text 111185\n", + "Completed text 111186\n", + "Completed text 111187\n", + "Completed text 111188\n", + "Completed text 111189\n", + "Completed text 111190\n", + "Completed text 111191\n", + "Completed text 111192\n", + "Completed text 111193\n", + "Completed text 111194\n", + "Completed text 111195\n", + "Completed text 111196\n", + "Completed text 111197\n", + "Completed text 111198\n", + "Completed text 111199\n", + "Completed text 111200\n", + "Completed text 111201\n", + "Completed text 111202\n", + "Completed text 111203\n", + "Completed text 111204\n", + "Completed text 111205\n", + "Completed text 111206\n", + "Completed text 111207\n", + "Completed text 111208\n", + "Completed text 111209\n", + "Completed text 111210\n", + "Completed text 111211\n", + "Completed text 111212\n", + "Completed text 111213\n", + "Completed text 111214\n", + "Completed text 111215\n", + "Completed text 111216\n", + "Completed text 111217\n", + "Completed text 111218\n", + "Completed text 111219\n", + "Completed text 111220\n", + "Completed text 111221\n", + "Completed text 111222\n", + "Completed text 111223\n", + "Completed text 111224\n", + "Completed text 111225\n", + "Completed text 111226\n", + "Completed text 111227\n", + "Completed text 111228\n", + "Completed text 111229\n", + "Completed text 111230\n", + "Completed text 111231\n", + "Completed text 111232\n", + "Completed text 111233\n", + "Completed text 111234\n", + "Completed text 111235\n", + "Completed text 111236\n", + "Completed text 111237\n", + "Completed text 111238\n", + "Completed text 111239\n", + "Completed text 111240\n", + "Completed text 111241\n", + "Completed text 111242\n", + "Completed text 111243\n", + "Completed text 111244\n", + "Completed text 111245\n", + "Completed text 111246\n", + "Completed text 111247\n", + "Completed text 111248\n", + "Completed text 111249\n", + "Completed text 111250\n", + "Completed text 111251\n", + "Completed text 111252\n", + "Completed text 111253\n", + "Completed text 111254\n", + "Completed text 111255\n", + "Completed text 111256\n", + "Completed text 111257\n", + "Completed text 111258\n", + "Completed text 111259\n", + "Completed text 111260\n", + "Completed text 111261\n", + "Completed text 111262\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 111263\n", + "Completed text 111264\n", + "Completed text 111265\n", + "Completed text 111266\n", + "Completed text 111267\n", + "Completed text 111268\n", + "Completed text 111269\n", + "Completed text 111270\n", + "Completed text 111271\n", + "Completed text 111272\n", + "Completed text 111273\n", + "Completed text 111274\n", + "Completed text 111275\n", + "Completed text 111276\n", + "Completed text 111277\n", + "Completed text 111278\n", + "Completed text 111279\n", + "Completed text 111280\n", + "Completed text 111281\n", + "Completed text 111282\n", + "Completed text 111283\n", + "Completed text 111284\n", + "Completed text 111285\n", + "Completed text 111286\n", + "Completed text 111287\n", + "Completed text 111288\n", + "Completed text 111289\n", + "Completed text 111290\n", + "Completed text 111291\n", + "Completed text 111292\n", + "Completed text 111293\n", + "Completed text 111294\n", + "Completed text 111295\n", + "Completed text 111296\n", + "Completed text 111297\n", + "Completed text 111298\n", + "Completed text 111299\n", + "Completed text 111300\n", + "Completed text 111301\n", + "Completed text 111302\n", + "Completed text 111303\n", + "Completed text 111304\n", + "Completed text 111305\n", + "Completed text 111306\n", + "Completed text 111307\n", + "Completed text 111308\n", + "Completed text 111309\n", + "Completed text 111310\n", + "Completed text 111311\n", + "Completed text 111312\n", + "Completed text 111313\n", + "Completed text 111314\n", + "Completed text 111315\n", + "Completed text 111316\n", + "Completed text 111317\n", + "Completed text 111318\n", + "Completed text 111319\n", + "Completed text 111320\n", + "Completed text 111321\n", + "Completed text 111322\n", + "Completed text 111323\n", + "Completed text 111324\n", + "Completed text 111325\n", + "Completed text 111326\n", + "Completed text 111327\n", + "Completed text 111328\n", + "Completed text 111329\n", + "Completed text 111330\n", + "Completed text 111331\n", + "Completed text 111332\n", + "Completed text 111333\n", + "Completed text 111334\n", + "Completed text 111335\n", + "Completed text 111336\n", + "Completed text 111337\n", + "Completed text 111338\n", + "Completed text 111339\n", + "Completed text 111340\n", + "Completed text 111341\n", + "Completed text 111342\n", + "Completed text 111343\n", + "Completed text 111344\n", + "Completed text 111345\n", + "Completed text 111346\n", + "Completed text 111347\n", + "Completed text 111348\n", + "Completed text 111349\n", + "Completed text 111350\n", + "Completed text 111351\n", + "Completed text 111352\n", + "Completed text 111353\n", + "Completed text 111354\n", + "Completed text 111355\n", + "Completed text 111356\n", + "Completed text 111357\n", + "Completed text 111358\n", + "Completed text 111359\n", + "Completed text 111360\n", + "Completed text 111361\n", + "Completed text 111362\n", + "Completed text 111363\n", + "Completed text 111364\n", + "Completed text 111365\n", + "Completed text 111366\n", + "Completed text 111367\n", + "Completed text 111368\n", + "Completed text 111369\n", + "Completed text 111370\n", + "Completed text 111371\n", + "Completed text 111372\n", + "Completed text 111373\n", + "Completed text 111374\n", + "Completed text 111375\n", + "Completed text 111376\n", + "Completed text 111377\n", + "Completed text 111378\n", + "Completed text 111379\n", + "Completed text 111380\n", + "Completed text 111381\n", + "Completed text 111382\n", + "Completed text 111383\n", + "Completed text 111384\n", + "Completed text 111385\n", + "Completed text 111386\n", + "Completed text 111387\n", + "Completed text 111388\n", + "Completed text 111389\n", + "Completed text 111390\n", + "Completed text 111391\n", + "Completed text 111392\n", + "Completed text 111393\n", + "Completed text 111394\n", + "Completed text 111395\n", + "Completed text 111396\n", + "Completed text 111397\n", + "Completed text 111398\n", + "Completed text 111399\n", + "Completed text 111400\n", + "Completed text 111401\n", + "Completed text 111402\n", + "Completed text 111403\n", + "Completed text 111404\n", + "Completed text 111405\n", + "Completed text 111406\n", + "Completed text 111407\n", + "Completed text 111408\n", + "Completed text 111409\n", + "Completed text 111410\n", + "Completed text 111411\n", + "Completed text 111412\n", + "Completed text 111413\n", + "Completed text 111414\n", + "Completed text 111415\n", + "Completed text 111416\n", + "Completed text 111417\n", + "Completed text 111418\n", + "Completed text 111419\n", + "Completed text 111420\n", + "Completed text 111421\n", + "Completed text 111422\n", + "Completed text 111423\n", + "Completed text 111424\n", + "Completed text 111425\n", + "Completed text 111426\n", + "Completed text 111427\n", + "Completed text 111428\n", + "Completed text 111429\n", + "Completed text 111430\n", + "Completed text 111431\n", + "Completed text 111432\n", + "Completed text 111433\n", + "Completed text 111434\n", + "Completed text 111435\n", + "Completed text 111436\n", + "Completed text 111437\n", + "Completed text 111438\n", + "Completed text 111439\n", + "Completed text 111440\n", + "Completed text 111441\n", + "Completed text 111442\n", + "Completed text 111443\n", + "Completed text 111444\n", + "Completed text 111445\n", + "Completed text 111446\n", + "Completed text 111447\n", + "Completed text 111448\n", + "Completed text 111449\n", + "Completed text 111450\n", + "Completed text 111451\n", + "Completed text 111452\n", + "Completed text 111453\n", + "Completed text 111454\n", + "Completed text 111455\n", + "Completed text 111456\n", + "Completed text 111457\n", + "Completed text 111458\n", + "Completed text 111459\n", + "Completed text 111460\n", + "Completed text 111461\n", + "Completed text 111462\n", + "Completed text 111463\n", + "Completed text 111464\n", + "Completed text 111465\n", + "Completed text 111466\n", + "Completed text 111467\n", + "Completed text 111468\n", + "Completed text 111469\n", + "Completed text 111470\n", + "Completed text 111471\n", + "Completed text 111472\n", + "Completed text 111473\n", + "Completed text 111474\n", + "Completed text 111475\n", + "Completed text 111476\n", + "Completed text 111477\n", + "Completed text 111478\n", + "Completed text 111479\n", + "Completed text 111480\n", + "Completed text 111481\n", + "Completed text 111482\n", + "Completed text 111483\n", + "Completed text 111484\n", + "Completed text 111485\n", + "Completed text 111486\n", + "Completed text 111487\n", + "Completed text 111488\n", + "Completed text 111489\n", + "Completed text 111490\n", + "Completed text 111491\n", + "Completed text 111492\n", + "Completed text 111493\n", + "Completed text 111494\n", + "Completed text 111495\n", + "Completed text 111496\n", + "Completed text 111497\n", + "Completed text 111498\n", + "Completed text 111499\n", + "Completed text 111500\n", + "Completed text 111501\n", + "Completed text 111502\n", + "Completed text 111503\n", + "Completed text 111504\n", + "Completed text 111505\n", + "Completed text 111506\n", + "Completed text 111507\n", + "Completed text 111508\n", + "Completed text 111509\n", + "Completed text 111510\n", + "Completed text 111511\n", + "Completed text 111512\n", + "Completed text 111513\n", + "Completed text 111514\n", + "Completed text 111515\n", + "Completed text 111516\n", + "Completed text 111517\n", + "Completed text 111518\n", + "Completed text 111519\n", + "Completed text 111520\n", + "Completed text 111521\n", + "Completed text 111522\n", + "Completed text 111523\n", + "Completed text 111524\n", + "Completed text 111525\n", + "Completed text 111526\n", + "Completed text 111527\n", + "Completed text 111528\n", + "Completed text 111529\n", + "Completed text 111530\n", + "Completed text 111531\n", + "Completed text 111532\n", + "Completed text 111533\n", + "Completed text 111534\n", + "Completed text 111535\n", + "Completed text 111536\n", + "Completed text 111537\n", + "Completed text 111538\n", + "Completed text 111539\n", + "Completed text 111540\n", + "Completed text 111541\n", + "Completed text 111542\n", + "Completed text 111543\n", + "Completed text 111544\n", + "Completed text 111545\n", + "Completed text 111546\n", + "Completed text 111547\n", + "Completed text 111548\n", + "Completed text 111549\n", + "Completed text 111550\n", + "Completed text 111551\n", + "Completed text 111552\n", + "Completed text 111553\n", + "Completed text 111554\n", + "Completed text 111555\n", + "Completed text 111556\n", + "Completed text 111557\n", + "Completed text 111558\n", + "Completed text 111559\n", + "Completed text 111560\n", + "Completed text 111561\n", + "Completed text 111562\n", + "Completed text 111563\n", + "Completed text 111564\n", + "Completed text 111565\n", + "Completed text 111566\n", + "Completed text 111567\n", + "Completed text 111568\n", + "Completed text 111569\n", + "Completed text 111570\n", + "Completed text 111571\n", + "Completed text 111572\n", + "Completed text 111573\n", + "Completed text 111574\n", + "Completed text 111575\n", + "Completed text 111576\n", + "Completed text 111577\n", + "Completed text 111578\n", + "Completed text 111579\n", + "Completed text 111580\n", + "Completed text 111581\n", + "Completed text 111582\n", + "Completed text 111583\n", + "Completed text 111584\n", + "Completed text 111585\n", + "Completed text 111586\n", + "Completed text 111587\n", + "Completed text 111588\n", + "Completed text 111589\n", + "Completed text 111590\n", + "Completed text 111591\n", + "Completed text 111592\n", + "Completed text 111593\n", + "Completed text 111594\n", + "Completed text 111595\n", + "Completed text 111596\n", + "Completed text 111597\n", + "Completed text 111598\n", + "Completed text 111599\n", + "Completed text 111600\n", + "Completed text 111601\n", + "Completed text 111602\n", + "Completed text 111603\n", + "Completed text 111604\n", + "Completed text 111605\n", + "Completed text 111606\n", + "Completed text 111607\n", + "Completed text 111608\n", + "Completed text 111609\n", + "Completed text 111610\n", + "Completed text 111611\n", + "Completed text 111612\n", + "Completed text 111613\n", + "Completed text 111614\n", + "Completed text 111615\n", + "Completed text 111616\n", + "Completed text 111617\n", + "Completed text 111618\n", + "Completed text 111619\n", + "Completed text 111620\n", + "Completed text 111621\n", + "Completed text 111622\n", + "Completed text 111623\n", + "Completed text 111624\n", + "Completed text 111625\n", + "Completed text 111626\n", + "Completed text 111627\n", + "Completed text 111628\n", + "Completed text 111629\n", + "Completed text 111630\n", + "Completed text 111631\n", + "Completed text 111632\n", + "Completed text 111633\n", + "Completed text 111634\n", + "Completed text 111635\n", + "Completed text 111636\n", + "Completed text 111637\n", + "Completed text 111638\n", + "Completed text 111639\n", + "Completed text 111640\n", + "Completed text 111641\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 111642\n", + "Completed text 111643\n", + "Completed text 111644\n", + "Completed text 111645\n", + "Completed text 111646\n", + "Completed text 111647\n", + "Completed text 111648\n", + "Completed text 111649\n", + "Completed text 111650\n", + "Completed text 111651\n", + "Completed text 111652\n", + "Completed text 111653\n", + "Completed text 111654\n", + "Completed text 111655\n", + "Completed text 111656\n", + "Completed text 111657\n", + "Completed text 111658\n", + "Completed text 111659\n", + "Completed text 111660\n", + "Completed text 111661\n", + "Completed text 111662\n", + "Completed text 111663\n", + "Completed text 111664\n", + "Completed text 111665\n", + "Completed text 111666\n", + "Completed text 111667\n", + "Completed text 111668\n", + "Completed text 111669\n", + "Completed text 111670\n", + "Completed text 111671\n", + "Completed text 111672\n", + "Completed text 111673\n", + "Completed text 111674\n", + "Completed text 111675\n", + "Completed text 111676\n", + "Completed text 111677\n", + "Completed text 111678\n", + "Completed text 111679\n", + "Completed text 111680\n", + "Completed text 111681\n", + "Completed text 111682\n", + "Completed text 111683\n", + "Completed text 111684\n", + "Completed text 111685\n", + "Completed text 111686\n", + "Completed text 111687\n", + "Completed text 111688\n", + "Completed text 111689\n", + "Completed text 111690\n", + "Completed text 111691\n", + "Completed text 111692\n", + "Completed text 111693\n", + "Completed text 111694\n", + "Completed text 111695\n", + "Completed text 111696\n", + "Completed text 111697\n", + "Completed text 111698\n", + "Completed text 111699\n", + "Completed text 111700\n", + "Completed text 111701\n", + "Completed text 111702\n", + "Completed text 111703\n", + "Completed text 111704\n", + "Completed text 111705\n", + "Completed text 111706\n", + "Completed text 111707\n", + "Completed text 111708\n", + "Completed text 111709\n", + "Completed text 111710\n", + "Completed text 111711\n", + "Completed text 111712\n", + "Completed text 111713\n", + "Completed text 111714\n", + "Completed text 111715\n", + "Completed text 111716\n", + "Completed text 111717\n", + "Completed text 111718\n", + "Completed text 111719\n", + "Completed text 111720\n", + "Completed text 111721\n", + "Completed text 111722\n", + "Completed text 111723\n", + "Completed text 111724\n", + "Completed text 111725\n", + "Completed text 111726\n", + "Completed text 111727\n", + "Completed text 111728\n", + "Completed text 111729\n", + "Completed text 111730\n", + "Completed text 111731\n", + "Completed text 111732\n", + "Completed text 111733\n", + "Completed text 111734\n", + "Completed text 111735\n", + "Completed text 111736\n", + "Completed text 111737\n", + "Completed text 111738\n", + "Completed text 111739\n", + "Completed text 111740\n", + "Completed text 111741\n", + "Completed text 111742\n", + "Completed text 111743\n", + "Completed text 111744\n", + "Completed text 111745\n", + "Completed text 111746\n", + "Completed text 111747\n", + "Completed text 111748\n", + "Completed text 111749\n", + "Completed text 111750\n", + "Completed text 111751\n", + "Completed text 111752\n", + "Completed text 111753\n", + "Completed text 111754\n", + "Completed text 111755\n", + "Completed text 111756\n", + "Completed text 111757\n", + "Completed text 111758\n", + "Completed text 111759\n", + "Completed text 111760\n", + "Completed text 111761\n", + "Completed text 111762\n", + "Completed text 111763\n", + "Completed text 111764\n", + "Completed text 111765\n", + "Completed text 111766\n", + "Completed text 111767\n", + "Completed text 111768\n", + "Completed text 111769\n", + "Completed text 111770\n", + "Completed text 111771\n", + "Completed text 111772\n", + "Completed text 111773\n", + "Completed text 111774\n", + "Completed text 111775\n", + "Completed text 111776\n", + "Completed text 111777\n", + "Completed text 111778\n", + "Completed text 111779\n", + "Completed text 111780\n", + "Completed text 111781\n", + "Completed text 111782\n", + "Completed text 111783\n", + "Completed text 111784\n", + "Completed text 111785\n", + "Completed text 111786\n", + "Completed text 111787\n", + "Completed text 111788\n", + "Completed text 111789\n", + "Completed text 111790\n", + "Completed text 111791\n", + "Completed text 111792\n", + "Completed text 111793\n", + "Completed text 111794\n", + "Completed text 111795\n", + "Completed text 111796\n", + "Completed text 111797\n", + "Completed text 111798\n", + "Completed text 111799\n", + "Completed text 111800\n", + "Completed text 111801\n", + "Completed text 111802\n", + "Completed text 111803\n", + "Completed text 111804\n", + "Completed text 111805\n", + "Completed text 111806\n", + "Completed text 111807\n", + "Completed text 111808\n", + "Completed text 111809\n", + "Completed text 111810\n", + "Completed text 111811\n", + "Completed text 111812\n", + "Completed text 111813\n", + "Completed text 111814\n", + "Completed text 111815\n", + "Completed text 111816\n", + "Completed text 111817\n", + "Completed text 111818\n", + "Completed text 111819\n", + "Completed text 111820\n", + "Completed text 111821\n", + "Completed text 111822\n", + "Completed text 111823\n", + "Completed text 111824\n", + "Completed text 111825\n", + "Completed text 111826\n", + "Completed text 111827\n", + "Completed text 111828\n", + "Completed text 111829\n", + "Completed text 111830\n", + "Completed text 111831\n", + "Completed text 111832\n", + "Completed text 111833\n", + "Completed text 111834\n", + "Completed text 111835\n", + "Completed text 111836\n", + "Completed text 111837\n", + "Completed text 111838\n", + "Completed text 111839\n", + "Completed text 111840\n", + "Completed text 111841\n", + "Completed text 111842\n", + "Completed text 111843\n", + "Completed text 111844\n", + "Completed text 111845\n", + "Completed text 111846\n", + "Completed text 111847\n", + "Completed text 111848\n", + "Completed text 111849\n", + "Completed text 111850\n", + "Completed text 111851\n", + "Completed text 111852\n", + "Completed text 111853\n", + "Completed text 111854\n", + "Completed text 111855\n", + "Completed text 111856\n", + "Completed text 111857\n", + "Completed text 111858\n", + "Completed text 111859\n", + "Completed text 111860\n", + "Completed text 111861\n", + "Completed text 111862\n", + "Completed text 111863\n", + "Completed text 111864\n", + "Completed text 111865\n", + "Completed text 111866\n", + "Completed text 111867\n", + "Completed text 111868\n", + "Completed text 111869\n", + "Completed text 111870\n", + "Completed text 111871\n", + "Completed text 111872\n", + "Completed text 111873\n", + "Completed text 111874\n", + "Completed text 111875\n", + "Completed text 111876\n", + "Completed text 111877\n", + "Completed text 111878\n", + "Completed text 111879\n", + "Completed text 111880\n", + "Completed text 111881\n", + "Completed text 111882\n", + "Completed text 111883\n", + "Completed text 111884\n", + "Completed text 111885\n", + "Completed text 111886\n", + "Completed text 111887\n", + "Completed text 111888\n", + "Completed text 111889\n", + "Completed text 111890\n", + "Completed text 111891\n", + "Completed text 111892\n", + "Completed text 111893\n", + "Completed text 111894\n", + "Completed text 111895\n", + "Completed text 111896\n", + "Completed text 111897\n", + "Completed text 111898\n", + "Completed text 111899\n", + "Completed text 111900\n", + "Completed text 111901\n", + "Completed text 111902\n", + "Completed text 111903\n", + "Completed text 111904\n", + "Completed text 111905\n", + "Completed text 111906\n", + "Completed text 111907\n", + "Completed text 111908\n", + "Completed text 111909\n", + "Completed text 111910\n", + "Completed text 111911\n", + "Completed text 111912\n", + "Completed text 111913\n", + "Completed text 111914\n", + "Completed text 111915\n", + "Completed text 111916\n", + "Completed text 111917\n", + "Completed text 111918\n", + "Completed text 111919\n", + "Completed text 111920\n", + "Completed text 111921\n", + "Completed text 111922\n", + "Completed text 111923\n", + "Completed text 111924\n", + "Completed text 111925\n", + "Completed text 111926\n", + "Completed text 111927\n", + "Completed text 111928\n", + "Completed text 111929\n", + "Completed text 111930\n", + "Completed text 111931\n", + "Completed text 111932\n", + "Completed text 111933\n", + "Completed text 111934\n", + "Completed text 111935\n", + "Completed text 111936\n", + "Completed text 111937\n", + "Completed text 111938\n", + "Completed text 111939\n", + "Completed text 111940\n", + "Completed text 111941\n", + "Completed text 111942\n", + "Completed text 111943\n", + "Completed text 111944\n", + "Completed text 111945\n", + "Completed text 111946\n", + "Completed text 111947\n", + "Completed text 111948\n", + "Completed text 111949\n", + "Completed text 111950\n", + "Completed text 111951\n", + "Completed text 111952\n", + "Completed text 111953\n", + "Completed text 111954\n", + "Completed text 111955\n", + "Completed text 111956\n", + "Completed text 111957\n", + "Completed text 111958\n", + "Completed text 111959\n", + "Completed text 111960\n", + "Completed text 111961\n", + "Completed text 111962\n", + "Completed text 111963\n", + "Completed text 111964\n", + "Completed text 111965\n", + "Completed text 111966\n", + "Completed text 111967\n", + "Completed text 111968\n", + "Completed text 111969\n", + "Completed text 111970\n", + "Completed text 111971\n", + "Completed text 111972\n", + "Completed text 111973\n", + "Completed text 111974\n", + "Completed text 111975\n", + "Completed text 111976\n", + "Completed text 111977\n", + "Completed text 111978\n", + "Completed text 111979\n", + "Completed text 111980\n", + "Completed text 111981\n", + "Completed text 111982\n", + "Completed text 111983\n", + "Completed text 111984\n", + "Completed text 111985\n", + "Completed text 111986\n", + "Completed text 111987\n", + "Completed text 111988\n", + "Completed text 111989\n", + "Completed text 111990\n", + "Completed text 111991\n", + "Completed text 111992\n", + "Completed text 111993\n", + "Completed text 111994\n", + "Completed text 111995\n", + "Completed text 111996\n", + "Completed text 111997\n", + "Completed text 111998\n", + "Completed text 111999\n", + "Completed text 112000\n", + "Completed text 112001\n", + "Completed text 112002\n", + "Completed text 112003\n", + "Completed text 112004\n", + "Completed text 112005\n", + "Completed text 112006\n", + "Completed text 112007\n", + "Completed text 112008\n", + "Completed text 112009\n", + "Completed text 112010\n", + "Completed text 112011\n", + "Completed text 112012\n", + "Completed text 112013\n", + "Completed text 112014\n", + "Completed text 112015\n", + "Completed text 112016\n", + "Completed text 112017\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 112018\n", + "Completed text 112019\n", + "Completed text 112020\n", + "Completed text 112021\n", + "Completed text 112022\n", + "Completed text 112023\n", + "Completed text 112024\n", + "Completed text 112025\n", + "Completed text 112026\n", + "Completed text 112027\n", + "Completed text 112028\n", + "Completed text 112029\n", + "Completed text 112030\n", + "Completed text 112031\n", + "Completed text 112032\n", + "Completed text 112033\n", + "Completed text 112034\n", + "Completed text 112035\n", + "Completed text 112036\n", + "Completed text 112037\n", + "Completed text 112038\n", + "Completed text 112039\n", + "Completed text 112040\n", + "Completed text 112041\n", + "Completed text 112042\n", + "Completed text 112043\n", + "Completed text 112044\n", + "Completed text 112045\n", + "Completed text 112046\n", + "Completed text 112047\n", + "Completed text 112048\n", + "Completed text 112049\n", + "Completed text 112050\n", + "Completed text 112051\n", + "Completed text 112052\n", + "Completed text 112053\n", + "Completed text 112054\n", + "Completed text 112055\n", + "Completed text 112056\n", + "Completed text 112057\n", + "Completed text 112058\n", + "Completed text 112059\n", + "Completed text 112060\n", + "Completed text 112061\n", + "Completed text 112062\n", + "Completed text 112063\n", + "Completed text 112064\n", + "Completed text 112065\n", + "Completed text 112066\n", + "Completed text 112067\n", + "Completed text 112068\n", + "Completed text 112069\n", + "Completed text 112070\n", + "Completed text 112071\n", + "Completed text 112072\n", + "Completed text 112073\n", + "Completed text 112074\n", + "Completed text 112075\n", + "Completed text 112076\n", + "Completed text 112077\n", + "Completed text 112078\n", + "Completed text 112079\n", + "Completed text 112080\n", + "Completed text 112081\n", + "Completed text 112082\n", + "Completed text 112083\n", + "Completed text 112084\n", + "Completed text 112085\n", + "Completed text 112086\n", + "Completed text 112087\n", + "Completed text 112088\n", + "Completed text 112089\n", + "Completed text 112090\n", + "Completed text 112091\n", + "Completed text 112092\n", + "Completed text 112093\n", + "Completed text 112094\n", + "Completed text 112095\n", + "Completed text 112096\n", + "Completed text 112097\n", + "Completed text 112098\n", + "Completed text 112099\n", + "Completed text 112100\n", + "Completed text 112101\n", + "Completed text 112102\n", + "Completed text 112103\n", + "Completed text 112104\n", + "Completed text 112105\n", + "Completed text 112106\n", + "Completed text 112107\n", + "Completed text 112108\n", + "Completed text 112109\n", + "Completed text 112110\n", + "Completed text 112111\n", + "Completed text 112112\n", + "Completed text 112113\n", + "Completed text 112114\n", + "Completed text 112115\n", + "Completed text 112116\n", + "Completed text 112117\n", + "Completed text 112118\n", + "Completed text 112119\n", + "Completed text 112120\n", + "Completed text 112121\n", + "Completed text 112122\n", + "Completed text 112123\n", + "Completed text 112124\n", + "Completed text 112125\n", + "Completed text 112126\n", + "Completed text 112127\n", + "Completed text 112128\n", + "Completed text 112129\n", + "Completed text 112130\n", + "Completed text 112131\n", + "Completed text 112132\n", + "Completed text 112133\n", + "Completed text 112134\n", + "Completed text 112135\n", + "Completed text 112136\n", + "Completed text 112137\n", + "Completed text 112138\n", + "Completed text 112139\n", + "Completed text 112140\n", + "Completed text 112141\n", + "Completed text 112142\n", + "Completed text 112143\n", + "Completed text 112144\n", + "Completed text 112145\n", + "Completed text 112146\n", + "Completed text 112147\n", + "Completed text 112148\n", + "Completed text 112149\n", + "Completed text 112150\n", + "Completed text 112151\n", + "Completed text 112152\n", + "Completed text 112153\n", + "Completed text 112154\n", + "Completed text 112155\n", + "Completed text 112156\n", + "Completed text 112157\n", + "Completed text 112158\n", + "Completed text 112159\n", + "Completed text 112160\n", + "Completed text 112161\n", + "Completed text 112162\n", + "Completed text 112163\n", + "Completed text 112164\n", + "Completed text 112165\n", + "Completed text 112166\n", + "Completed text 112167\n", + "Completed text 112168\n", + "Completed text 112169\n", + "Completed text 112170\n", + "Completed text 112171\n", + "Completed text 112172\n", + "Completed text 112173\n", + "Completed text 112174\n", + "Completed text 112175\n", + "Completed text 112176\n", + "Completed text 112177\n", + "Completed text 112178\n", + "Completed text 112179\n", + "Completed text 112180\n", + "Completed text 112181\n", + "Completed text 112182\n", + "Completed text 112183\n", + "Completed text 112184\n", + "Completed text 112185\n", + "Completed text 112186\n", + "Completed text 112187\n", + "Completed text 112188\n", + "Completed text 112189\n", + "Completed text 112190\n", + "Completed text 112191\n", + "Completed text 112192\n", + "Completed text 112193\n", + "Completed text 112194\n", + "Completed text 112195\n", + "Completed text 112196\n", + "Completed text 112197\n", + "Completed text 112198\n", + "Completed text 112199\n", + "Completed text 112200\n", + "Completed text 112201\n", + "Completed text 112202\n", + "Completed text 112203\n", + "Completed text 112204\n", + "Completed text 112205\n", + "Completed text 112206\n", + "Completed text 112207\n", + "Completed text 112208\n", + "Completed text 112209\n", + "Completed text 112210\n", + "Completed text 112211\n", + "Completed text 112212\n", + "Completed text 112213\n", + "Completed text 112214\n", + "Completed text 112215\n", + "Completed text 112216\n", + "Completed text 112217\n", + "Completed text 112218\n", + "Completed text 112219\n", + "Completed text 112220\n", + "Completed text 112221\n", + "Completed text 112222\n", + "Completed text 112223\n", + "Completed text 112224\n", + "Completed text 112225\n", + "Completed text 112226\n", + "Completed text 112227\n", + "Completed text 112228\n", + "Completed text 112229\n", + "Completed text 112230\n", + "Completed text 112231\n", + "Completed text 112232\n", + "Completed text 112233\n", + "Completed text 112234\n", + "Completed text 112235\n", + "Completed text 112236\n", + "Completed text 112237\n", + "Completed text 112238\n", + "Completed text 112239\n", + "Completed text 112240\n", + "Completed text 112241\n", + "Completed text 112242\n", + "Completed text 112243\n", + "Completed text 112244\n", + "Completed text 112245\n", + "Completed text 112246\n", + "Completed text 112247\n", + "Completed text 112248\n", + "Completed text 112249\n", + "Completed text 112250\n", + "Completed text 112251\n", + "Completed text 112252\n", + "Completed text 112253\n", + "Completed text 112254\n", + "Completed text 112255\n", + "Completed text 112256\n", + "Completed text 112257\n", + "Completed text 112258\n", + "Completed text 112259\n", + "Completed text 112260\n", + "Completed text 112261\n", + "Completed text 112262\n", + "Completed text 112263\n", + "Completed text 112264\n", + "Completed text 112265\n", + "Completed text 112266\n", + "Completed text 112267\n", + "Completed text 112268\n", + "Completed text 112269\n", + "Completed text 112270\n", + "Completed text 112271\n", + "Completed text 112272\n", + "Completed text 112273\n", + "Completed text 112274\n", + "Completed text 112275\n", + "Completed text 112276\n", + "Completed text 112277\n", + "Completed text 112278\n", + "Completed text 112279\n", + "Completed text 112280\n", + "Completed text 112281\n", + "Completed text 112282\n", + "Completed text 112283\n", + "Completed text 112284\n", + "Completed text 112285\n", + "Completed text 112286\n", + "Completed text 112287\n", + "Completed text 112288\n", + "Completed text 112289\n", + "Completed text 112290\n", + "Completed text 112291\n", + "Completed text 112292\n", + "Completed text 112293\n", + "Completed text 112294\n", + "Completed text 112295\n", + "Completed text 112296\n", + "Completed text 112297\n", + "Completed text 112298\n", + "Completed text 112299\n", + "Completed text 112300\n", + "Completed text 112301\n", + "Completed text 112302\n", + "Completed text 112303\n", + "Completed text 112304\n", + "Completed text 112305\n", + "Completed text 112306\n", + "Completed text 112307\n", + "Completed text 112308\n", + "Completed text 112309\n", + "Completed text 112310\n", + "Completed text 112311\n", + "Completed text 112312\n", + "Completed text 112313\n", + "Completed text 112314\n", + "Completed text 112315\n", + "Completed text 112316\n", + "Completed text 112317\n", + "Completed text 112318\n", + "Completed text 112319\n", + "Completed text 112320\n", + "Completed text 112321\n", + "Completed text 112322\n", + "Completed text 112323\n", + "Completed text 112324\n", + "Completed text 112325\n", + "Completed text 112326\n", + "Completed text 112327\n", + "Completed text 112328\n", + "Completed text 112329\n", + "Completed text 112330\n", + "Completed text 112331\n", + "Completed text 112332\n", + "Completed text 112333\n", + "Completed text 112334\n", + "Completed text 112335\n", + "Completed text 112336\n", + "Completed text 112337\n", + "Completed text 112338\n", + "Completed text 112339\n", + "Completed text 112340\n", + "Completed text 112341\n", + "Completed text 112342\n", + "Completed text 112343\n", + "Completed text 112344\n", + "Completed text 112345\n", + "Completed text 112346\n", + "Completed text 112347\n", + "Completed text 112348\n", + "Completed text 112349\n", + "Completed text 112350\n", + "Completed text 112351\n", + "Completed text 112352\n", + "Completed text 112353\n", + "Completed text 112354\n", + "Completed text 112355\n", + "Completed text 112356\n", + "Completed text 112357\n", + "Completed text 112358\n", + "Completed text 112359\n", + "Completed text 112360\n", + "Completed text 112361\n", + "Completed text 112362\n", + "Completed text 112363\n", + "Completed text 112364\n", + "Completed text 112365\n", + "Completed text 112366\n", + "Completed text 112367\n", + "Completed text 112368\n", + "Completed text 112369\n", + "Completed text 112370\n", + "Completed text 112371\n", + "Completed text 112372\n", + "Completed text 112373\n", + "Completed text 112374\n", + "Completed text 112375\n", + "Completed text 112376\n", + "Completed text 112377\n", + "Completed text 112378\n", + "Completed text 112379\n", + "Completed text 112380\n", + "Completed text 112381\n", + "Completed text 112382\n", + "Completed text 112383\n", + "Completed text 112384\n", + "Completed text 112385\n", + "Completed text 112386\n", + "Completed text 112387\n", + "Completed text 112388\n", + "Completed text 112389\n", + "Completed text 112390\n", + "Completed text 112391\n", + "Completed text 112392\n", + "Completed text 112393\n", + "Completed text 112394\n", + "Completed text 112395\n", + "Completed text 112396\n", + "Completed text 112397\n", + "Completed text 112398\n", + "Completed text 112399\n", + "Completed text 112400\n", + "Completed text 112401\n", + "Completed text 112402\n", + "Completed text 112403\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 112404\n", + "Completed text 112405\n", + "Completed text 112406\n", + "Completed text 112407\n", + "Completed text 112408\n", + "Completed text 112409\n", + "Completed text 112410\n", + "Completed text 112411\n", + "Completed text 112412\n", + "Completed text 112413\n", + "Completed text 112414\n", + "Completed text 112415\n", + "Completed text 112416\n", + "Completed text 112417\n", + "Completed text 112418\n", + "Completed text 112419\n", + "Completed text 112420\n", + "Completed text 112421\n", + "Completed text 112422\n", + "Completed text 112423\n", + "Completed text 112424\n", + "Completed text 112425\n", + "Completed text 112426\n", + "Completed text 112427\n", + "Completed text 112428\n", + "Completed text 112429\n", + "Completed text 112430\n", + "Completed text 112431\n", + "Completed text 112432\n", + "Completed text 112433\n", + "Completed text 112434\n", + "Completed text 112435\n", + "Completed text 112436\n", + "Completed text 112437\n", + "Completed text 112438\n", + "Completed text 112439\n", + "Completed text 112440\n", + "Completed text 112441\n", + "Completed text 112442\n", + "Completed text 112443\n", + "Completed text 112444\n", + "Completed text 112445\n", + "Completed text 112446\n", + "Completed text 112447\n", + "Completed text 112448\n", + "Completed text 112449\n", + "Completed text 112450\n", + "Completed text 112451\n", + "Completed text 112452\n", + "Completed text 112453\n", + "Completed text 112454\n", + "Completed text 112455\n", + "Completed text 112456\n", + "Completed text 112457\n", + "Completed text 112458\n", + "Completed text 112459\n", + "Completed text 112460\n", + "Completed text 112461\n", + "Completed text 112462\n", + "Completed text 112463\n", + "Completed text 112464\n", + "Completed text 112465\n", + "Completed text 112466\n", + "Completed text 112467\n", + "Completed text 112468\n", + "Completed text 112469\n", + "Completed text 112470\n", + "Completed text 112471\n", + "Completed text 112472\n", + "Completed text 112473\n", + "Completed text 112474\n", + "Completed text 112475\n", + "Completed text 112476\n", + "Completed text 112477\n", + "Completed text 112478\n", + "Completed text 112479\n", + "Completed text 112480\n", + "Completed text 112481\n", + "Completed text 112482\n", + "Completed text 112483\n", + "Completed text 112484\n", + "Completed text 112485\n", + "Completed text 112486\n", + "Completed text 112487\n", + "Completed text 112488\n", + "Completed text 112489\n", + "Completed text 112490\n", + "Completed text 112491\n", + "Completed text 112492\n", + "Completed text 112493\n", + "Completed text 112494\n", + "Completed text 112495\n", + "Completed text 112496\n", + "Completed text 112497\n", + "Completed text 112498\n", + "Completed text 112499\n", + "Completed text 112500\n", + "Completed text 112501\n", + "Completed text 112502\n", + "Completed text 112503\n", + "Completed text 112504\n", + "Completed text 112505\n", + "Completed text 112506\n", + "Completed text 112507\n", + "Completed text 112508\n", + "Completed text 112509\n", + "Completed text 112510\n", + "Completed text 112511\n", + "Completed text 112512\n", + "Completed text 112513\n", + "Completed text 112514\n", + "Completed text 112515\n", + "Completed text 112516\n", + "Completed text 112517\n", + "Completed text 112518\n", + "Completed text 112519\n", + "Completed text 112520\n", + "Completed text 112521\n", + "Completed text 112522\n", + "Completed text 112523\n", + "Completed text 112524\n", + "Completed text 112525\n", + "Completed text 112526\n", + "Completed text 112527\n", + "Completed text 112528\n", + "Completed text 112529\n", + "Completed text 112530\n", + "Completed text 112531\n", + "Completed text 112532\n", + "Completed text 112533\n", + "Completed text 112534\n", + "Completed text 112535\n", + "Completed text 112536\n", + "Completed text 112537\n", + "Completed text 112538\n", + "Completed text 112539\n", + "Completed text 112540\n", + "Completed text 112541\n", + "Completed text 112542\n", + "Completed text 112543\n", + "Completed text 112544\n", + "Completed text 112545\n", + "Completed text 112546\n", + "Completed text 112547\n", + "Completed text 112548\n", + "Completed text 112549\n", + "Completed text 112550\n", + "Completed text 112551\n", + "Completed text 112552\n", + "Completed text 112553\n", + "Completed text 112554\n", + "Completed text 112555\n", + "Completed text 112556\n", + "Completed text 112557\n", + "Completed text 112558\n", + "Completed text 112559\n", + "Completed text 112560\n", + "Completed text 112561\n", + "Completed text 112562\n", + "Completed text 112563\n", + "Completed text 112564\n", + "Completed text 112565\n", + "Completed text 112566\n", + "Completed text 112567\n", + "Completed text 112568\n", + "Completed text 112569\n", + "Completed text 112570\n", + "Completed text 112571\n", + "Completed text 112572\n", + "Completed text 112573\n", + "Completed text 112574\n", + "Completed text 112575\n", + "Completed text 112576\n", + "Completed text 112577\n", + "Completed text 112578\n", + "Completed text 112579\n", + "Completed text 112580\n", + "Completed text 112581\n", + "Completed text 112582\n", + "Completed text 112583\n", + "Completed text 112584\n", + "Completed text 112585\n", + "Completed text 112586\n", + "Completed text 112587\n", + "Completed text 112588\n", + "Completed text 112589\n", + "Completed text 112590\n", + "Completed text 112591\n", + "Completed text 112592\n", + "Completed text 112593\n", + "Completed text 112594\n", + "Completed text 112595\n", + "Completed text 112596\n", + "Completed text 112597\n", + "Completed text 112598\n", + "Completed text 112599\n", + "Completed text 112600\n", + "Completed text 112601\n", + "Completed text 112602\n", + "Completed text 112603\n", + "Completed text 112604\n", + "Completed text 112605\n", + "Completed text 112606\n", + "Completed text 112607\n", + "Completed text 112608\n", + "Completed text 112609\n", + "Completed text 112610\n", + "Completed text 112611\n", + "Completed text 112612\n", + "Completed text 112613\n", + "Completed text 112614\n", + "Completed text 112615\n", + "Completed text 112616\n", + "Completed text 112617\n", + "Completed text 112618\n", + "Completed text 112619\n", + "Completed text 112620\n", + "Completed text 112621\n", + "Completed text 112622\n", + "Completed text 112623\n", + "Completed text 112624\n", + "Completed text 112625\n", + "Completed text 112626\n", + "Completed text 112627\n", + "Completed text 112628\n", + "Completed text 112629\n", + "Completed text 112630\n", + "Completed text 112631\n", + "Completed text 112632\n", + "Completed text 112633\n", + "Completed text 112634\n", + "Completed text 112635\n", + "Completed text 112636\n", + "Completed text 112637\n", + "Completed text 112638\n", + "Completed text 112639\n", + "Completed text 112640\n", + "Completed text 112641\n", + "Completed text 112642\n", + "Completed text 112643\n", + "Completed text 112644\n", + "Completed text 112645\n", + "Completed text 112646\n", + "Completed text 112647\n", + "Completed text 112648\n", + "Completed text 112649\n", + "Completed text 112650\n", + "Completed text 112651\n", + "Completed text 112652\n", + "Completed text 112653\n", + "Completed text 112654\n", + "Completed text 112655\n", + "Completed text 112656\n", + "Completed text 112657\n", + "Completed text 112658\n", + "Completed text 112659\n", + "Completed text 112660\n", + "Completed text 112661\n", + "Completed text 112662\n", + "Completed text 112663\n", + "Completed text 112664\n", + "Completed text 112665\n", + "Completed text 112666\n", + "Completed text 112667\n", + "Completed text 112668\n", + "Completed text 112669\n", + "Completed text 112670\n", + "Completed text 112671\n", + "Completed text 112672\n", + "Completed text 112673\n", + "Completed text 112674\n", + "Completed text 112675\n", + "Completed text 112676\n", + "Completed text 112677\n", + "Completed text 112678\n", + "Completed text 112679\n", + "Completed text 112680\n", + "Completed text 112681\n", + "Completed text 112682\n", + "Completed text 112683\n", + "Completed text 112684\n", + "Completed text 112685\n", + "Completed text 112686\n", + "Completed text 112687\n", + "Completed text 112688\n", + "Completed text 112689\n", + "Completed text 112690\n", + "Completed text 112691\n", + "Completed text 112692\n", + "Completed text 112693\n", + "Completed text 112694\n", + "Completed text 112695\n", + "Completed text 112696\n", + "Completed text 112697\n", + "Completed text 112698\n", + "Completed text 112699\n", + "Completed text 112700\n", + "Completed text 112701\n", + "Completed text 112702\n", + "Completed text 112703\n", + "Completed text 112704\n", + "Completed text 112705\n", + "Completed text 112706\n", + "Completed text 112707\n", + "Completed text 112708\n", + "Completed text 112709\n", + "Completed text 112710\n", + "Completed text 112711\n", + "Completed text 112712\n", + "Completed text 112713\n", + "Completed text 112714\n", + "Completed text 112715\n", + "Completed text 112716\n", + "Completed text 112717\n", + "Completed text 112718\n", + "Completed text 112719\n", + "Completed text 112720\n", + "Completed text 112721\n", + "Completed text 112722\n", + "Completed text 112723\n", + "Completed text 112724\n", + "Completed text 112725\n", + "Completed text 112726\n", + "Completed text 112727\n", + "Completed text 112728\n", + "Completed text 112729\n", + "Completed text 112730\n", + "Completed text 112731\n", + "Completed text 112732\n", + "Completed text 112733\n", + "Completed text 112734\n", + "Completed text 112735\n", + "Completed text 112736\n", + "Completed text 112737\n", + "Completed text 112738\n", + "Completed text 112739\n", + "Completed text 112740\n", + "Completed text 112741\n", + "Completed text 112742\n", + "Completed text 112743\n", + "Completed text 112744\n", + "Completed text 112745\n", + "Completed text 112746\n", + "Completed text 112747\n", + "Completed text 112748\n", + "Completed text 112749\n", + "Completed text 112750\n", + "Completed text 112751\n", + "Completed text 112752\n", + "Completed text 112753\n", + "Completed text 112754\n", + "Completed text 112755\n", + "Completed text 112756\n", + "Completed text 112757\n", + "Completed text 112758\n", + "Completed text 112759\n", + "Completed text 112760\n", + "Completed text 112761\n", + "Completed text 112762\n", + "Completed text 112763\n", + "Completed text 112764\n", + "Completed text 112765\n", + "Completed text 112766\n", + "Completed text 112767\n", + "Completed text 112768\n", + "Completed text 112769\n", + "Completed text 112770\n", + "Completed text 112771\n", + "Completed text 112772\n", + "Completed text 112773\n", + "Completed text 112774\n", + "Completed text 112775\n", + "Completed text 112776\n", + "Completed text 112777\n", + "Completed text 112778\n", + "Completed text 112779\n", + "Completed text 112780\n", + "Completed text 112781\n", + "Completed text 112782\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 112783\n", + "Completed text 112784\n", + "Completed text 112785\n", + "Completed text 112786\n", + "Completed text 112787\n", + "Completed text 112788\n", + "Completed text 112789\n", + "Completed text 112790\n", + "Completed text 112791\n", + "Completed text 112792\n", + "Completed text 112793\n", + "Completed text 112794\n", + "Completed text 112795\n", + "Completed text 112796\n", + "Completed text 112797\n", + "Completed text 112798\n", + "Completed text 112799\n", + "Completed text 112800\n", + "Completed text 112801\n", + "Completed text 112802\n", + "Completed text 112803\n", + "Completed text 112804\n", + "Completed text 112805\n", + "Completed text 112806\n", + "Completed text 112807\n", + "Completed text 112808\n", + "Completed text 112809\n", + "Completed text 112810\n", + "Completed text 112811\n", + "Completed text 112812\n", + "Completed text 112813\n", + "Completed text 112814\n", + "Completed text 112815\n", + "Completed text 112816\n", + "Completed text 112817\n", + "Completed text 112818\n", + "Completed text 112819\n", + "Completed text 112820\n", + "Completed text 112821\n", + "Completed text 112822\n", + "Completed text 112823\n", + "Completed text 112824\n", + "Completed text 112825\n", + "Completed text 112826\n", + "Completed text 112827\n", + "Completed text 112828\n", + "Completed text 112829\n", + "Completed text 112830\n", + "Completed text 112831\n", + "Completed text 112832\n", + "Completed text 112833\n", + "Completed text 112834\n", + "Completed text 112835\n", + "Completed text 112836\n", + "Completed text 112837\n", + "Completed text 112838\n", + "Completed text 112839\n", + "Completed text 112840\n", + "Completed text 112841\n", + "Completed text 112842\n", + "Completed text 112843\n", + "Completed text 112844\n", + "Completed text 112845\n", + "Completed text 112846\n", + "Completed text 112847\n", + "Completed text 112848\n", + "Completed text 112849\n", + "Completed text 112850\n", + "Completed text 112851\n", + "Completed text 112852\n", + "Completed text 112853\n", + "Completed text 112854\n", + "Completed text 112855\n", + "Completed text 112856\n", + "Completed text 112857\n", + "Completed text 112858\n", + "Completed text 112859\n", + "Completed text 112860\n", + "Completed text 112861\n", + "Completed text 112862\n", + "Completed text 112863\n", + "Completed text 112864\n", + "Completed text 112865\n", + "Completed text 112866\n", + "Completed text 112867\n", + "Completed text 112868\n", + "Completed text 112869\n", + "Completed text 112870\n", + "Completed text 112871\n", + "Completed text 112872\n", + "Completed text 112873\n", + "Completed text 112874\n", + "Completed text 112875\n", + "Completed text 112876\n", + "Completed text 112877\n", + "Completed text 112878\n", + "Completed text 112879\n", + "Completed text 112880\n", + "Completed text 112881\n", + "Completed text 112882\n", + "Completed text 112883\n", + "Completed text 112884\n", + "Completed text 112885\n", + "Completed text 112886\n", + "Completed text 112887\n", + "Completed text 112888\n", + "Completed text 112889\n", + "Completed text 112890\n", + "Completed text 112891\n", + "Completed text 112892\n", + "Completed text 112893\n", + "Completed text 112894\n", + "Completed text 112895\n", + "Completed text 112896\n", + "Completed text 112897\n", + "Completed text 112898\n", + "Completed text 112899\n", + "Completed text 112900\n", + "Completed text 112901\n", + "Completed text 112902\n", + "Completed text 112903\n", + "Completed text 112904\n", + "Completed text 112905\n", + "Completed text 112906\n", + "Completed text 112907\n", + "Completed text 112908\n", + "Completed text 112909\n", + "Completed text 112910\n", + "Completed text 112911\n", + "Completed text 112912\n", + "Completed text 112913\n", + "Completed text 112914\n", + "Completed text 112915\n", + "Completed text 112916\n", + "Completed text 112917\n", + "Completed text 112918\n", + "Completed text 112919\n", + "Completed text 112920\n", + "Completed text 112921\n", + "Completed text 112922\n", + "Completed text 112923\n", + "Completed text 112924\n", + "Completed text 112925\n", + "Completed text 112926\n", + "Completed text 112927\n", + "Completed text 112928\n", + "Completed text 112929\n", + "Completed text 112930\n", + "Completed text 112931\n", + "Completed text 112932\n", + "Completed text 112933\n", + "Completed text 112934\n", + "Completed text 112935\n", + "Completed text 112936\n", + "Completed text 112937\n", + "Completed text 112938\n", + "Completed text 112939\n", + "Completed text 112940\n", + "Completed text 112941\n", + "Completed text 112942\n", + "Completed text 112943\n", + "Completed text 112944\n", + "Completed text 112945\n", + "Completed text 112946\n", + "Completed text 112947\n", + "Completed text 112948\n", + "Completed text 112949\n", + "Completed text 112950\n", + "Completed text 112951\n", + "Completed text 112952\n", + "Completed text 112953\n", + "Completed text 112954\n", + "Completed text 112955\n", + "Completed text 112956\n", + "Completed text 112957\n", + "Completed text 112958\n", + "Completed text 112959\n", + "Completed text 112960\n", + "Completed text 112961\n", + "Completed text 112962\n", + "Completed text 112963\n", + "Completed text 112964\n", + "Completed text 112965\n", + "Completed text 112966\n", + "Completed text 112967\n", + "Completed text 112968\n", + "Completed text 112969\n", + "Completed text 112970\n", + "Completed text 112971\n", + "Completed text 112972\n", + "Completed text 112973\n", + "Completed text 112974\n", + "Completed text 112975\n", + "Completed text 112976\n", + "Completed text 112977\n", + "Completed text 112978\n", + "Completed text 112979\n", + "Completed text 112980\n", + "Completed text 112981\n", + "Completed text 112982\n", + "Completed text 112983\n", + "Completed text 112984\n", + "Completed text 112985\n", + "Completed text 112986\n", + "Completed text 112987\n", + "Completed text 112988\n", + "Completed text 112989\n", + "Completed text 112990\n", + "Completed text 112991\n", + "Completed text 112992\n", + "Completed text 112993\n", + "Completed text 112994\n", + "Completed text 112995\n", + "Completed text 112996\n", + "Completed text 112997\n", + "Completed text 112998\n", + "Completed text 112999\n", + "Completed text 113000\n", + "Completed text 113001\n", + "Completed text 113002\n", + "Completed text 113003\n", + "Completed text 113004\n", + "Completed text 113005\n", + "Completed text 113006\n", + "Completed text 113007\n", + "Completed text 113008\n", + "Completed text 113009\n", + "Completed text 113010\n", + "Completed text 113011\n", + "Completed text 113012\n", + "Completed text 113013\n", + "Completed text 113014\n", + "Completed text 113015\n", + "Completed text 113016\n", + "Completed text 113017\n", + "Completed text 113018\n", + "Completed text 113019\n", + "Completed text 113020\n", + "Completed text 113021\n", + "Completed text 113022\n", + "Completed text 113023\n", + "Completed text 113024\n", + "Completed text 113025\n", + "Completed text 113026\n", + "Completed text 113027\n", + "Completed text 113028\n", + "Completed text 113029\n", + "Completed text 113030\n", + "Completed text 113031\n", + "Completed text 113032\n", + "Completed text 113033\n", + "Completed text 113034\n", + "Completed text 113035\n", + "Completed text 113036\n", + "Completed text 113037\n", + "Completed text 113038\n", + "Completed text 113039\n", + "Completed text 113040\n", + "Completed text 113041\n", + "Completed text 113042\n", + "Completed text 113043\n", + "Completed text 113044\n", + "Completed text 113045\n", + "Completed text 113046\n", + "Completed text 113047\n", + "Completed text 113048\n", + "Completed text 113049\n", + "Completed text 113050\n", + "Completed text 113051\n", + "Completed text 113052\n", + "Completed text 113053\n", + "Completed text 113054\n", + "Completed text 113055\n", + "Completed text 113056\n", + "Completed text 113057\n", + "Completed text 113058\n", + "Completed text 113059\n", + "Completed text 113060\n", + "Completed text 113061\n", + "Completed text 113062\n", + "Completed text 113063\n", + "Completed text 113064\n", + "Completed text 113065\n", + "Completed text 113066\n", + "Completed text 113067\n", + "Completed text 113068\n", + "Completed text 113069\n", + "Completed text 113070\n", + "Completed text 113071\n", + "Completed text 113072\n", + "Completed text 113073\n", + "Completed text 113074\n", + "Completed text 113075\n", + "Completed text 113076\n", + "Completed text 113077\n", + "Completed text 113078\n", + "Completed text 113079\n", + "Completed text 113080\n", + "Completed text 113081\n", + "Completed text 113082\n", + "Completed text 113083\n", + "Completed text 113084\n", + "Completed text 113085\n", + "Completed text 113086\n", + "Completed text 113087\n", + "Completed text 113088\n", + "Completed text 113089\n", + "Completed text 113090\n", + "Completed text 113091\n", + "Completed text 113092\n", + "Completed text 113093\n", + "Completed text 113094\n", + "Completed text 113095\n", + "Completed text 113096\n", + "Completed text 113097\n", + "Completed text 113098\n", + "Completed text 113099\n", + "Completed text 113100\n", + "Completed text 113101\n", + "Completed text 113102\n", + "Completed text 113103\n", + "Completed text 113104\n", + "Completed text 113105\n", + "Completed text 113106\n", + "Completed text 113107\n", + "Completed text 113108\n", + "Completed text 113109\n", + "Completed text 113110\n", + "Completed text 113111\n", + "Completed text 113112\n", + "Completed text 113113\n", + "Completed text 113114\n", + "Completed text 113115\n", + "Completed text 113116\n", + "Completed text 113117\n", + "Completed text 113118\n", + "Completed text 113119\n", + "Completed text 113120\n", + "Completed text 113121\n", + "Completed text 113122\n", + "Completed text 113123\n", + "Completed text 113124\n", + "Completed text 113125\n", + "Completed text 113126\n", + "Completed text 113127\n", + "Completed text 113128\n", + "Completed text 113129\n", + "Completed text 113130\n", + "Completed text 113131\n", + "Completed text 113132\n", + "Completed text 113133\n", + "Completed text 113134\n", + "Completed text 113135\n", + "Completed text 113136\n", + "Completed text 113137\n", + "Completed text 113138\n", + "Completed text 113139\n", + "Completed text 113140\n", + "Completed text 113141\n", + "Completed text 113142\n", + "Completed text 113143\n", + "Completed text 113144\n", + "Completed text 113145\n", + "Completed text 113146\n", + "Completed text 113147\n", + "Completed text 113148\n", + "Completed text 113149\n", + "Completed text 113150\n", + "Completed text 113151\n", + "Completed text 113152\n", + "Completed text 113153\n", + "Completed text 113154\n", + "Completed text 113155\n", + "Completed text 113156\n", + "Completed text 113157\n", + "Completed text 113158\n", + "Completed text 113159\n", + "Completed text 113160\n", + "Completed text 113161\n", + "Completed text 113162\n", + "Completed text 113163\n", + "Completed text 113164\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 113165\n", + "Completed text 113166\n", + "Completed text 113167\n", + "Completed text 113168\n", + "Completed text 113169\n", + "Completed text 113170\n", + "Completed text 113171\n", + "Completed text 113172\n", + "Completed text 113173\n", + "Completed text 113174\n", + "Completed text 113175\n", + "Completed text 113176\n", + "Completed text 113177\n", + "Completed text 113178\n", + "Completed text 113179\n", + "Completed text 113180\n", + "Completed text 113181\n", + "Completed text 113182\n", + "Completed text 113183\n", + "Completed text 113184\n", + "Completed text 113185\n", + "Completed text 113186\n", + "Completed text 113187\n", + "Completed text 113188\n", + "Completed text 113189\n", + "Completed text 113190\n", + "Completed text 113191\n", + "Completed text 113192\n", + "Completed text 113193\n", + "Completed text 113194\n", + "Completed text 113195\n", + "Completed text 113196\n", + "Completed text 113197\n", + "Completed text 113198\n", + "Completed text 113199\n", + "Completed text 113200\n", + "Completed text 113201\n", + "Completed text 113202\n", + "Completed text 113203\n", + "Completed text 113204\n", + "Completed text 113205\n", + "Completed text 113206\n", + "Completed text 113207\n", + "Completed text 113208\n", + "Completed text 113209\n", + "Completed text 113210\n", + "Completed text 113211\n", + "Completed text 113212\n", + "Completed text 113213\n", + "Completed text 113214\n", + "Completed text 113215\n", + "Completed text 113216\n", + "Completed text 113217\n", + "Completed text 113218\n", + "Completed text 113219\n", + "Completed text 113220\n", + "Completed text 113221\n", + "Completed text 113222\n", + "Completed text 113223\n", + "Completed text 113224\n", + "Completed text 113225\n", + "Completed text 113226\n", + "Completed text 113227\n", + "Completed text 113228\n", + "Completed text 113229\n", + "Completed text 113230\n", + "Completed text 113231\n", + "Completed text 113232\n", + "Completed text 113233\n", + "Completed text 113234\n", + "Completed text 113235\n", + "Completed text 113236\n", + "Completed text 113237\n", + "Completed text 113238\n", + "Completed text 113239\n", + "Completed text 113240\n", + "Completed text 113241\n", + "Completed text 113242\n", + "Completed text 113243\n", + "Completed text 113244\n", + "Completed text 113245\n", + "Completed text 113246\n", + "Completed text 113247\n", + "Completed text 113248\n", + "Completed text 113249\n", + "Completed text 113250\n", + "Completed text 113251\n", + "Completed text 113252\n", + "Completed text 113253\n", + "Completed text 113254\n", + "Completed text 113255\n", + "Completed text 113256\n", + "Completed text 113257\n", + "Completed text 113258\n", + "Completed text 113259\n", + "Completed text 113260\n", + "Completed text 113261\n", + "Completed text 113262\n", + "Completed text 113263\n", + "Completed text 113264\n", + "Completed text 113265\n", + "Completed text 113266\n", + "Completed text 113267\n", + "Completed text 113268\n", + "Completed text 113269\n", + "Completed text 113270\n", + "Completed text 113271\n", + "Completed text 113272\n", + "Completed text 113273\n", + "Completed text 113274\n", + "Completed text 113275\n", + "Completed text 113276\n", + "Completed text 113277\n", + "Completed text 113278\n", + "Completed text 113279\n", + "Completed text 113280\n", + "Completed text 113281\n", + "Completed text 113282\n", + "Completed text 113283\n", + "Completed text 113284\n", + "Completed text 113285\n", + "Completed text 113286\n", + "Completed text 113287\n", + "Completed text 113288\n", + "Completed text 113289\n", + "Completed text 113290\n", + "Completed text 113291\n", + "Completed text 113292\n", + "Completed text 113293\n", + "Completed text 113294\n", + "Completed text 113295\n", + "Completed text 113296\n", + "Completed text 113297\n", + "Completed text 113298\n", + "Completed text 113299\n", + "Completed text 113300\n", + "Completed text 113301\n", + "Completed text 113302\n", + "Completed text 113303\n", + "Completed text 113304\n", + "Completed text 113305\n", + "Completed text 113306\n", + "Completed text 113307\n", + "Completed text 113308\n", + "Completed text 113309\n", + "Completed text 113310\n", + "Completed text 113311\n", + "Completed text 113312\n", + "Completed text 113313\n", + "Completed text 113314\n", + "Completed text 113315\n", + "Completed text 113316\n", + "Completed text 113317\n", + "Completed text 113318\n", + "Completed text 113319\n", + "Completed text 113320\n", + "Completed text 113321\n", + "Completed text 113322\n", + "Completed text 113323\n", + "Completed text 113324\n", + "Completed text 113325\n", + "Completed text 113326\n", + "Completed text 113327\n", + "Completed text 113328\n", + "Completed text 113329\n", + "Completed text 113330\n", + "Completed text 113331\n", + "Completed text 113332\n", + "Completed text 113333\n", + "Completed text 113334\n", + "Completed text 113335\n", + "Completed text 113336\n", + "Completed text 113337\n", + "Completed text 113338\n", + "Completed text 113339\n", + "Completed text 113340\n", + "Completed text 113341\n", + "Completed text 113342\n", + "Completed text 113343\n", + "Completed text 113344\n", + "Completed text 113345\n", + "Completed text 113346\n", + "Completed text 113347\n", + "Completed text 113348\n", + "Completed text 113349\n", + "Completed text 113350\n", + "Completed text 113351\n", + "Completed text 113352\n", + "Completed text 113353\n", + "Completed text 113354\n", + "Completed text 113355\n", + "Completed text 113356\n", + "Completed text 113357\n", + "Completed text 113358\n", + "Completed text 113359\n", + "Completed text 113360\n", + "Completed text 113361\n", + "Completed text 113362\n", + "Completed text 113363\n", + "Completed text 113364\n", + "Completed text 113365\n", + "Completed text 113366\n", + "Completed text 113367\n", + "Completed text 113368\n", + "Completed text 113369\n", + "Completed text 113370\n", + "Completed text 113371\n", + "Completed text 113372\n", + "Completed text 113373\n", + "Completed text 113374\n", + "Completed text 113375\n", + "Completed text 113376\n", + "Completed text 113377\n", + "Completed text 113378\n", + "Completed text 113379\n", + "Completed text 113380\n", + "Completed text 113381\n", + "Completed text 113382\n", + "Completed text 113383\n", + "Completed text 113384\n", + "Completed text 113385\n", + "Completed text 113386\n", + "Completed text 113387\n", + "Completed text 113388\n", + "Completed text 113389\n", + "Completed text 113390\n", + "Completed text 113391\n", + "Completed text 113392\n", + "Completed text 113393\n", + "Completed text 113394\n", + "Completed text 113395\n", + "Completed text 113396\n", + "Completed text 113397\n", + "Completed text 113398\n", + "Completed text 113399\n", + "Completed text 113400\n", + "Completed text 113401\n", + "Completed text 113402\n", + "Completed text 113403\n", + "Completed text 113404\n", + "Completed text 113405\n", + "Completed text 113406\n", + "Completed text 113407\n", + "Completed text 113408\n", + "Completed text 113409\n", + "Completed text 113410\n", + "Completed text 113411\n", + "Completed text 113412\n", + "Completed text 113413\n", + "Completed text 113414\n", + "Completed text 113415\n", + "Completed text 113416\n", + "Completed text 113417\n", + "Completed text 113418\n", + "Completed text 113419\n", + "Completed text 113420\n", + "Completed text 113421\n", + "Completed text 113422\n", + "Completed text 113423\n", + "Completed text 113424\n", + "Completed text 113425\n", + "Completed text 113426\n", + "Completed text 113427\n", + "Completed text 113428\n", + "Completed text 113429\n", + "Completed text 113430\n", + "Completed text 113431\n", + "Completed text 113432\n", + "Completed text 113433\n", + "Completed text 113434\n", + "Completed text 113435\n", + "Completed text 113436\n", + "Completed text 113437\n", + "Completed text 113438\n", + "Completed text 113439\n", + "Completed text 113440\n", + "Completed text 113441\n", + "Completed text 113442\n", + "Completed text 113443\n", + "Completed text 113444\n", + "Completed text 113445\n", + "Completed text 113446\n", + "Completed text 113447\n", + "Completed text 113448\n", + "Completed text 113449\n", + "Completed text 113450\n", + "Completed text 113451\n", + "Completed text 113452\n", + "Completed text 113453\n", + "Completed text 113454\n", + "Completed text 113455\n", + "Completed text 113456\n", + "Completed text 113457\n", + "Completed text 113458\n", + "Completed text 113459\n", + "Completed text 113460\n", + "Completed text 113461\n", + "Completed text 113462\n", + "Completed text 113463\n", + "Completed text 113464\n", + "Completed text 113465\n", + "Completed text 113466\n", + "Completed text 113467\n", + "Completed text 113468\n", + "Completed text 113469\n", + "Completed text 113470\n", + "Completed text 113471\n", + "Completed text 113472\n", + "Completed text 113473\n", + "Completed text 113474\n", + "Completed text 113475\n", + "Completed text 113476\n", + "Completed text 113477\n", + "Completed text 113478\n", + "Completed text 113479\n", + "Completed text 113480\n", + "Completed text 113481\n", + "Completed text 113482\n", + "Completed text 113483\n", + "Completed text 113484\n", + "Completed text 113485\n", + "Completed text 113486\n", + "Completed text 113487\n", + "Completed text 113488\n", + "Completed text 113489\n", + "Completed text 113490\n", + "Completed text 113491\n", + "Completed text 113492\n", + "Completed text 113493\n", + "Completed text 113494\n", + "Completed text 113495\n", + "Completed text 113496\n", + "Completed text 113497\n", + "Completed text 113498\n", + "Completed text 113499\n", + "Completed text 113500\n", + "Completed text 113501\n", + "Completed text 113502\n", + "Completed text 113503\n", + "Completed text 113504\n", + "Completed text 113505\n", + "Completed text 113506\n", + "Completed text 113507\n", + "Completed text 113508\n", + "Completed text 113509\n", + "Completed text 113510\n", + "Completed text 113511\n", + "Completed text 113512\n", + "Completed text 113513\n", + "Completed text 113514\n", + "Completed text 113515\n", + "Completed text 113516\n", + "Completed text 113517\n", + "Completed text 113518\n", + "Completed text 113519\n", + "Completed text 113520\n", + "Completed text 113521\n", + "Completed text 113522\n", + "Completed text 113523\n", + "Completed text 113524\n", + "Completed text 113525\n", + "Completed text 113526\n", + "Completed text 113527\n", + "Completed text 113528\n", + "Completed text 113529\n", + "Completed text 113530\n", + "Completed text 113531\n", + "Completed text 113532\n", + "Completed text 113533\n", + "Completed text 113534\n", + "Completed text 113535\n", + "Completed text 113536\n", + "Completed text 113537\n", + "Completed text 113538\n", + "Completed text 113539\n", + "Completed text 113540\n", + "Completed text 113541\n", + "Completed text 113542\n", + "Completed text 113543\n", + "Completed text 113544\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 113545\n", + "Completed text 113546\n", + "Completed text 113547\n", + "Completed text 113548\n", + "Completed text 113549\n", + "Completed text 113550\n", + "Completed text 113551\n", + "Completed text 113552\n", + "Completed text 113553\n", + "Completed text 113554\n", + "Completed text 113555\n", + "Completed text 113556\n", + "Completed text 113557\n", + "Completed text 113558\n", + "Completed text 113559\n", + "Completed text 113560\n", + "Completed text 113561\n", + "Completed text 113562\n", + "Completed text 113563\n", + "Completed text 113564\n", + "Completed text 113565\n", + "Completed text 113566\n", + "Completed text 113567\n", + "Completed text 113568\n", + "Completed text 113569\n", + "Completed text 113570\n", + "Completed text 113571\n", + "Completed text 113572\n", + "Completed text 113573\n", + "Completed text 113574\n", + "Completed text 113575\n", + "Completed text 113576\n", + "Completed text 113577\n", + "Completed text 113578\n", + "Completed text 113579\n", + "Completed text 113580\n", + "Completed text 113581\n", + "Completed text 113582\n", + "Completed text 113583\n", + "Completed text 113584\n", + "Completed text 113585\n", + "Completed text 113586\n", + "Completed text 113587\n", + "Completed text 113588\n", + "Completed text 113589\n", + "Completed text 113590\n", + "Completed text 113591\n", + "Completed text 113592\n", + "Completed text 113593\n", + "Completed text 113594\n", + "Completed text 113595\n", + "Completed text 113596\n", + "Completed text 113597\n", + "Completed text 113598\n", + "Completed text 113599\n", + "Completed text 113600\n", + "Completed text 113601\n", + "Completed text 113602\n", + "Completed text 113603\n", + "Completed text 113604\n", + "Completed text 113605\n", + "Completed text 113606\n", + "Completed text 113607\n", + "Completed text 113608\n", + "Completed text 113609\n", + "Completed text 113610\n", + "Completed text 113611\n", + "Completed text 113612\n", + "Completed text 113613\n", + "Completed text 113614\n", + "Completed text 113615\n", + "Completed text 113616\n", + "Completed text 113617\n", + "Completed text 113618\n", + "Completed text 113619\n", + "Completed text 113620\n", + "Completed text 113621\n", + "Completed text 113622\n", + "Completed text 113623\n", + "Completed text 113624\n", + "Completed text 113625\n", + "Completed text 113626\n", + "Completed text 113627\n", + "Completed text 113628\n", + "Completed text 113629\n", + "Completed text 113630\n", + "Completed text 113631\n", + "Completed text 113632\n", + "Completed text 113633\n", + "Completed text 113634\n", + "Completed text 113635\n", + "Completed text 113636\n", + "Completed text 113637\n", + "Completed text 113638\n", + "Completed text 113639\n", + "Completed text 113640\n", + "Completed text 113641\n", + "Completed text 113642\n", + "Completed text 113643\n", + "Completed text 113644\n", + "Completed text 113645\n", + "Completed text 113646\n", + "Completed text 113647\n", + "Completed text 113648\n", + "Completed text 113649\n", + "Completed text 113650\n", + "Completed text 113651\n", + "Completed text 113652\n", + "Completed text 113653\n", + "Completed text 113654\n", + "Completed text 113655\n", + "Completed text 113656\n", + "Completed text 113657\n", + "Completed text 113658\n", + "Completed text 113659\n", + "Completed text 113660\n", + "Completed text 113661\n", + "Completed text 113662\n", + "Completed text 113663\n", + "Completed text 113664\n", + "Completed text 113665\n", + "Completed text 113666\n", + "Completed text 113667\n", + "Completed text 113668\n", + "Completed text 113669\n", + "Completed text 113670\n", + "Completed text 113671\n", + "Completed text 113672\n", + "Completed text 113673\n", + "Completed text 113674\n", + "Completed text 113675\n", + "Completed text 113676\n", + "Completed text 113677\n", + "Completed text 113678\n", + "Completed text 113679\n", + "Completed text 113680\n", + "Completed text 113681\n", + "Completed text 113682\n", + "Completed text 113683\n", + "Completed text 113684\n", + "Completed text 113685\n", + "Completed text 113686\n", + "Completed text 113687\n", + "Completed text 113688\n", + "Completed text 113689\n", + "Completed text 113690\n", + "Completed text 113691\n", + "Completed text 113692\n", + "Completed text 113693\n", + "Completed text 113694\n", + "Completed text 113695\n", + "Completed text 113696\n", + "Completed text 113697\n", + "Completed text 113698\n", + "Completed text 113699\n", + "Completed text 113700\n", + "Completed text 113701\n", + "Completed text 113702\n", + "Completed text 113703\n", + "Completed text 113704\n", + "Completed text 113705\n", + "Completed text 113706\n", + "Completed text 113707\n", + "Completed text 113708\n", + "Completed text 113709\n", + "Completed text 113710\n", + "Completed text 113711\n", + "Completed text 113712\n", + "Completed text 113713\n", + "Completed text 113714\n", + "Completed text 113715\n", + "Completed text 113716\n", + "Completed text 113717\n", + "Completed text 113718\n", + "Completed text 113719\n", + "Completed text 113720\n", + "Completed text 113721\n", + "Completed text 113722\n", + "Completed text 113723\n", + "Completed text 113724\n", + "Completed text 113725\n", + "Completed text 113726\n", + "Completed text 113727\n", + "Completed text 113728\n", + "Completed text 113729\n", + "Completed text 113730\n", + "Completed text 113731\n", + "Completed text 113732\n", + "Completed text 113733\n", + "Completed text 113734\n", + "Completed text 113735\n", + "Completed text 113736\n", + "Completed text 113737\n", + "Completed text 113738\n", + "Completed text 113739\n", + "Completed text 113740\n", + "Completed text 113741\n", + "Completed text 113742\n", + "Completed text 113743\n", + "Completed text 113744\n", + "Completed text 113745\n", + "Completed text 113746\n", + "Completed text 113747\n", + "Completed text 113748\n", + "Completed text 113749\n", + "Completed text 113750\n", + "Completed text 113751\n", + "Completed text 113752\n", + "Completed text 113753\n", + "Completed text 113754\n", + "Completed text 113755\n", + "Completed text 113756\n", + "Completed text 113757\n", + "Completed text 113758\n", + "Completed text 113759\n", + "Completed text 113760\n", + "Completed text 113761\n", + "Completed text 113762\n", + "Completed text 113763\n", + "Completed text 113764\n", + "Completed text 113765\n", + "Completed text 113766\n", + "Completed text 113767\n", + "Completed text 113768\n", + "Completed text 113769\n", + "Completed text 113770\n", + "Completed text 113771\n", + "Completed text 113772\n", + "Completed text 113773\n", + "Completed text 113774\n", + "Completed text 113775\n", + "Completed text 113776\n", + "Completed text 113777\n", + "Completed text 113778\n", + "Completed text 113779\n", + "Completed text 113780\n", + "Completed text 113781\n", + "Completed text 113782\n", + "Completed text 113783\n", + "Completed text 113784\n", + "Completed text 113785\n", + "Completed text 113786\n", + "Completed text 113787\n", + "Completed text 113788\n", + "Completed text 113789\n", + "Completed text 113790\n", + "Completed text 113791\n", + "Completed text 113792\n", + "Completed text 113793\n", + "Completed text 113794\n", + "Completed text 113795\n", + "Completed text 113796\n", + "Completed text 113797\n", + "Completed text 113798\n", + "Completed text 113799\n", + "Completed text 113800\n", + "Completed text 113801\n", + "Completed text 113802\n", + "Completed text 113803\n", + "Completed text 113804\n", + "Completed text 113805\n", + "Completed text 113806\n", + "Completed text 113807\n", + "Completed text 113808\n", + "Completed text 113809\n", + "Completed text 113810\n", + "Completed text 113811\n", + "Completed text 113812\n", + "Completed text 113813\n", + "Completed text 113814\n", + "Completed text 113815\n", + "Completed text 113816\n", + "Completed text 113817\n", + "Completed text 113818\n", + "Completed text 113819\n", + "Completed text 113820\n", + "Completed text 113821\n", + "Completed text 113822\n", + "Completed text 113823\n", + "Completed text 113824\n", + "Completed text 113825\n", + "Completed text 113826\n", + "Completed text 113827\n", + "Completed text 113828\n", + "Completed text 113829\n", + "Completed text 113830\n", + "Completed text 113831\n", + "Completed text 113832\n", + "Completed text 113833\n", + "Completed text 113834\n", + "Completed text 113835\n", + "Completed text 113836\n", + "Completed text 113837\n", + "Completed text 113838\n", + "Completed text 113839\n", + "Completed text 113840\n", + "Completed text 113841\n", + "Completed text 113842\n", + "Completed text 113843\n", + "Completed text 113844\n", + "Completed text 113845\n", + "Completed text 113846\n", + "Completed text 113847\n", + "Completed text 113848\n", + "Completed text 113849\n", + "Completed text 113850\n", + "Completed text 113851\n", + "Completed text 113852\n", + "Completed text 113853\n", + "Completed text 113854\n", + "Completed text 113855\n", + "Completed text 113856\n", + "Completed text 113857\n", + "Completed text 113858\n", + "Completed text 113859\n", + "Completed text 113860\n", + "Completed text 113861\n", + "Completed text 113862\n", + "Completed text 113863\n", + "Completed text 113864\n", + "Completed text 113865\n", + "Completed text 113866\n", + "Completed text 113867\n", + "Completed text 113868\n", + "Completed text 113869\n", + "Completed text 113870\n", + "Completed text 113871\n", + "Completed text 113872\n", + "Completed text 113873\n", + "Completed text 113874\n", + "Completed text 113875\n", + "Completed text 113876\n", + "Completed text 113877\n", + "Completed text 113878\n", + "Completed text 113879\n", + "Completed text 113880\n", + "Completed text 113881\n", + "Completed text 113882\n", + "Completed text 113883\n", + "Completed text 113884\n", + "Completed text 113885\n", + "Completed text 113886\n", + "Completed text 113887\n", + "Completed text 113888\n", + "Completed text 113889\n", + "Completed text 113890\n", + "Completed text 113891\n", + "Completed text 113892\n", + "Completed text 113893\n", + "Completed text 113894\n", + "Completed text 113895\n", + "Completed text 113896\n", + "Completed text 113897\n", + "Completed text 113898\n", + "Completed text 113899\n", + "Completed text 113900\n", + "Completed text 113901\n", + "Completed text 113902\n", + "Completed text 113903\n", + "Completed text 113904\n", + "Completed text 113905\n", + "Completed text 113906\n", + "Completed text 113907\n", + "Completed text 113908\n", + "Completed text 113909\n", + "Completed text 113910\n", + "Completed text 113911\n", + "Completed text 113912\n", + "Completed text 113913\n", + "Completed text 113914\n", + "Completed text 113915\n", + "Completed text 113916\n", + "Completed text 113917\n", + "Completed text 113918\n", + "Completed text 113919\n", + "Completed text 113920\n", + "Completed text 113921\n", + "Completed text 113922\n", + "Completed text 113923\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 113924\n", + "Completed text 113925\n", + "Completed text 113926\n", + "Completed text 113927\n", + "Completed text 113928\n", + "Completed text 113929\n", + "Completed text 113930\n", + "Completed text 113931\n", + "Completed text 113932\n", + "Completed text 113933\n", + "Completed text 113934\n", + "Completed text 113935\n", + "Completed text 113936\n", + "Completed text 113937\n", + "Completed text 113938\n", + "Completed text 113939\n", + "Completed text 113940\n", + "Completed text 113941\n", + "Completed text 113942\n", + "Completed text 113943\n", + "Completed text 113944\n", + "Completed text 113945\n", + "Completed text 113946\n", + "Completed text 113947\n", + "Completed text 113948\n", + "Completed text 113949\n", + "Completed text 113950\n", + "Completed text 113951\n", + "Completed text 113952\n", + "Completed text 113953\n", + "Completed text 113954\n", + "Completed text 113955\n", + "Completed text 113956\n", + "Completed text 113957\n", + "Completed text 113958\n", + "Completed text 113959\n", + "Completed text 113960\n", + "Completed text 113961\n", + "Completed text 113962\n", + "Completed text 113963\n", + "Completed text 113964\n", + "Completed text 113965\n", + "Completed text 113966\n", + "Completed text 113967\n", + "Completed text 113968\n", + "Completed text 113969\n", + "Completed text 113970\n", + "Completed text 113971\n", + "Completed text 113972\n", + "Completed text 113973\n", + "Completed text 113974\n", + "Completed text 113975\n", + "Completed text 113976\n", + "Completed text 113977\n", + "Completed text 113978\n", + "Completed text 113979\n", + "Completed text 113980\n", + "Completed text 113981\n", + "Completed text 113982\n", + "Completed text 113983\n", + "Completed text 113984\n", + "Completed text 113985\n", + "Completed text 113986\n", + "Completed text 113987\n", + "Completed text 113988\n", + "Completed text 113989\n", + "Completed text 113990\n", + "Completed text 113991\n", + "Completed text 113992\n", + "Completed text 113993\n", + "Completed text 113994\n", + "Completed text 113995\n", + "Completed text 113996\n", + "Completed text 113997\n", + "Completed text 113998\n", + "Completed text 113999\n", + "Completed text 114000\n", + "Completed text 114001\n", + "Completed text 114002\n", + "Completed text 114003\n", + "Completed text 114004\n", + "Completed text 114005\n", + "Completed text 114006\n", + "Completed text 114007\n", + "Completed text 114008\n", + "Completed text 114009\n", + "Completed text 114010\n", + "Completed text 114011\n", + "Completed text 114012\n", + "Completed text 114013\n", + "Completed text 114014\n", + "Completed text 114015\n", + "Completed text 114016\n", + "Completed text 114017\n", + "Completed text 114018\n", + "Completed text 114019\n", + "Completed text 114020\n", + "Completed text 114021\n", + "Completed text 114022\n", + "Completed text 114023\n", + "Completed text 114024\n", + "Completed text 114025\n", + "Completed text 114026\n", + "Completed text 114027\n", + "Completed text 114028\n", + "Completed text 114029\n", + "Completed text 114030\n", + "Completed text 114031\n", + "Completed text 114032\n", + "Completed text 114033\n", + "Completed text 114034\n", + "Completed text 114035\n", + "Completed text 114036\n", + "Completed text 114037\n", + "Completed text 114038\n", + "Completed text 114039\n", + "Completed text 114040\n", + "Completed text 114041\n", + "Completed text 114042\n", + "Completed text 114043\n", + "Completed text 114044\n", + "Completed text 114045\n", + "Completed text 114046\n", + "Completed text 114047\n", + "Completed text 114048\n", + "Completed text 114049\n", + "Completed text 114050\n", + "Completed text 114051\n", + "Completed text 114052\n", + "Completed text 114053\n", + "Completed text 114054\n", + "Completed text 114055\n", + "Completed text 114056\n", + "Completed text 114057\n", + "Completed text 114058\n", + "Completed text 114059\n", + "Completed text 114060\n", + "Completed text 114061\n", + "Completed text 114062\n", + "Completed text 114063\n", + "Completed text 114064\n", + "Completed text 114065\n", + "Completed text 114066\n", + "Completed text 114067\n", + "Completed text 114068\n", + "Completed text 114069\n", + "Completed text 114070\n", + "Completed text 114071\n", + "Completed text 114072\n", + "Completed text 114073\n", + "Completed text 114074\n", + "Completed text 114075\n", + "Completed text 114076\n", + "Completed text 114077\n", + "Completed text 114078\n", + "Completed text 114079\n", + "Completed text 114080\n", + "Completed text 114081\n", + "Completed text 114082\n", + "Completed text 114083\n", + "Completed text 114084\n", + "Completed text 114085\n", + "Completed text 114086\n", + "Completed text 114087\n", + "Completed text 114088\n", + "Completed text 114089\n", + "Completed text 114090\n", + "Completed text 114091\n", + "Completed text 114092\n", + "Completed text 114093\n", + "Completed text 114094\n", + "Completed text 114095\n", + "Completed text 114096\n", + "Completed text 114097\n", + "Completed text 114098\n", + "Completed text 114099\n", + "Completed text 114100\n", + "Completed text 114101\n", + "Completed text 114102\n", + "Completed text 114103\n", + "Completed text 114104\n", + "Completed text 114105\n", + "Completed text 114106\n", + "Completed text 114107\n", + "Completed text 114108\n", + "Completed text 114109\n", + "Completed text 114110\n", + "Completed text 114111\n", + "Completed text 114112\n", + "Completed text 114113\n", + "Completed text 114114\n", + "Completed text 114115\n", + "Completed text 114116\n", + "Completed text 114117\n", + "Completed text 114118\n", + "Completed text 114119\n", + "Completed text 114120\n", + "Completed text 114121\n", + "Completed text 114122\n", + "Completed text 114123\n", + "Completed text 114124\n", + "Completed text 114125\n", + "Completed text 114126\n", + "Completed text 114127\n", + "Completed text 114128\n", + "Completed text 114129\n", + "Completed text 114130\n", + "Completed text 114131\n", + "Completed text 114132\n", + "Completed text 114133\n", + "Completed text 114134\n", + "Completed text 114135\n", + "Completed text 114136\n", + "Completed text 114137\n", + "Completed text 114138\n", + "Completed text 114139\n", + "Completed text 114140\n", + "Completed text 114141\n", + "Completed text 114142\n", + "Completed text 114143\n", + "Completed text 114144\n", + "Completed text 114145\n", + "Completed text 114146\n", + "Completed text 114147\n", + "Completed text 114148\n", + "Completed text 114149\n", + "Completed text 114150\n", + "Completed text 114151\n", + "Completed text 114152\n", + "Completed text 114153\n", + "Completed text 114154\n", + "Completed text 114155\n", + "Completed text 114156\n", + "Completed text 114157\n", + "Completed text 114158\n", + "Completed text 114159\n", + "Completed text 114160\n", + "Completed text 114161\n", + "Completed text 114162\n", + "Completed text 114163\n", + "Completed text 114164\n", + "Completed text 114165\n", + "Completed text 114166\n", + "Completed text 114167\n", + "Completed text 114168\n", + "Completed text 114169\n", + "Completed text 114170\n", + "Completed text 114171\n", + "Completed text 114172\n", + "Completed text 114173\n", + "Completed text 114174\n", + "Completed text 114175\n", + "Completed text 114176\n", + "Completed text 114177\n", + "Completed text 114178\n", + "Completed text 114179\n", + "Completed text 114180\n", + "Completed text 114181\n", + "Completed text 114182\n", + "Completed text 114183\n", + "Completed text 114184\n", + "Completed text 114185\n", + "Completed text 114186\n", + "Completed text 114187\n", + "Completed text 114188\n", + "Completed text 114189\n", + "Completed text 114190\n", + "Completed text 114191\n", + "Completed text 114192\n", + "Completed text 114193\n", + "Completed text 114194\n", + "Completed text 114195\n", + "Completed text 114196\n", + "Completed text 114197\n", + "Completed text 114198\n", + "Completed text 114199\n", + "Completed text 114200\n", + "Completed text 114201\n", + "Completed text 114202\n", + "Completed text 114203\n", + "Completed text 114204\n", + "Completed text 114205\n", + "Completed text 114206\n", + "Completed text 114207\n", + "Completed text 114208\n", + "Completed text 114209\n", + "Completed text 114210\n", + "Completed text 114211\n", + "Completed text 114212\n", + "Completed text 114213\n", + "Completed text 114214\n", + "Completed text 114215\n", + "Completed text 114216\n", + "Completed text 114217\n", + "Completed text 114218\n", + "Completed text 114219\n", + "Completed text 114220\n", + "Completed text 114221\n", + "Completed text 114222\n", + "Completed text 114223\n", + "Completed text 114224\n", + "Completed text 114225\n", + "Completed text 114226\n", + "Completed text 114227\n", + "Completed text 114228\n", + "Completed text 114229\n", + "Completed text 114230\n", + "Completed text 114231\n", + "Completed text 114232\n", + "Completed text 114233\n", + "Completed text 114234\n", + "Completed text 114235\n", + "Completed text 114236\n", + "Completed text 114237\n", + "Completed text 114238\n", + "Completed text 114239\n", + "Completed text 114240\n", + "Completed text 114241\n", + "Completed text 114242\n", + "Completed text 114243\n", + "Completed text 114244\n", + "Completed text 114245\n", + "Completed text 114246\n", + "Completed text 114247\n", + "Completed text 114248\n", + "Completed text 114249\n", + "Completed text 114250\n", + "Completed text 114251\n", + "Completed text 114252\n", + "Completed text 114253\n", + "Completed text 114254\n", + "Completed text 114255\n", + "Completed text 114256\n", + "Completed text 114257\n", + "Completed text 114258\n", + "Completed text 114259\n", + "Completed text 114260\n", + "Completed text 114261\n", + "Completed text 114262\n", + "Completed text 114263\n", + "Completed text 114264\n", + "Completed text 114265\n", + "Completed text 114266\n", + "Completed text 114267\n", + "Completed text 114268\n", + "Completed text 114269\n", + "Completed text 114270\n", + "Completed text 114271\n", + "Completed text 114272\n", + "Completed text 114273\n", + "Completed text 114274\n", + "Completed text 114275\n", + "Completed text 114276\n", + "Completed text 114277\n", + "Completed text 114278\n", + "Completed text 114279\n", + "Completed text 114280\n", + "Completed text 114281\n", + "Completed text 114282\n", + "Completed text 114283\n", + "Completed text 114284\n", + "Completed text 114285\n", + "Completed text 114286\n", + "Completed text 114287\n", + "Completed text 114288\n", + "Completed text 114289\n", + "Completed text 114290\n", + "Completed text 114291\n", + "Completed text 114292\n", + "Completed text 114293\n", + "Completed text 114294\n", + "Completed text 114295\n", + "Completed text 114296\n", + "Completed text 114297\n", + "Completed text 114298\n", + "Completed text 114299\n", + "Completed text 114300\n", + "Completed text 114301\n", + "Completed text 114302\n", + "Completed text 114303\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 114304\n", + "Completed text 114305\n", + "Completed text 114306\n", + "Completed text 114307\n", + "Completed text 114308\n", + "Completed text 114309\n", + "Completed text 114310\n", + "Completed text 114311\n", + "Completed text 114312\n", + "Completed text 114313\n", + "Completed text 114314\n", + "Completed text 114315\n", + "Completed text 114316\n", + "Completed text 114317\n", + "Completed text 114318\n", + "Completed text 114319\n", + "Completed text 114320\n", + "Completed text 114321\n", + "Completed text 114322\n", + "Completed text 114323\n", + "Completed text 114324\n", + "Completed text 114325\n", + "Completed text 114326\n", + "Completed text 114327\n", + "Completed text 114328\n", + "Completed text 114329\n", + "Completed text 114330\n", + "Completed text 114331\n", + "Completed text 114332\n", + "Completed text 114333\n", + "Completed text 114334\n", + "Completed text 114335\n", + "Completed text 114336\n", + "Completed text 114337\n", + "Completed text 114338\n", + "Completed text 114339\n", + "Completed text 114340\n", + "Completed text 114341\n", + "Completed text 114342\n", + "Completed text 114343\n", + "Completed text 114344\n", + "Completed text 114345\n", + "Completed text 114346\n", + "Completed text 114347\n", + "Completed text 114348\n", + "Completed text 114349\n", + "Completed text 114350\n", + "Completed text 114351\n", + "Completed text 114352\n", + "Completed text 114353\n", + "Completed text 114354\n", + "Completed text 114355\n", + "Completed text 114356\n", + "Completed text 114357\n", + "Completed text 114358\n", + "Completed text 114359\n", + "Completed text 114360\n", + "Completed text 114361\n", + "Completed text 114362\n", + "Completed text 114363\n", + "Completed text 114364\n", + "Completed text 114365\n", + "Completed text 114366\n", + "Completed text 114367\n", + "Completed text 114368\n", + "Completed text 114369\n", + "Completed text 114370\n", + "Completed text 114371\n", + "Completed text 114372\n", + "Completed text 114373\n", + "Completed text 114374\n", + "Completed text 114375\n", + "Completed text 114376\n", + "Completed text 114377\n", + "Completed text 114378\n", + "Completed text 114379\n", + "Completed text 114380\n", + "Completed text 114381\n", + "Completed text 114382\n", + "Completed text 114383\n", + "Completed text 114384\n", + "Completed text 114385\n", + "Completed text 114386\n", + "Completed text 114387\n", + "Completed text 114388\n", + "Completed text 114389\n", + "Completed text 114390\n", + "Completed text 114391\n", + "Completed text 114392\n", + "Completed text 114393\n", + "Completed text 114394\n", + "Completed text 114395\n", + "Completed text 114396\n", + "Completed text 114397\n", + "Completed text 114398\n", + "Completed text 114399\n", + "Completed text 114400\n", + "Completed text 114401\n", + "Completed text 114402\n", + "Completed text 114403\n", + "Completed text 114404\n", + "Completed text 114405\n", + "Completed text 114406\n", + "Completed text 114407\n", + "Completed text 114408\n", + "Completed text 114409\n", + "Completed text 114410\n", + "Completed text 114411\n", + "Completed text 114412\n", + "Completed text 114413\n", + "Completed text 114414\n", + "Completed text 114415\n", + "Completed text 114416\n", + "Completed text 114417\n", + "Completed text 114418\n", + "Completed text 114419\n", + "Completed text 114420\n", + "Completed text 114421\n", + "Completed text 114422\n", + "Completed text 114423\n", + "Completed text 114424\n", + "Completed text 114425\n", + "Completed text 114426\n", + "Completed text 114427\n", + "Completed text 114428\n", + "Completed text 114429\n", + "Completed text 114430\n", + "Completed text 114431\n", + "Completed text 114432\n", + "Completed text 114433\n", + "Completed text 114434\n", + "Completed text 114435\n", + "Completed text 114436\n", + "Completed text 114437\n", + "Completed text 114438\n", + "Completed text 114439\n", + "Completed text 114440\n", + "Completed text 114441\n", + "Completed text 114442\n", + "Completed text 114443\n", + "Completed text 114444\n", + "Completed text 114445\n", + "Completed text 114446\n", + "Completed text 114447\n", + "Completed text 114448\n", + "Completed text 114449\n", + "Completed text 114450\n", + "Completed text 114451\n", + "Completed text 114452\n", + "Completed text 114453\n", + "Completed text 114454\n", + "Completed text 114455\n", + "Completed text 114456\n", + "Completed text 114457\n", + "Completed text 114458\n", + "Completed text 114459\n", + "Completed text 114460\n", + "Completed text 114461\n", + "Completed text 114462\n", + "Completed text 114463\n", + "Completed text 114464\n", + "Completed text 114465\n", + "Completed text 114466\n", + "Completed text 114467\n", + "Completed text 114468\n", + "Completed text 114469\n", + "Completed text 114470\n", + "Completed text 114471\n", + "Completed text 114472\n", + "Completed text 114473\n", + "Completed text 114474\n", + "Completed text 114475\n", + "Completed text 114476\n", + "Completed text 114477\n", + "Completed text 114478\n", + "Completed text 114479\n", + "Completed text 114480\n", + "Completed text 114481\n", + "Completed text 114482\n", + "Completed text 114483\n", + "Completed text 114484\n", + "Completed text 114485\n", + "Completed text 114486\n", + "Completed text 114487\n", + "Completed text 114488\n", + "Completed text 114489\n", + "Completed text 114490\n", + "Completed text 114491\n", + "Completed text 114492\n", + "Completed text 114493\n", + "Completed text 114494\n", + "Completed text 114495\n", + "Completed text 114496\n", + "Completed text 114497\n", + "Completed text 114498\n", + "Completed text 114499\n", + "Completed text 114500\n", + "Completed text 114501\n", + "Completed text 114502\n", + "Completed text 114503\n", + "Completed text 114504\n", + "Completed text 114505\n", + "Completed text 114506\n", + "Completed text 114507\n", + "Completed text 114508\n", + "Completed text 114509\n", + "Completed text 114510\n", + "Completed text 114511\n", + "Completed text 114512\n", + "Completed text 114513\n", + "Completed text 114514\n", + "Completed text 114515\n", + "Completed text 114516\n", + "Completed text 114517\n", + "Completed text 114518\n", + "Completed text 114519\n", + "Completed text 114520\n", + "Completed text 114521\n", + "Completed text 114522\n", + "Completed text 114523\n", + "Completed text 114524\n", + "Completed text 114525\n", + "Completed text 114526\n", + "Completed text 114527\n", + "Completed text 114528\n", + "Completed text 114529\n", + "Completed text 114530\n", + "Completed text 114531\n", + "Completed text 114532\n", + "Completed text 114533\n", + "Completed text 114534\n", + "Completed text 114535\n", + "Completed text 114536\n", + "Completed text 114537\n", + "Completed text 114538\n", + "Completed text 114539\n", + "Completed text 114540\n", + "Completed text 114541\n", + "Completed text 114542\n", + "Completed text 114543\n", + "Completed text 114544\n", + "Completed text 114545\n", + "Completed text 114546\n", + "Completed text 114547\n", + "Completed text 114548\n", + "Completed text 114549\n", + "Completed text 114550\n", + "Completed text 114551\n", + "Completed text 114552\n", + "Completed text 114553\n", + "Completed text 114554\n", + "Completed text 114555\n", + "Completed text 114556\n", + "Completed text 114557\n", + "Completed text 114558\n", + "Completed text 114559\n", + "Completed text 114560\n", + "Completed text 114561\n", + "Completed text 114562\n", + "Completed text 114563\n", + "Completed text 114564\n", + "Completed text 114565\n", + "Completed text 114566\n", + "Completed text 114567\n", + "Completed text 114568\n", + "Completed text 114569\n", + "Completed text 114570\n", + "Completed text 114571\n", + "Completed text 114572\n", + "Completed text 114573\n", + "Completed text 114574\n", + "Completed text 114575\n", + "Completed text 114576\n", + "Completed text 114577\n", + "Completed text 114578\n", + "Completed text 114579\n", + "Completed text 114580\n", + "Completed text 114581\n", + "Completed text 114582\n", + "Completed text 114583\n", + "Completed text 114584\n", + "Completed text 114585\n", + "Completed text 114586\n", + "Completed text 114587\n", + "Completed text 114588\n", + "Completed text 114589\n", + "Completed text 114590\n", + "Completed text 114591\n", + "Completed text 114592\n", + "Completed text 114593\n", + "Completed text 114594\n", + "Completed text 114595\n", + "Completed text 114596\n", + "Completed text 114597\n", + "Completed text 114598\n", + "Completed text 114599\n", + "Completed text 114600\n", + "Completed text 114601\n", + "Completed text 114602\n", + "Completed text 114603\n", + "Completed text 114604\n", + "Completed text 114605\n", + "Completed text 114606\n", + "Completed text 114607\n", + "Completed text 114608\n", + "Completed text 114609\n", + "Completed text 114610\n", + "Completed text 114611\n", + "Completed text 114612\n", + "Completed text 114613\n", + "Completed text 114614\n", + "Completed text 114615\n", + "Completed text 114616\n", + "Completed text 114617\n", + "Completed text 114618\n", + "Completed text 114619\n", + "Completed text 114620\n", + "Completed text 114621\n", + "Completed text 114622\n", + "Completed text 114623\n", + "Completed text 114624\n", + "Completed text 114625\n", + "Completed text 114626\n", + "Completed text 114627\n", + "Completed text 114628\n", + "Completed text 114629\n", + "Completed text 114630\n", + "Completed text 114631\n", + "Completed text 114632\n", + "Completed text 114633\n", + "Completed text 114634\n", + "Completed text 114635\n", + "Completed text 114636\n", + "Completed text 114637\n", + "Completed text 114638\n", + "Completed text 114639\n", + "Completed text 114640\n", + "Completed text 114641\n", + "Completed text 114642\n", + "Completed text 114643\n", + "Completed text 114644\n", + "Completed text 114645\n", + "Completed text 114646\n", + "Completed text 114647\n", + "Completed text 114648\n", + "Completed text 114649\n", + "Completed text 114650\n", + "Completed text 114651\n", + "Completed text 114652\n", + "Completed text 114653\n", + "Completed text 114654\n", + "Completed text 114655\n", + "Completed text 114656\n", + "Completed text 114657\n", + "Completed text 114658\n", + "Completed text 114659\n", + "Completed text 114660\n", + "Completed text 114661\n", + "Completed text 114662\n", + "Completed text 114663\n", + "Completed text 114664\n", + "Completed text 114665\n", + "Completed text 114666\n", + "Completed text 114667\n", + "Completed text 114668\n", + "Completed text 114669\n", + "Completed text 114670\n", + "Completed text 114671\n", + "Completed text 114672\n", + "Completed text 114673\n", + "Completed text 114674\n", + "Completed text 114675\n", + "Completed text 114676\n", + "Completed text 114677\n", + "Completed text 114678\n", + "Completed text 114679\n", + "Completed text 114680\n", + "Completed text 114681\n", + "Completed text 114682\n", + "Completed text 114683\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 114684\n", + "Completed text 114685\n", + "Completed text 114686\n", + "Completed text 114687\n", + "Completed text 114688\n", + "Completed text 114689\n", + "Completed text 114690\n", + "Completed text 114691\n", + "Completed text 114692\n", + "Completed text 114693\n", + "Completed text 114694\n", + "Completed text 114695\n", + "Completed text 114696\n", + "Completed text 114697\n", + "Completed text 114698\n", + "Completed text 114699\n", + "Completed text 114700\n", + "Completed text 114701\n", + "Completed text 114702\n", + "Completed text 114703\n", + "Completed text 114704\n", + "Completed text 114705\n", + "Completed text 114706\n", + "Completed text 114707\n", + "Completed text 114708\n", + "Completed text 114709\n", + "Completed text 114710\n", + "Completed text 114711\n", + "Completed text 114712\n", + "Completed text 114713\n", + "Completed text 114714\n", + "Completed text 114715\n", + "Completed text 114716\n", + "Completed text 114717\n", + "Completed text 114718\n", + "Completed text 114719\n", + "Completed text 114720\n", + "Completed text 114721\n", + "Completed text 114722\n", + "Completed text 114723\n", + "Completed text 114724\n", + "Completed text 114725\n", + "Completed text 114726\n", + "Completed text 114727\n", + "Completed text 114728\n", + "Completed text 114729\n", + "Completed text 114730\n", + "Completed text 114731\n", + "Completed text 114732\n", + "Completed text 114733\n", + "Completed text 114734\n", + "Completed text 114735\n", + "Completed text 114736\n", + "Completed text 114737\n", + "Completed text 114738\n", + "Completed text 114739\n", + "Completed text 114740\n", + "Completed text 114741\n", + "Completed text 114742\n", + "Completed text 114743\n", + "Completed text 114744\n", + "Completed text 114745\n", + "Completed text 114746\n", + "Completed text 114747\n", + "Completed text 114748\n", + "Completed text 114749\n", + "Completed text 114750\n", + "Completed text 114751\n", + "Completed text 114752\n", + "Completed text 114753\n", + "Completed text 114754\n", + "Completed text 114755\n", + "Completed text 114756\n", + "Completed text 114757\n", + "Completed text 114758\n", + "Completed text 114759\n", + "Completed text 114760\n", + "Completed text 114761\n", + "Completed text 114762\n", + "Completed text 114763\n", + "Completed text 114764\n", + "Completed text 114765\n", + "Completed text 114766\n", + "Completed text 114767\n", + "Completed text 114768\n", + "Completed text 114769\n", + "Completed text 114770\n", + "Completed text 114771\n", + "Completed text 114772\n", + "Completed text 114773\n", + "Completed text 114774\n", + "Completed text 114775\n", + "Completed text 114776\n", + "Completed text 114777\n", + "Completed text 114778\n", + "Completed text 114779\n", + "Completed text 114780\n", + "Completed text 114781\n", + "Completed text 114782\n", + "Completed text 114783\n", + "Completed text 114784\n", + "Completed text 114785\n", + "Completed text 114786\n", + "Completed text 114787\n", + "Completed text 114788\n", + "Completed text 114789\n", + "Completed text 114790\n", + "Completed text 114791\n", + "Completed text 114792\n", + "Completed text 114793\n", + "Completed text 114794\n", + "Completed text 114795\n", + "Completed text 114796\n", + "Completed text 114797\n", + "Completed text 114798\n", + "Completed text 114799\n", + "Completed text 114800\n", + "Completed text 114801\n", + "Completed text 114802\n", + "Completed text 114803\n", + "Completed text 114804\n", + "Completed text 114805\n", + "Completed text 114806\n", + "Completed text 114807\n", + "Completed text 114808\n", + "Completed text 114809\n", + "Completed text 114810\n", + "Completed text 114811\n", + "Completed text 114812\n", + "Completed text 114813\n", + "Completed text 114814\n", + "Completed text 114815\n", + "Completed text 114816\n", + "Completed text 114817\n", + "Completed text 114818\n", + "Completed text 114819\n", + "Completed text 114820\n", + "Completed text 114821\n", + "Completed text 114822\n", + "Completed text 114823\n", + "Completed text 114824\n", + "Completed text 114825\n", + "Completed text 114826\n", + "Completed text 114827\n", + "Completed text 114828\n", + "Completed text 114829\n", + "Completed text 114830\n", + "Completed text 114831\n", + "Completed text 114832\n", + "Completed text 114833\n", + "Completed text 114834\n", + "Completed text 114835\n", + "Completed text 114836\n", + "Completed text 114837\n", + "Completed text 114838\n", + "Completed text 114839\n", + "Completed text 114840\n", + "Completed text 114841\n", + "Completed text 114842\n", + "Completed text 114843\n", + "Completed text 114844\n", + "Completed text 114845\n", + "Completed text 114846\n", + "Completed text 114847\n", + "Completed text 114848\n", + "Completed text 114849\n", + "Completed text 114850\n", + "Completed text 114851\n", + "Completed text 114852\n", + "Completed text 114853\n", + "Completed text 114854\n", + "Completed text 114855\n", + "Completed text 114856\n", + "Completed text 114857\n", + "Completed text 114858\n", + "Completed text 114859\n", + "Completed text 114860\n", + "Completed text 114861\n", + "Completed text 114862\n", + "Completed text 114863\n", + "Completed text 114864\n", + "Completed text 114865\n", + "Completed text 114866\n", + "Completed text 114867\n", + "Completed text 114868\n", + "Completed text 114869\n", + "Completed text 114870\n", + "Completed text 114871\n", + "Completed text 114872\n", + "Completed text 114873\n", + "Completed text 114874\n", + "Completed text 114875\n", + "Completed text 114876\n", + "Completed text 114877\n", + "Completed text 114878\n", + "Completed text 114879\n", + "Completed text 114880\n", + "Completed text 114881\n", + "Completed text 114882\n", + "Completed text 114883\n", + "Completed text 114884\n", + "Completed text 114885\n", + "Completed text 114886\n", + "Completed text 114887\n", + "Completed text 114888\n", + "Completed text 114889\n", + "Completed text 114890\n", + "Completed text 114891\n", + "Completed text 114892\n", + "Completed text 114893\n", + "Completed text 114894\n", + "Completed text 114895\n", + "Completed text 114896\n", + "Completed text 114897\n", + "Completed text 114898\n", + "Completed text 114899\n", + "Completed text 114900\n", + "Completed text 114901\n", + "Completed text 114902\n", + "Completed text 114903\n", + "Completed text 114904\n", + "Completed text 114905\n", + "Completed text 114906\n", + "Completed text 114907\n", + "Completed text 114908\n", + "Completed text 114909\n", + "Completed text 114910\n", + "Completed text 114911\n", + "Completed text 114912\n", + "Completed text 114913\n", + "Completed text 114914\n", + "Completed text 114915\n", + "Completed text 114916\n", + "Completed text 114917\n", + "Completed text 114918\n", + "Completed text 114919\n", + "Completed text 114920\n", + "Completed text 114921\n", + "Completed text 114922\n", + "Completed text 114923\n", + "Completed text 114924\n", + "Completed text 114925\n", + "Completed text 114926\n", + "Completed text 114927\n", + "Completed text 114928\n", + "Completed text 114929\n", + "Completed text 114930\n", + "Completed text 114931\n", + "Completed text 114932\n", + "Completed text 114933\n", + "Completed text 114934\n", + "Completed text 114935\n", + "Completed text 114936\n", + "Completed text 114937\n", + "Completed text 114938\n", + "Completed text 114939\n", + "Completed text 114940\n", + "Completed text 114941\n", + "Completed text 114942\n", + "Completed text 114943\n", + "Completed text 114944\n", + "Completed text 114945\n", + "Completed text 114946\n", + "Completed text 114947\n", + "Completed text 114948\n", + "Completed text 114949\n", + "Completed text 114950\n", + "Completed text 114951\n", + "Completed text 114952\n", + "Completed text 114953\n", + "Completed text 114954\n", + "Completed text 114955\n", + "Completed text 114956\n", + "Completed text 114957\n", + "Completed text 114958\n", + "Completed text 114959\n", + "Completed text 114960\n", + "Completed text 114961\n", + "Completed text 114962\n", + "Completed text 114963\n", + "Completed text 114964\n", + "Completed text 114965\n", + "Completed text 114966\n", + "Completed text 114967\n", + "Completed text 114968\n", + "Completed text 114969\n", + "Completed text 114970\n", + "Completed text 114971\n", + "Completed text 114972\n", + "Completed text 114973\n", + "Completed text 114974\n", + "Completed text 114975\n", + "Completed text 114976\n", + "Completed text 114977\n", + "Completed text 114978\n", + "Completed text 114979\n", + "Completed text 114980\n", + "Completed text 114981\n", + "Completed text 114982\n", + "Completed text 114983\n", + "Completed text 114984\n", + "Completed text 114985\n", + "Completed text 114986\n", + "Completed text 114987\n", + "Completed text 114988\n", + "Completed text 114989\n", + "Completed text 114990\n", + "Completed text 114991\n", + "Completed text 114992\n", + "Completed text 114993\n", + "Completed text 114994\n", + "Completed text 114995\n", + "Completed text 114996\n", + "Completed text 114997\n", + "Completed text 114998\n", + "Completed text 114999\n", + "Completed text 115000\n", + "Completed text 115001\n", + "Completed text 115002\n", + "Completed text 115003\n", + "Completed text 115004\n", + "Completed text 115005\n", + "Completed text 115006\n", + "Completed text 115007\n", + "Completed text 115008\n", + "Completed text 115009\n", + "Completed text 115010\n", + "Completed text 115011\n", + "Completed text 115012\n", + "Completed text 115013\n", + "Completed text 115014\n", + "Completed text 115015\n", + "Completed text 115016\n", + "Completed text 115017\n", + "Completed text 115018\n", + "Completed text 115019\n", + "Completed text 115020\n", + "Completed text 115021\n", + "Completed text 115022\n", + "Completed text 115023\n", + "Completed text 115024\n", + "Completed text 115025\n", + "Completed text 115026\n", + "Completed text 115027\n", + "Completed text 115028\n", + "Completed text 115029\n", + "Completed text 115030\n", + "Completed text 115031\n", + "Completed text 115032\n", + "Completed text 115033\n", + "Completed text 115034\n", + "Completed text 115035\n", + "Completed text 115036\n", + "Completed text 115037\n", + "Completed text 115038\n", + "Completed text 115039\n", + "Completed text 115040\n", + "Completed text 115041\n", + "Completed text 115042\n", + "Completed text 115043\n", + "Completed text 115044\n", + "Completed text 115045\n", + "Completed text 115046\n", + "Completed text 115047\n", + "Completed text 115048\n", + "Completed text 115049\n", + "Completed text 115050\n", + "Completed text 115051\n", + "Completed text 115052\n", + "Completed text 115053\n", + "Completed text 115054\n", + "Completed text 115055\n", + "Completed text 115056\n", + "Completed text 115057\n", + "Completed text 115058\n", + "Completed text 115059\n", + "Completed text 115060\n", + "Completed text 115061\n", + "Completed text 115062\n", + "Completed text 115063\n", + "Completed text 115064\n", + "Completed text 115065\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 115066\n", + "Completed text 115067\n", + "Completed text 115068\n", + "Completed text 115069\n", + "Completed text 115070\n", + "Completed text 115071\n", + "Completed text 115072\n", + "Completed text 115073\n", + "Completed text 115074\n", + "Completed text 115075\n", + "Completed text 115076\n", + "Completed text 115077\n", + "Completed text 115078\n", + "Completed text 115079\n", + "Completed text 115080\n", + "Completed text 115081\n", + "Completed text 115082\n", + "Completed text 115083\n", + "Completed text 115084\n", + "Completed text 115085\n", + "Completed text 115086\n", + "Completed text 115087\n", + "Completed text 115088\n", + "Completed text 115089\n", + "Completed text 115090\n", + "Completed text 115091\n", + "Completed text 115092\n", + "Completed text 115093\n", + "Completed text 115094\n", + "Completed text 115095\n", + "Completed text 115096\n", + "Completed text 115097\n", + "Completed text 115098\n", + "Completed text 115099\n", + "Completed text 115100\n", + "Completed text 115101\n", + "Completed text 115102\n", + "Completed text 115103\n", + "Completed text 115104\n", + "Completed text 115105\n", + "Completed text 115106\n", + "Completed text 115107\n", + "Completed text 115108\n", + "Completed text 115109\n", + "Completed text 115110\n", + "Completed text 115111\n", + "Completed text 115112\n", + "Completed text 115113\n", + "Completed text 115114\n", + "Completed text 115115\n", + "Completed text 115116\n", + "Completed text 115117\n", + "Completed text 115118\n", + "Completed text 115119\n", + "Completed text 115120\n", + "Completed text 115121\n", + "Completed text 115122\n", + "Completed text 115123\n", + "Completed text 115124\n", + "Completed text 115125\n", + "Completed text 115126\n", + "Completed text 115127\n", + "Completed text 115128\n", + "Completed text 115129\n", + "Completed text 115130\n", + "Completed text 115131\n", + "Completed text 115132\n", + "Completed text 115133\n", + "Completed text 115134\n", + "Completed text 115135\n", + "Completed text 115136\n", + "Completed text 115137\n", + "Completed text 115138\n", + "Completed text 115139\n", + "Completed text 115140\n", + "Completed text 115141\n", + "Completed text 115142\n", + "Completed text 115143\n", + "Completed text 115144\n", + "Completed text 115145\n", + "Completed text 115146\n", + "Completed text 115147\n", + "Completed text 115148\n", + "Completed text 115149\n", + "Completed text 115150\n", + "Completed text 115151\n", + "Completed text 115152\n", + "Completed text 115153\n", + "Completed text 115154\n", + "Completed text 115155\n", + "Completed text 115156\n", + "Completed text 115157\n", + "Completed text 115158\n", + "Completed text 115159\n", + "Completed text 115160\n", + "Completed text 115161\n", + "Completed text 115162\n", + "Completed text 115163\n", + "Completed text 115164\n", + "Completed text 115165\n", + "Completed text 115166\n", + "Completed text 115167\n", + "Completed text 115168\n", + "Completed text 115169\n", + "Completed text 115170\n", + "Completed text 115171\n", + "Completed text 115172\n", + "Completed text 115173\n", + "Completed text 115174\n", + "Completed text 115175\n", + "Completed text 115176\n", + "Completed text 115177\n", + "Completed text 115178\n", + "Completed text 115179\n", + "Completed text 115180\n", + "Completed text 115181\n", + "Completed text 115182\n", + "Completed text 115183\n", + "Completed text 115184\n", + "Completed text 115185\n", + "Completed text 115186\n", + "Completed text 115187\n", + "Completed text 115188\n", + "Completed text 115189\n", + "Completed text 115190\n", + "Completed text 115191\n", + "Completed text 115192\n", + "Completed text 115193\n", + "Completed text 115194\n", + "Completed text 115195\n", + "Completed text 115196\n", + "Completed text 115197\n", + "Completed text 115198\n", + "Completed text 115199\n", + "Completed text 115200\n", + "Completed text 115201\n", + "Completed text 115202\n", + "Completed text 115203\n", + "Completed text 115204\n", + "Completed text 115205\n", + "Completed text 115206\n", + "Completed text 115207\n", + "Completed text 115208\n", + "Completed text 115209\n", + "Completed text 115210\n", + "Completed text 115211\n", + "Completed text 115212\n", + "Completed text 115213\n", + "Completed text 115214\n", + "Completed text 115215\n", + "Completed text 115216\n", + "Completed text 115217\n", + "Completed text 115218\n", + "Completed text 115219\n", + "Completed text 115220\n", + "Completed text 115221\n", + "Completed text 115222\n", + "Completed text 115223\n", + "Completed text 115224\n", + "Completed text 115225\n", + "Completed text 115226\n", + "Completed text 115227\n", + "Completed text 115228\n", + "Completed text 115229\n", + "Completed text 115230\n", + "Completed text 115231\n", + "Completed text 115232\n", + "Completed text 115233\n", + "Completed text 115234\n", + "Completed text 115235\n", + "Completed text 115236\n", + "Completed text 115237\n", + "Completed text 115238\n", + "Completed text 115239\n", + "Completed text 115240\n", + "Completed text 115241\n", + "Completed text 115242\n", + "Completed text 115243\n", + "Completed text 115244\n", + "Completed text 115245\n", + "Completed text 115246\n", + "Completed text 115247\n", + "Completed text 115248\n", + "Completed text 115249\n", + "Completed text 115250\n", + "Completed text 115251\n", + "Completed text 115252\n", + "Completed text 115253\n", + "Completed text 115254\n", + "Completed text 115255\n", + "Completed text 115256\n", + "Completed text 115257\n", + "Completed text 115258\n", + "Completed text 115259\n", + "Completed text 115260\n", + "Completed text 115261\n", + "Completed text 115262\n", + "Completed text 115263\n", + "Completed text 115264\n", + "Completed text 115265\n", + "Completed text 115266\n", + "Completed text 115267\n", + "Completed text 115268\n", + "Completed text 115269\n", + "Completed text 115270\n", + "Completed text 115271\n", + "Completed text 115272\n", + "Completed text 115273\n", + "Completed text 115274\n", + "Completed text 115275\n", + "Completed text 115276\n", + "Completed text 115277\n", + "Completed text 115278\n", + "Completed text 115279\n", + "Completed text 115280\n", + "Completed text 115281\n", + "Completed text 115282\n", + "Completed text 115283\n", + "Completed text 115284\n", + "Completed text 115285\n", + "Completed text 115286\n", + "Completed text 115287\n", + "Completed text 115288\n", + "Completed text 115289\n", + "Completed text 115290\n", + "Completed text 115291\n", + "Completed text 115292\n", + "Completed text 115293\n", + "Completed text 115294\n", + "Completed text 115295\n", + "Completed text 115296\n", + "Completed text 115297\n", + "Completed text 115298\n", + "Completed text 115299\n", + "Completed text 115300\n", + "Completed text 115301\n", + "Completed text 115302\n", + "Completed text 115303\n", + "Completed text 115304\n", + "Completed text 115305\n", + "Completed text 115306\n", + "Completed text 115307\n", + "Completed text 115308\n", + "Completed text 115309\n", + "Completed text 115310\n", + "Completed text 115311\n", + "Completed text 115312\n", + "Completed text 115313\n", + "Completed text 115314\n", + "Completed text 115315\n", + "Completed text 115316\n", + "Completed text 115317\n", + "Completed text 115318\n", + "Completed text 115319\n", + "Completed text 115320\n", + "Completed text 115321\n", + "Completed text 115322\n", + "Completed text 115323\n", + "Completed text 115324\n", + "Completed text 115325\n", + "Completed text 115326\n", + "Completed text 115327\n", + "Completed text 115328\n", + "Completed text 115329\n", + "Completed text 115330\n", + "Completed text 115331\n", + "Completed text 115332\n", + "Completed text 115333\n", + "Completed text 115334\n", + "Completed text 115335\n", + "Completed text 115336\n", + "Completed text 115337\n", + "Completed text 115338\n", + "Completed text 115339\n", + "Completed text 115340\n", + "Completed text 115341\n", + "Completed text 115342\n", + "Completed text 115343\n", + "Completed text 115344\n", + "Completed text 115345\n", + "Completed text 115346\n", + "Completed text 115347\n", + "Completed text 115348\n", + "Completed text 115349\n", + "Completed text 115350\n", + "Completed text 115351\n", + "Completed text 115352\n", + "Completed text 115353\n", + "Completed text 115354\n", + "Completed text 115355\n", + "Completed text 115356\n", + "Completed text 115357\n", + "Completed text 115358\n", + "Completed text 115359\n", + "Completed text 115360\n", + "Completed text 115361\n", + "Completed text 115362\n", + "Completed text 115363\n", + "Completed text 115364\n", + "Completed text 115365\n", + "Completed text 115366\n", + "Completed text 115367\n", + "Completed text 115368\n", + "Completed text 115369\n", + "Completed text 115370\n", + "Completed text 115371\n", + "Completed text 115372\n", + "Completed text 115373\n", + "Completed text 115374\n", + "Completed text 115375\n", + "Completed text 115376\n", + "Completed text 115377\n", + "Completed text 115378\n", + "Completed text 115379\n", + "Completed text 115380\n", + "Completed text 115381\n", + "Completed text 115382\n", + "Completed text 115383\n", + "Completed text 115384\n", + "Completed text 115385\n", + "Completed text 115386\n", + "Completed text 115387\n", + "Completed text 115388\n", + "Completed text 115389\n", + "Completed text 115390\n", + "Completed text 115391\n", + "Completed text 115392\n", + "Completed text 115393\n", + "Completed text 115394\n", + "Completed text 115395\n", + "Completed text 115396\n", + "Completed text 115397\n", + "Completed text 115398\n", + "Completed text 115399\n", + "Completed text 115400\n", + "Completed text 115401\n", + "Completed text 115402\n", + "Completed text 115403\n", + "Completed text 115404\n", + "Completed text 115405\n", + "Completed text 115406\n", + "Completed text 115407\n", + "Completed text 115408\n", + "Completed text 115409\n", + "Completed text 115410\n", + "Completed text 115411\n", + "Completed text 115412\n", + "Completed text 115413\n", + "Completed text 115414\n", + "Completed text 115415\n", + "Completed text 115416\n", + "Completed text 115417\n", + "Completed text 115418\n", + "Completed text 115419\n", + "Completed text 115420\n", + "Completed text 115421\n", + "Completed text 115422\n", + "Completed text 115423\n", + "Completed text 115424\n", + "Completed text 115425\n", + "Completed text 115426\n", + "Completed text 115427\n", + "Completed text 115428\n", + "Completed text 115429\n", + "Completed text 115430\n", + "Completed text 115431\n", + "Completed text 115432\n", + "Completed text 115433\n", + "Completed text 115434\n", + "Completed text 115435\n", + "Completed text 115436\n", + "Completed text 115437\n", + "Completed text 115438\n", + "Completed text 115439\n", + "Completed text 115440\n", + "Completed text 115441\n", + "Completed text 115442\n", + "Completed text 115443\n", + "Completed text 115444\n", + "Completed text 115445\n", + "Completed text 115446\n", + "Completed text 115447\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 115448\n", + "Completed text 115449\n", + "Completed text 115450\n", + "Completed text 115451\n", + "Completed text 115452\n", + "Completed text 115453\n", + "Completed text 115454\n", + "Completed text 115455\n", + "Completed text 115456\n", + "Completed text 115457\n", + "Completed text 115458\n", + "Completed text 115459\n", + "Completed text 115460\n", + "Completed text 115461\n", + "Completed text 115462\n", + "Completed text 115463\n", + "Completed text 115464\n", + "Completed text 115465\n", + "Completed text 115466\n", + "Completed text 115467\n", + "Completed text 115468\n", + "Completed text 115469\n", + "Completed text 115470\n", + "Completed text 115471\n", + "Completed text 115472\n", + "Completed text 115473\n", + "Completed text 115474\n", + "Completed text 115475\n", + "Completed text 115476\n", + "Completed text 115477\n", + "Completed text 115478\n", + "Completed text 115479\n", + "Completed text 115480\n", + "Completed text 115481\n", + "Completed text 115482\n", + "Completed text 115483\n", + "Completed text 115484\n", + "Completed text 115485\n", + "Completed text 115486\n", + "Completed text 115487\n", + "Completed text 115488\n", + "Completed text 115489\n", + "Completed text 115490\n", + "Completed text 115491\n", + "Completed text 115492\n", + "Completed text 115493\n", + "Completed text 115494\n", + "Completed text 115495\n", + "Completed text 115496\n", + "Completed text 115497\n", + "Completed text 115498\n", + "Completed text 115499\n", + "Completed text 115500\n", + "Completed text 115501\n", + "Completed text 115502\n", + "Completed text 115503\n", + "Completed text 115504\n", + "Completed text 115505\n", + "Completed text 115506\n", + "Completed text 115507\n", + "Completed text 115508\n", + "Completed text 115509\n", + "Completed text 115510\n", + "Completed text 115511\n", + "Completed text 115512\n", + "Completed text 115513\n", + "Completed text 115514\n", + "Completed text 115515\n", + "Completed text 115516\n", + "Completed text 115517\n", + "Completed text 115518\n", + "Completed text 115519\n", + "Completed text 115520\n", + "Completed text 115521\n", + "Completed text 115522\n", + "Completed text 115523\n", + "Completed text 115524\n", + "Completed text 115525\n", + "Completed text 115526\n", + "Completed text 115527\n", + "Completed text 115528\n", + "Completed text 115529\n", + "Completed text 115530\n", + "Completed text 115531\n", + "Completed text 115532\n", + "Completed text 115533\n", + "Completed text 115534\n", + "Completed text 115535\n", + "Completed text 115536\n", + "Completed text 115537\n", + "Completed text 115538\n", + "Completed text 115539\n", + "Completed text 115540\n", + "Completed text 115541\n", + "Completed text 115542\n", + "Completed text 115543\n", + "Completed text 115544\n", + "Completed text 115545\n", + "Completed text 115546\n", + "Completed text 115547\n", + "Completed text 115548\n", + "Completed text 115549\n", + "Completed text 115550\n", + "Completed text 115551\n", + "Completed text 115552\n", + "Completed text 115553\n", + "Completed text 115554\n", + "Completed text 115555\n", + "Completed text 115556\n", + "Completed text 115557\n", + "Completed text 115558\n", + "Completed text 115559\n", + "Completed text 115560\n", + "Completed text 115561\n", + "Completed text 115562\n", + "Completed text 115563\n", + "Completed text 115564\n", + "Completed text 115565\n", + "Completed text 115566\n", + "Completed text 115567\n", + "Completed text 115568\n", + "Completed text 115569\n", + "Completed text 115570\n", + "Completed text 115571\n", + "Completed text 115572\n", + "Completed text 115573\n", + "Completed text 115574\n", + "Completed text 115575\n", + "Completed text 115576\n", + "Completed text 115577\n", + "Completed text 115578\n", + "Completed text 115579\n", + "Completed text 115580\n", + "Completed text 115581\n", + "Completed text 115582\n", + "Completed text 115583\n", + "Completed text 115584\n", + "Completed text 115585\n", + "Completed text 115586\n", + "Completed text 115587\n", + "Completed text 115588\n", + "Completed text 115589\n", + "Completed text 115590\n", + "Completed text 115591\n", + "Completed text 115592\n", + "Completed text 115593\n", + "Completed text 115594\n", + "Completed text 115595\n", + "Completed text 115596\n", + "Completed text 115597\n", + "Completed text 115598\n", + "Completed text 115599\n", + "Completed text 115600\n", + "Completed text 115601\n", + "Completed text 115602\n", + "Completed text 115603\n", + "Completed text 115604\n", + "Completed text 115605\n", + "Completed text 115606\n", + "Completed text 115607\n", + "Completed text 115608\n", + "Completed text 115609\n", + "Completed text 115610\n", + "Completed text 115611\n", + "Completed text 115612\n", + "Completed text 115613\n", + "Completed text 115614\n", + "Completed text 115615\n", + "Completed text 115616\n", + "Completed text 115617\n", + "Completed text 115618\n", + "Completed text 115619\n", + "Completed text 115620\n", + "Completed text 115621\n", + "Completed text 115622\n", + "Completed text 115623\n", + "Completed text 115624\n", + "Completed text 115625\n", + "Completed text 115626\n", + "Completed text 115627\n", + "Completed text 115628\n", + "Completed text 115629\n", + "Completed text 115630\n", + "Completed text 115631\n", + "Completed text 115632\n", + "Completed text 115633\n", + "Completed text 115634\n", + "Completed text 115635\n", + "Completed text 115636\n", + "Completed text 115637\n", + "Completed text 115638\n", + "Completed text 115639\n", + "Completed text 115640\n", + "Completed text 115641\n", + "Completed text 115642\n", + "Completed text 115643\n", + "Completed text 115644\n", + "Completed text 115645\n", + "Completed text 115646\n", + "Completed text 115647\n", + "Completed text 115648\n", + "Completed text 115649\n", + "Completed text 115650\n", + "Completed text 115651\n", + "Completed text 115652\n", + "Completed text 115653\n", + "Completed text 115654\n", + "Completed text 115655\n", + "Completed text 115656\n", + "Completed text 115657\n", + "Completed text 115658\n", + "Completed text 115659\n", + "Completed text 115660\n", + "Completed text 115661\n", + "Completed text 115662\n", + "Completed text 115663\n", + "Completed text 115664\n", + "Completed text 115665\n", + "Completed text 115666\n", + "Completed text 115667\n", + "Completed text 115668\n", + "Completed text 115669\n", + "Completed text 115670\n", + "Completed text 115671\n", + "Completed text 115672\n", + "Completed text 115673\n", + "Completed text 115674\n", + "Completed text 115675\n", + "Completed text 115676\n", + "Completed text 115677\n", + "Completed text 115678\n", + "Completed text 115679\n", + "Completed text 115680\n", + "Completed text 115681\n", + "Completed text 115682\n", + "Completed text 115683\n", + "Completed text 115684\n", + "Completed text 115685\n", + "Completed text 115686\n", + "Completed text 115687\n", + "Completed text 115688\n", + "Completed text 115689\n", + "Completed text 115690\n", + "Completed text 115691\n", + "Completed text 115692\n", + "Completed text 115693\n", + "Completed text 115694\n", + "Completed text 115695\n", + "Completed text 115696\n", + "Completed text 115697\n", + "Completed text 115698\n", + "Completed text 115699\n", + "Completed text 115700\n", + "Completed text 115701\n", + "Completed text 115702\n", + "Completed text 115703\n", + "Completed text 115704\n", + "Completed text 115705\n", + "Completed text 115706\n", + "Completed text 115707\n", + "Completed text 115708\n", + "Completed text 115709\n", + "Completed text 115710\n", + "Completed text 115711\n", + "Completed text 115712\n", + "Completed text 115713\n", + "Completed text 115714\n", + "Completed text 115715\n", + "Completed text 115716\n", + "Completed text 115717\n", + "Completed text 115718\n", + "Completed text 115719\n", + "Completed text 115720\n", + "Completed text 115721\n", + "Completed text 115722\n", + "Completed text 115723\n", + "Completed text 115724\n", + "Completed text 115725\n", + "Completed text 115726\n", + "Completed text 115727\n", + "Completed text 115728\n", + "Completed text 115729\n", + "Completed text 115730\n", + "Completed text 115731\n", + "Completed text 115732\n", + "Completed text 115733\n", + "Completed text 115734\n", + "Completed text 115735\n", + "Completed text 115736\n", + "Completed text 115737\n", + "Completed text 115738\n", + "Completed text 115739\n", + "Completed text 115740\n", + "Completed text 115741\n", + "Completed text 115742\n", + "Completed text 115743\n", + "Completed text 115744\n", + "Completed text 115745\n", + "Completed text 115746\n", + "Completed text 115747\n", + "Completed text 115748\n", + "Completed text 115749\n", + "Completed text 115750\n", + "Completed text 115751\n", + "Completed text 115752\n", + "Completed text 115753\n", + "Completed text 115754\n", + "Completed text 115755\n", + "Completed text 115756\n", + "Completed text 115757\n", + "Completed text 115758\n", + "Completed text 115759\n", + "Completed text 115760\n", + "Completed text 115761\n", + "Completed text 115762\n", + "Completed text 115763\n", + "Completed text 115764\n", + "Completed text 115765\n", + "Completed text 115766\n", + "Completed text 115767\n", + "Completed text 115768\n", + "Completed text 115769\n", + "Completed text 115770\n", + "Completed text 115771\n", + "Completed text 115772\n", + "Completed text 115773\n", + "Completed text 115774\n", + "Completed text 115775\n", + "Completed text 115776\n", + "Completed text 115777\n", + "Completed text 115778\n", + "Completed text 115779\n", + "Completed text 115780\n", + "Completed text 115781\n", + "Completed text 115782\n", + "Completed text 115783\n", + "Completed text 115784\n", + "Completed text 115785\n", + "Completed text 115786\n", + "Completed text 115787\n", + "Completed text 115788\n", + "Completed text 115789\n", + "Completed text 115790\n", + "Completed text 115791\n", + "Completed text 115792\n", + "Completed text 115793\n", + "Completed text 115794\n", + "Completed text 115795\n", + "Completed text 115796\n", + "Completed text 115797\n", + "Completed text 115798\n", + "Completed text 115799\n", + "Completed text 115800\n", + "Completed text 115801\n", + "Completed text 115802\n", + "Completed text 115803\n", + "Completed text 115804\n", + "Completed text 115805\n", + "Completed text 115806\n", + "Completed text 115807\n", + "Completed text 115808\n", + "Completed text 115809\n", + "Completed text 115810\n", + "Completed text 115811\n", + "Completed text 115812\n", + "Completed text 115813\n", + "Completed text 115814\n", + "Completed text 115815\n", + "Completed text 115816\n", + "Completed text 115817\n", + "Completed text 115818\n", + "Completed text 115819\n", + "Completed text 115820\n", + "Completed text 115821\n", + "Completed text 115822\n", + "Completed text 115823\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 115824\n", + "Completed text 115825\n", + "Completed text 115826\n", + "Completed text 115827\n", + "Completed text 115828\n", + "Completed text 115829\n", + "Completed text 115830\n", + "Completed text 115831\n", + "Completed text 115832\n", + "Completed text 115833\n", + "Completed text 115834\n", + "Completed text 115835\n", + "Completed text 115836\n", + "Completed text 115837\n", + "Completed text 115838\n", + "Completed text 115839\n", + "Completed text 115840\n", + "Completed text 115841\n", + "Completed text 115842\n", + "Completed text 115843\n", + "Completed text 115844\n", + "Completed text 115845\n", + "Completed text 115846\n", + "Completed text 115847\n", + "Completed text 115848\n", + "Completed text 115849\n", + "Completed text 115850\n", + "Completed text 115851\n", + "Completed text 115852\n", + "Completed text 115853\n", + "Completed text 115854\n", + "Completed text 115855\n", + "Completed text 115856\n", + "Completed text 115857\n", + "Completed text 115858\n", + "Completed text 115859\n", + "Completed text 115860\n", + "Completed text 115861\n", + "Completed text 115862\n", + "Completed text 115863\n", + "Completed text 115864\n", + "Completed text 115865\n", + "Completed text 115866\n", + "Completed text 115867\n", + "Completed text 115868\n", + "Completed text 115869\n", + "Completed text 115870\n", + "Completed text 115871\n", + "Completed text 115872\n", + "Completed text 115873\n", + "Completed text 115874\n", + "Completed text 115875\n", + "Completed text 115876\n", + "Completed text 115877\n", + "Completed text 115878\n", + "Completed text 115879\n", + "Completed text 115880\n", + "Completed text 115881\n", + "Completed text 115882\n", + "Completed text 115883\n", + "Completed text 115884\n", + "Completed text 115885\n", + "Completed text 115886\n", + "Completed text 115887\n", + "Completed text 115888\n", + "Completed text 115889\n", + "Completed text 115890\n", + "Completed text 115891\n", + "Completed text 115892\n", + "Completed text 115893\n", + "Completed text 115894\n", + "Completed text 115895\n", + "Completed text 115896\n", + "Completed text 115897\n", + "Completed text 115898\n", + "Completed text 115899\n", + "Completed text 115900\n", + "Completed text 115901\n", + "Completed text 115902\n", + "Completed text 115903\n", + "Completed text 115904\n", + "Completed text 115905\n", + "Completed text 115906\n", + "Completed text 115907\n", + "Completed text 115908\n", + "Completed text 115909\n", + "Completed text 115910\n", + "Completed text 115911\n", + "Completed text 115912\n", + "Completed text 115913\n", + "Completed text 115914\n", + "Completed text 115915\n", + "Completed text 115916\n", + "Completed text 115917\n", + "Completed text 115918\n", + "Completed text 115919\n", + "Completed text 115920\n", + "Completed text 115921\n", + "Completed text 115922\n", + "Completed text 115923\n", + "Completed text 115924\n", + "Completed text 115925\n", + "Completed text 115926\n", + "Completed text 115927\n", + "Completed text 115928\n", + "Completed text 115929\n", + "Completed text 115930\n", + "Completed text 115931\n", + "Completed text 115932\n", + "Completed text 115933\n", + "Completed text 115934\n", + "Completed text 115935\n", + "Completed text 115936\n", + "Completed text 115937\n", + "Completed text 115938\n", + "Completed text 115939\n", + "Completed text 115940\n", + "Completed text 115941\n", + "Completed text 115942\n", + "Completed text 115943\n", + "Completed text 115944\n", + "Completed text 115945\n", + "Completed text 115946\n", + "Completed text 115947\n", + "Completed text 115948\n", + "Completed text 115949\n", + "Completed text 115950\n", + "Completed text 115951\n", + "Completed text 115952\n", + "Completed text 115953\n", + "Completed text 115954\n", + "Completed text 115955\n", + "Completed text 115956\n", + "Completed text 115957\n", + "Completed text 115958\n", + "Completed text 115959\n", + "Completed text 115960\n", + "Completed text 115961\n", + "Completed text 115962\n", + "Completed text 115963\n", + "Completed text 115964\n", + "Completed text 115965\n", + "Completed text 115966\n", + "Completed text 115967\n", + "Completed text 115968\n", + "Completed text 115969\n", + "Completed text 115970\n", + "Completed text 115971\n", + "Completed text 115972\n", + "Completed text 115973\n", + "Completed text 115974\n", + "Completed text 115975\n", + "Completed text 115976\n", + "Completed text 115977\n", + "Completed text 115978\n", + "Completed text 115979\n", + "Completed text 115980\n", + "Completed text 115981\n", + "Completed text 115982\n", + "Completed text 115983\n", + "Completed text 115984\n", + "Completed text 115985\n", + "Completed text 115986\n", + "Completed text 115987\n", + "Completed text 115988\n", + "Completed text 115989\n", + "Completed text 115990\n", + "Completed text 115991\n", + "Completed text 115992\n", + "Completed text 115993\n", + "Completed text 115994\n", + "Completed text 115995\n", + "Completed text 115996\n", + "Completed text 115997\n", + "Completed text 115998\n", + "Completed text 115999\n", + "Completed text 116000\n", + "Completed text 116001\n", + "Completed text 116002\n", + "Completed text 116003\n", + "Completed text 116004\n", + "Completed text 116005\n", + "Completed text 116006\n", + "Completed text 116007\n", + "Completed text 116008\n", + "Completed text 116009\n", + "Completed text 116010\n", + "Completed text 116011\n", + "Completed text 116012\n", + "Completed text 116013\n", + "Completed text 116014\n", + "Completed text 116015\n", + "Completed text 116016\n", + "Completed text 116017\n", + "Completed text 116018\n", + "Completed text 116019\n", + "Completed text 116020\n", + "Completed text 116021\n", + "Completed text 116022\n", + "Completed text 116023\n", + "Completed text 116024\n", + "Completed text 116025\n", + "Completed text 116026\n", + "Completed text 116027\n", + "Completed text 116028\n", + "Completed text 116029\n", + "Completed text 116030\n", + "Completed text 116031\n", + "Completed text 116032\n", + "Completed text 116033\n", + "Completed text 116034\n", + "Completed text 116035\n", + "Completed text 116036\n", + "Completed text 116037\n", + "Completed text 116038\n", + "Completed text 116039\n", + "Completed text 116040\n", + "Completed text 116041\n", + "Completed text 116042\n", + "Completed text 116043\n", + "Completed text 116044\n", + "Completed text 116045\n", + "Completed text 116046\n", + "Completed text 116047\n", + "Completed text 116048\n", + "Completed text 116049\n", + "Completed text 116050\n", + "Completed text 116051\n", + "Completed text 116052\n", + "Completed text 116053\n", + "Completed text 116054\n", + "Completed text 116055\n", + "Completed text 116056\n", + "Completed text 116057\n", + "Completed text 116058\n", + "Completed text 116059\n", + "Completed text 116060\n", + "Completed text 116061\n", + "Completed text 116062\n", + "Completed text 116063\n", + "Completed text 116064\n", + "Completed text 116065\n", + "Completed text 116066\n", + "Completed text 116067\n", + "Completed text 116068\n", + "Completed text 116069\n", + "Completed text 116070\n", + "Completed text 116071\n", + "Completed text 116072\n", + "Completed text 116073\n", + "Completed text 116074\n", + "Completed text 116075\n", + "Completed text 116076\n", + "Completed text 116077\n", + "Completed text 116078\n", + "Completed text 116079\n", + "Completed text 116080\n", + "Completed text 116081\n", + "Completed text 116082\n", + "Completed text 116083\n", + "Completed text 116084\n", + "Completed text 116085\n", + "Completed text 116086\n", + "Completed text 116087\n", + "Completed text 116088\n", + "Completed text 116089\n", + "Completed text 116090\n", + "Completed text 116091\n", + "Completed text 116092\n", + "Completed text 116093\n", + "Completed text 116094\n", + "Completed text 116095\n", + "Completed text 116096\n", + "Completed text 116097\n", + "Completed text 116098\n", + "Completed text 116099\n", + "Completed text 116100\n", + "Completed text 116101\n", + "Completed text 116102\n", + "Completed text 116103\n", + "Completed text 116104\n", + "Completed text 116105\n", + "Completed text 116106\n", + "Completed text 116107\n", + "Completed text 116108\n", + "Completed text 116109\n", + "Completed text 116110\n", + "Completed text 116111\n", + "Completed text 116112\n", + "Completed text 116113\n", + "Completed text 116114\n", + "Completed text 116115\n", + "Completed text 116116\n", + "Completed text 116117\n", + "Completed text 116118\n", + "Completed text 116119\n", + "Completed text 116120\n", + "Completed text 116121\n", + "Completed text 116122\n", + "Completed text 116123\n", + "Completed text 116124\n", + "Completed text 116125\n", + "Completed text 116126\n", + "Completed text 116127\n", + "Completed text 116128\n", + "Completed text 116129\n", + "Completed text 116130\n", + "Completed text 116131\n", + "Completed text 116132\n", + "Completed text 116133\n", + "Completed text 116134\n", + "Completed text 116135\n", + "Completed text 116136\n", + "Completed text 116137\n", + "Completed text 116138\n", + "Completed text 116139\n", + "Completed text 116140\n", + "Completed text 116141\n", + "Completed text 116142\n", + "Completed text 116143\n", + "Completed text 116144\n", + "Completed text 116145\n", + "Completed text 116146\n", + "Completed text 116147\n", + "Completed text 116148\n", + "Completed text 116149\n", + "Completed text 116150\n", + "Completed text 116151\n", + "Completed text 116152\n", + "Completed text 116153\n", + "Completed text 116154\n", + "Completed text 116155\n", + "Completed text 116156\n", + "Completed text 116157\n", + "Completed text 116158\n", + "Completed text 116159\n", + "Completed text 116160\n", + "Completed text 116161\n", + "Completed text 116162\n", + "Completed text 116163\n", + "Completed text 116164\n", + "Completed text 116165\n", + "Completed text 116166\n", + "Completed text 116167\n", + "Completed text 116168\n", + "Completed text 116169\n", + "Completed text 116170\n", + "Completed text 116171\n", + "Completed text 116172\n", + "Completed text 116173\n", + "Completed text 116174\n", + "Completed text 116175\n", + "Completed text 116176\n", + "Completed text 116177\n", + "Completed text 116178\n", + "Completed text 116179\n", + "Completed text 116180\n", + "Completed text 116181\n", + "Completed text 116182\n", + "Completed text 116183\n", + "Completed text 116184\n", + "Completed text 116185\n", + "Completed text 116186\n", + "Completed text 116187\n", + "Completed text 116188\n", + "Completed text 116189\n", + "Completed text 116190\n", + "Completed text 116191\n", + "Completed text 116192\n", + "Completed text 116193\n", + "Completed text 116194\n", + "Completed text 116195\n", + "Completed text 116196\n", + "Completed text 116197\n", + "Completed text 116198\n", + "Completed text 116199\n", + "Completed text 116200\n", + "Completed text 116201\n", + "Completed text 116202\n", + "Completed text 116203\n", + "Completed text 116204\n", + "Completed text 116205\n", + "Completed text 116206\n", + "Completed text 116207\n", + "Completed text 116208\n", + "Completed text 116209\n", + "Completed text 116210\n", + "Completed text 116211\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 116212\n", + "Completed text 116213\n", + "Completed text 116214\n", + "Completed text 116215\n", + "Completed text 116216\n", + "Completed text 116217\n", + "Completed text 116218\n", + "Completed text 116219\n", + "Completed text 116220\n", + "Completed text 116221\n", + "Completed text 116222\n", + "Completed text 116223\n", + "Completed text 116224\n", + "Completed text 116225\n", + "Completed text 116226\n", + "Completed text 116227\n", + "Completed text 116228\n", + "Completed text 116229\n", + "Completed text 116230\n", + "Completed text 116231\n", + "Completed text 116232\n", + "Completed text 116233\n", + "Completed text 116234\n", + "Completed text 116235\n", + "Completed text 116236\n", + "Completed text 116237\n", + "Completed text 116238\n", + "Completed text 116239\n", + "Completed text 116240\n", + "Completed text 116241\n", + "Completed text 116242\n", + "Completed text 116243\n", + "Completed text 116244\n", + "Completed text 116245\n", + "Completed text 116246\n", + "Completed text 116247\n", + "Completed text 116248\n", + "Completed text 116249\n", + "Completed text 116250\n", + "Completed text 116251\n", + "Completed text 116252\n", + "Completed text 116253\n", + "Completed text 116254\n", + "Completed text 116255\n", + "Completed text 116256\n", + "Completed text 116257\n", + "Completed text 116258\n", + "Completed text 116259\n", + "Completed text 116260\n", + "Completed text 116261\n", + "Completed text 116262\n", + "Completed text 116263\n", + "Completed text 116264\n", + "Completed text 116265\n", + "Completed text 116266\n", + "Completed text 116267\n", + "Completed text 116268\n", + "Completed text 116269\n", + "Completed text 116270\n", + "Completed text 116271\n", + "Completed text 116272\n", + "Completed text 116273\n", + "Completed text 116274\n", + "Completed text 116275\n", + "Completed text 116276\n", + "Completed text 116277\n", + "Completed text 116278\n", + "Completed text 116279\n", + "Completed text 116280\n", + "Completed text 116281\n", + "Completed text 116282\n", + "Completed text 116283\n", + "Completed text 116284\n", + "Completed text 116285\n", + "Completed text 116286\n", + "Completed text 116287\n", + "Completed text 116288\n", + "Completed text 116289\n", + "Completed text 116290\n", + "Completed text 116291\n", + "Completed text 116292\n", + "Completed text 116293\n", + "Completed text 116294\n", + "Completed text 116295\n", + "Completed text 116296\n", + "Completed text 116297\n", + "Completed text 116298\n", + "Completed text 116299\n", + "Completed text 116300\n", + "Completed text 116301\n", + "Completed text 116302\n", + "Completed text 116303\n", + "Completed text 116304\n", + "Completed text 116305\n", + "Completed text 116306\n", + "Completed text 116307\n", + "Completed text 116308\n", + "Completed text 116309\n", + "Completed text 116310\n", + "Completed text 116311\n", + "Completed text 116312\n", + "Completed text 116313\n", + "Completed text 116314\n", + "Completed text 116315\n", + "Completed text 116316\n", + "Completed text 116317\n", + "Completed text 116318\n", + "Completed text 116319\n", + "Completed text 116320\n", + "Completed text 116321\n", + "Completed text 116322\n", + "Completed text 116323\n", + "Completed text 116324\n", + "Completed text 116325\n", + "Completed text 116326\n", + "Completed text 116327\n", + "Completed text 116328\n", + "Completed text 116329\n", + "Completed text 116330\n", + "Completed text 116331\n", + "Completed text 116332\n", + "Completed text 116333\n", + "Completed text 116334\n", + "Completed text 116335\n", + "Completed text 116336\n", + "Completed text 116337\n", + "Completed text 116338\n", + "Completed text 116339\n", + "Completed text 116340\n", + "Completed text 116341\n", + "Completed text 116342\n", + "Completed text 116343\n", + "Completed text 116344\n", + "Completed text 116345\n", + "Completed text 116346\n", + "Completed text 116347\n", + "Completed text 116348\n", + "Completed text 116349\n", + "Completed text 116350\n", + "Completed text 116351\n", + "Completed text 116352\n", + "Completed text 116353\n", + "Completed text 116354\n", + "Completed text 116355\n", + "Completed text 116356\n", + "Completed text 116357\n", + "Completed text 116358\n", + "Completed text 116359\n", + "Completed text 116360\n", + "Completed text 116361\n", + "Completed text 116362\n", + "Completed text 116363\n", + "Completed text 116364\n", + "Completed text 116365\n", + "Completed text 116366\n", + "Completed text 116367\n", + "Completed text 116368\n", + "Completed text 116369\n", + "Completed text 116370\n", + "Completed text 116371\n", + "Completed text 116372\n", + "Completed text 116373\n", + "Completed text 116374\n", + "Completed text 116375\n", + "Completed text 116376\n", + "Completed text 116377\n", + "Completed text 116378\n", + "Completed text 116379\n", + "Completed text 116380\n", + "Completed text 116381\n", + "Completed text 116382\n", + "Completed text 116383\n", + "Completed text 116384\n", + "Completed text 116385\n", + "Completed text 116386\n", + "Completed text 116387\n", + "Completed text 116388\n", + "Completed text 116389\n", + "Completed text 116390\n", + "Completed text 116391\n", + "Completed text 116392\n", + "Completed text 116393\n", + "Completed text 116394\n", + "Completed text 116395\n", + "Completed text 116396\n", + "Completed text 116397\n", + "Completed text 116398\n", + "Completed text 116399\n", + "Completed text 116400\n", + "Completed text 116401\n", + "Completed text 116402\n", + "Completed text 116403\n", + "Completed text 116404\n", + "Completed text 116405\n", + "Completed text 116406\n", + "Completed text 116407\n", + "Completed text 116408\n", + "Completed text 116409\n", + "Completed text 116410\n", + "Completed text 116411\n", + "Completed text 116412\n", + "Completed text 116413\n", + "Completed text 116414\n", + "Completed text 116415\n", + "Completed text 116416\n", + "Completed text 116417\n", + "Completed text 116418\n", + "Completed text 116419\n", + "Completed text 116420\n", + "Completed text 116421\n", + "Completed text 116422\n", + "Completed text 116423\n", + "Completed text 116424\n", + "Completed text 116425\n", + "Completed text 116426\n", + "Completed text 116427\n", + "Completed text 116428\n", + "Completed text 116429\n", + "Completed text 116430\n", + "Completed text 116431\n", + "Completed text 116432\n", + "Completed text 116433\n", + "Completed text 116434\n", + "Completed text 116435\n", + "Completed text 116436\n", + "Completed text 116437\n", + "Completed text 116438\n", + "Completed text 116439\n", + "Completed text 116440\n", + "Completed text 116441\n", + "Completed text 116442\n", + "Completed text 116443\n", + "Completed text 116444\n", + "Completed text 116445\n", + "Completed text 116446\n", + "Completed text 116447\n", + "Completed text 116448\n", + "Completed text 116449\n", + "Completed text 116450\n", + "Completed text 116451\n", + "Completed text 116452\n", + "Completed text 116453\n", + "Completed text 116454\n", + "Completed text 116455\n", + "Completed text 116456\n", + "Completed text 116457\n", + "Completed text 116458\n", + "Completed text 116459\n", + "Completed text 116460\n", + "Completed text 116461\n", + "Completed text 116462\n", + "Completed text 116463\n", + "Completed text 116464\n", + "Completed text 116465\n", + "Completed text 116466\n", + "Completed text 116467\n", + "Completed text 116468\n", + "Completed text 116469\n", + "Completed text 116470\n", + "Completed text 116471\n", + "Completed text 116472\n", + "Completed text 116473\n", + "Completed text 116474\n", + "Completed text 116475\n", + "Completed text 116476\n", + "Completed text 116477\n", + "Completed text 116478\n", + "Completed text 116479\n", + "Completed text 116480\n", + "Completed text 116481\n", + "Completed text 116482\n", + "Completed text 116483\n", + "Completed text 116484\n", + "Completed text 116485\n", + "Completed text 116486\n", + "Completed text 116487\n", + "Completed text 116488\n", + "Completed text 116489\n", + "Completed text 116490\n", + "Completed text 116491\n", + "Completed text 116492\n", + "Completed text 116493\n", + "Completed text 116494\n", + "Completed text 116495\n", + "Completed text 116496\n", + "Completed text 116497\n", + "Completed text 116498\n", + "Completed text 116499\n", + "Completed text 116500\n", + "Completed text 116501\n", + "Completed text 116502\n", + "Completed text 116503\n", + "Completed text 116504\n", + "Completed text 116505\n", + "Completed text 116506\n", + "Completed text 116507\n", + "Completed text 116508\n", + "Completed text 116509\n", + "Completed text 116510\n", + "Completed text 116511\n", + "Completed text 116512\n", + "Completed text 116513\n", + "Completed text 116514\n", + "Completed text 116515\n", + "Completed text 116516\n", + "Completed text 116517\n", + "Completed text 116518\n", + "Completed text 116519\n", + "Completed text 116520\n", + "Completed text 116521\n", + "Completed text 116522\n", + "Completed text 116523\n", + "Completed text 116524\n", + "Completed text 116525\n", + "Completed text 116526\n", + "Completed text 116527\n", + "Completed text 116528\n", + "Completed text 116529\n", + "Completed text 116530\n", + "Completed text 116531\n", + "Completed text 116532\n", + "Completed text 116533\n", + "Completed text 116534\n", + "Completed text 116535\n", + "Completed text 116536\n", + "Completed text 116537\n", + "Completed text 116538\n", + "Completed text 116539\n", + "Completed text 116540\n", + "Completed text 116541\n", + "Completed text 116542\n", + "Completed text 116543\n", + "Completed text 116544\n", + "Completed text 116545\n", + "Completed text 116546\n", + "Completed text 116547\n", + "Completed text 116548\n", + "Completed text 116549\n", + "Completed text 116550\n", + "Completed text 116551\n", + "Completed text 116552\n", + "Completed text 116553\n", + "Completed text 116554\n", + "Completed text 116555\n", + "Completed text 116556\n", + "Completed text 116557\n", + "Completed text 116558\n", + "Completed text 116559\n", + "Completed text 116560\n", + "Completed text 116561\n", + "Completed text 116562\n", + "Completed text 116563\n", + "Completed text 116564\n", + "Completed text 116565\n", + "Completed text 116566\n", + "Completed text 116567\n", + "Completed text 116568\n", + "Completed text 116569\n", + "Completed text 116570\n", + "Completed text 116571\n", + "Completed text 116572\n", + "Completed text 116573\n", + "Completed text 116574\n", + "Completed text 116575\n", + "Completed text 116576\n", + "Completed text 116577\n", + "Completed text 116578\n", + "Completed text 116579\n", + "Completed text 116580\n", + "Completed text 116581\n", + "Completed text 116582\n", + "Completed text 116583\n", + "Completed text 116584\n", + "Completed text 116585\n", + "Completed text 116586\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 116587\n", + "Completed text 116588\n", + "Completed text 116589\n", + "Completed text 116590\n", + "Completed text 116591\n", + "Completed text 116592\n", + "Completed text 116593\n", + "Completed text 116594\n", + "Completed text 116595\n", + "Completed text 116596\n", + "Completed text 116597\n", + "Completed text 116598\n", + "Completed text 116599\n", + "Completed text 116600\n", + "Completed text 116601\n", + "Completed text 116602\n", + "Completed text 116603\n", + "Completed text 116604\n", + "Completed text 116605\n", + "Completed text 116606\n", + "Completed text 116607\n", + "Completed text 116608\n", + "Completed text 116609\n", + "Completed text 116610\n", + "Completed text 116611\n", + "Completed text 116612\n", + "Completed text 116613\n", + "Completed text 116614\n", + "Completed text 116615\n", + "Completed text 116616\n", + "Completed text 116617\n", + "Completed text 116618\n", + "Completed text 116619\n", + "Completed text 116620\n", + "Completed text 116621\n", + "Completed text 116622\n", + "Completed text 116623\n", + "Completed text 116624\n", + "Completed text 116625\n", + "Completed text 116626\n", + "Completed text 116627\n", + "Completed text 116628\n", + "Completed text 116629\n", + "Completed text 116630\n", + "Completed text 116631\n", + "Completed text 116632\n", + "Completed text 116633\n", + "Completed text 116634\n", + "Completed text 116635\n", + "Completed text 116636\n", + "Completed text 116637\n", + "Completed text 116638\n", + "Completed text 116639\n", + "Completed text 116640\n", + "Completed text 116641\n", + "Completed text 116642\n", + "Completed text 116643\n", + "Completed text 116644\n", + "Completed text 116645\n", + "Completed text 116646\n", + "Completed text 116647\n", + "Completed text 116648\n", + "Completed text 116649\n", + "Completed text 116650\n", + "Completed text 116651\n", + "Completed text 116652\n", + "Completed text 116653\n", + "Completed text 116654\n", + "Completed text 116655\n", + "Completed text 116656\n", + "Completed text 116657\n", + "Completed text 116658\n", + "Completed text 116659\n", + "Completed text 116660\n", + "Completed text 116661\n", + "Completed text 116662\n", + "Completed text 116663\n", + "Completed text 116664\n", + "Completed text 116665\n", + "Completed text 116666\n", + "Completed text 116667\n", + "Completed text 116668\n", + "Completed text 116669\n", + "Completed text 116670\n", + "Completed text 116671\n", + "Completed text 116672\n", + "Completed text 116673\n", + "Completed text 116674\n", + "Completed text 116675\n", + "Completed text 116676\n", + "Completed text 116677\n", + "Completed text 116678\n", + "Completed text 116679\n", + "Completed text 116680\n", + "Completed text 116681\n", + "Completed text 116682\n", + "Completed text 116683\n", + "Completed text 116684\n", + "Completed text 116685\n", + "Completed text 116686\n", + "Completed text 116687\n", + "Completed text 116688\n", + "Completed text 116689\n", + "Completed text 116690\n", + "Completed text 116691\n", + "Completed text 116692\n", + "Completed text 116693\n", + "Completed text 116694\n", + "Completed text 116695\n", + "Completed text 116696\n", + "Completed text 116697\n", + "Completed text 116698\n", + "Completed text 116699\n", + "Completed text 116700\n", + "Completed text 116701\n", + "Completed text 116702\n", + "Completed text 116703\n", + "Completed text 116704\n", + "Completed text 116705\n", + "Completed text 116706\n", + "Completed text 116707\n", + "Completed text 116708\n", + "Completed text 116709\n", + "Completed text 116710\n", + "Completed text 116711\n", + "Completed text 116712\n", + "Completed text 116713\n", + "Completed text 116714\n", + "Completed text 116715\n", + "Completed text 116716\n", + "Completed text 116717\n", + "Completed text 116718\n", + "Completed text 116719\n", + "Completed text 116720\n", + "Completed text 116721\n", + "Completed text 116722\n", + "Completed text 116723\n", + "Completed text 116724\n", + "Completed text 116725\n", + "Completed text 116726\n", + "Completed text 116727\n", + "Completed text 116728\n", + "Completed text 116729\n", + "Completed text 116730\n", + "Completed text 116731\n", + "Completed text 116732\n", + "Completed text 116733\n", + "Completed text 116734\n", + "Completed text 116735\n", + "Completed text 116736\n", + "Completed text 116737\n", + "Completed text 116738\n", + "Completed text 116739\n", + "Completed text 116740\n", + "Completed text 116741\n", + "Completed text 116742\n", + "Completed text 116743\n", + "Completed text 116744\n", + "Completed text 116745\n", + "Completed text 116746\n", + "Completed text 116747\n", + "Completed text 116748\n", + "Completed text 116749\n", + "Completed text 116750\n", + "Completed text 116751\n", + "Completed text 116752\n", + "Completed text 116753\n", + "Completed text 116754\n", + "Completed text 116755\n", + "Completed text 116756\n", + "Completed text 116757\n", + "Completed text 116758\n", + "Completed text 116759\n", + "Completed text 116760\n", + "Completed text 116761\n", + "Completed text 116762\n", + "Completed text 116763\n", + "Completed text 116764\n", + "Completed text 116765\n", + "Completed text 116766\n", + "Completed text 116767\n", + "Completed text 116768\n", + "Completed text 116769\n", + "Completed text 116770\n", + "Completed text 116771\n", + "Completed text 116772\n", + "Completed text 116773\n", + "Completed text 116774\n", + "Completed text 116775\n", + "Completed text 116776\n", + "Completed text 116777\n", + "Completed text 116778\n", + "Completed text 116779\n", + "Completed text 116780\n", + "Completed text 116781\n", + "Completed text 116782\n", + "Completed text 116783\n", + "Completed text 116784\n", + "Completed text 116785\n", + "Completed text 116786\n", + "Completed text 116787\n", + "Completed text 116788\n", + "Completed text 116789\n", + "Completed text 116790\n", + "Completed text 116791\n", + "Completed text 116792\n", + "Completed text 116793\n", + "Completed text 116794\n", + "Completed text 116795\n", + "Completed text 116796\n", + "Completed text 116797\n", + "Completed text 116798\n", + "Completed text 116799\n", + "Completed text 116800\n", + "Completed text 116801\n", + "Completed text 116802\n", + "Completed text 116803\n", + "Completed text 116804\n", + "Completed text 116805\n", + "Completed text 116806\n", + "Completed text 116807\n", + "Completed text 116808\n", + "Completed text 116809\n", + "Completed text 116810\n", + "Completed text 116811\n", + "Completed text 116812\n", + "Completed text 116813\n", + "Completed text 116814\n", + "Completed text 116815\n", + "Completed text 116816\n", + "Completed text 116817\n", + "Completed text 116818\n", + "Completed text 116819\n", + "Completed text 116820\n", + "Completed text 116821\n", + "Completed text 116822\n", + "Completed text 116823\n", + "Completed text 116824\n", + "Completed text 116825\n", + "Completed text 116826\n", + "Completed text 116827\n", + "Completed text 116828\n", + "Completed text 116829\n", + "Completed text 116830\n", + "Completed text 116831\n", + "Completed text 116832\n", + "Completed text 116833\n", + "Completed text 116834\n", + "Completed text 116835\n", + "Completed text 116836\n", + "Completed text 116837\n", + "Completed text 116838\n", + "Completed text 116839\n", + "Completed text 116840\n", + "Completed text 116841\n", + "Completed text 116842\n", + "Completed text 116843\n", + "Completed text 116844\n", + "Completed text 116845\n", + "Completed text 116846\n", + "Completed text 116847\n", + "Completed text 116848\n", + "Completed text 116849\n", + "Completed text 116850\n", + "Completed text 116851\n", + "Completed text 116852\n", + "Completed text 116853\n", + "Completed text 116854\n", + "Completed text 116855\n", + "Completed text 116856\n", + "Completed text 116857\n", + "Completed text 116858\n", + "Completed text 116859\n", + "Completed text 116860\n", + "Completed text 116861\n", + "Completed text 116862\n", + "Completed text 116863\n", + "Completed text 116864\n", + "Completed text 116865\n", + "Completed text 116866\n", + "Completed text 116867\n", + "Completed text 116868\n", + "Completed text 116869\n", + "Completed text 116870\n", + "Completed text 116871\n", + "Completed text 116872\n", + "Completed text 116873\n", + "Completed text 116874\n", + "Completed text 116875\n", + "Completed text 116876\n", + "Completed text 116877\n", + "Completed text 116878\n", + "Completed text 116879\n", + "Completed text 116880\n", + "Completed text 116881\n", + "Completed text 116882\n", + "Completed text 116883\n", + "Completed text 116884\n", + "Completed text 116885\n", + "Completed text 116886\n", + "Completed text 116887\n", + "Completed text 116888\n", + "Completed text 116889\n", + "Completed text 116890\n", + "Completed text 116891\n", + "Completed text 116892\n", + "Completed text 116893\n", + "Completed text 116894\n", + "Completed text 116895\n", + "Completed text 116896\n", + "Completed text 116897\n", + "Completed text 116898\n", + "Completed text 116899\n", + "Completed text 116900\n", + "Completed text 116901\n", + "Completed text 116902\n", + "Completed text 116903\n", + "Completed text 116904\n", + "Completed text 116905\n", + "Completed text 116906\n", + "Completed text 116907\n", + "Completed text 116908\n", + "Completed text 116909\n", + "Completed text 116910\n", + "Completed text 116911\n", + "Completed text 116912\n", + "Completed text 116913\n", + "Completed text 116914\n", + "Completed text 116915\n", + "Completed text 116916\n", + "Completed text 116917\n", + "Completed text 116918\n", + "Completed text 116919\n", + "Completed text 116920\n", + "Completed text 116921\n", + "Completed text 116922\n", + "Completed text 116923\n", + "Completed text 116924\n", + "Completed text 116925\n", + "Completed text 116926\n", + "Completed text 116927\n", + "Completed text 116928\n", + "Completed text 116929\n", + "Completed text 116930\n", + "Completed text 116931\n", + "Completed text 116932\n", + "Completed text 116933\n", + "Completed text 116934\n", + "Completed text 116935\n", + "Completed text 116936\n", + "Completed text 116937\n", + "Completed text 116938\n", + "Completed text 116939\n", + "Completed text 116940\n", + "Completed text 116941\n", + "Completed text 116942\n", + "Completed text 116943\n", + "Completed text 116944\n", + "Completed text 116945\n", + "Completed text 116946\n", + "Completed text 116947\n", + "Completed text 116948\n", + "Completed text 116949\n", + "Completed text 116950\n", + "Completed text 116951\n", + "Completed text 116952\n", + "Completed text 116953\n", + "Completed text 116954\n", + "Completed text 116955\n", + "Completed text 116956\n", + "Completed text 116957\n", + "Completed text 116958\n", + "Completed text 116959\n", + "Completed text 116960\n", + "Completed text 116961\n", + "Completed text 116962\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 116963\n", + "Completed text 116964\n", + "Completed text 116965\n", + "Completed text 116966\n", + "Completed text 116967\n", + "Completed text 116968\n", + "Completed text 116969\n", + "Completed text 116970\n", + "Completed text 116971\n", + "Completed text 116972\n", + "Completed text 116973\n", + "Completed text 116974\n", + "Completed text 116975\n", + "Completed text 116976\n", + "Completed text 116977\n", + "Completed text 116978\n", + "Completed text 116979\n", + "Completed text 116980\n", + "Completed text 116981\n", + "Completed text 116982\n", + "Completed text 116983\n", + "Completed text 116984\n", + "Completed text 116985\n", + "Completed text 116986\n", + "Completed text 116987\n", + "Completed text 116988\n", + "Completed text 116989\n", + "Completed text 116990\n", + "Completed text 116991\n", + "Completed text 116992\n", + "Completed text 116993\n", + "Completed text 116994\n", + "Completed text 116995\n", + "Completed text 116996\n", + "Completed text 116997\n", + "Completed text 116998\n", + "Completed text 116999\n", + "Completed text 117000\n", + "Completed text 117001\n", + "Completed text 117002\n", + "Completed text 117003\n", + "Completed text 117004\n", + "Completed text 117005\n", + "Completed text 117006\n", + "Completed text 117007\n", + "Completed text 117008\n", + "Completed text 117009\n", + "Completed text 117010\n", + "Completed text 117011\n", + "Completed text 117012\n", + "Completed text 117013\n", + "Completed text 117014\n", + "Completed text 117015\n", + "Completed text 117016\n", + "Completed text 117017\n", + "Completed text 117018\n", + "Completed text 117019\n", + "Completed text 117020\n", + "Completed text 117021\n", + "Completed text 117022\n", + "Completed text 117023\n", + "Completed text 117024\n", + "Completed text 117025\n", + "Completed text 117026\n", + "Completed text 117027\n", + "Completed text 117028\n", + "Completed text 117029\n", + "Completed text 117030\n", + "Completed text 117031\n", + "Completed text 117032\n", + "Completed text 117033\n", + "Completed text 117034\n", + "Completed text 117035\n", + "Completed text 117036\n", + "Completed text 117037\n", + "Completed text 117038\n", + "Completed text 117039\n", + "Completed text 117040\n", + "Completed text 117041\n", + "Completed text 117042\n", + "Completed text 117043\n", + "Completed text 117044\n", + "Completed text 117045\n", + "Completed text 117046\n", + "Completed text 117047\n", + "Completed text 117048\n", + "Completed text 117049\n", + "Completed text 117050\n", + "Completed text 117051\n", + "Completed text 117052\n", + "Completed text 117053\n", + "Completed text 117054\n", + "Completed text 117055\n", + "Completed text 117056\n", + "Completed text 117057\n", + "Completed text 117058\n", + "Completed text 117059\n", + "Completed text 117060\n", + "Completed text 117061\n", + "Completed text 117062\n", + "Completed text 117063\n", + "Completed text 117064\n", + "Completed text 117065\n", + "Completed text 117066\n", + "Completed text 117067\n", + "Completed text 117068\n", + "Completed text 117069\n", + "Completed text 117070\n", + "Completed text 117071\n", + "Completed text 117072\n", + "Completed text 117073\n", + "Completed text 117074\n", + "Completed text 117075\n", + "Completed text 117076\n", + "Completed text 117077\n", + "Completed text 117078\n", + "Completed text 117079\n", + "Completed text 117080\n", + "Completed text 117081\n", + "Completed text 117082\n", + "Completed text 117083\n", + "Completed text 117084\n", + "Completed text 117085\n", + "Completed text 117086\n", + "Completed text 117087\n", + "Completed text 117088\n", + "Completed text 117089\n", + "Completed text 117090\n", + "Completed text 117091\n", + "Completed text 117092\n", + "Completed text 117093\n", + "Completed text 117094\n", + "Completed text 117095\n", + "Completed text 117096\n", + "Completed text 117097\n", + "Completed text 117098\n", + "Completed text 117099\n", + "Completed text 117100\n", + "Completed text 117101\n", + "Completed text 117102\n", + "Completed text 117103\n", + "Completed text 117104\n", + "Completed text 117105\n", + "Completed text 117106\n", + "Completed text 117107\n", + "Completed text 117108\n", + "Completed text 117109\n", + "Completed text 117110\n", + "Completed text 117111\n", + "Completed text 117112\n", + "Completed text 117113\n", + "Completed text 117114\n", + "Completed text 117115\n", + "Completed text 117116\n", + "Completed text 117117\n", + "Completed text 117118\n", + "Completed text 117119\n", + "Completed text 117120\n", + "Completed text 117121\n", + "Completed text 117122\n", + "Completed text 117123\n", + "Completed text 117124\n", + "Completed text 117125\n", + "Completed text 117126\n", + "Completed text 117127\n", + "Completed text 117128\n", + "Completed text 117129\n", + "Completed text 117130\n", + "Completed text 117131\n", + "Completed text 117132\n", + "Completed text 117133\n", + "Completed text 117134\n", + "Completed text 117135\n", + "Completed text 117136\n", + "Completed text 117137\n", + "Completed text 117138\n", + "Completed text 117139\n", + "Completed text 117140\n", + "Completed text 117141\n", + "Completed text 117142\n", + "Completed text 117143\n", + "Completed text 117144\n", + "Completed text 117145\n", + "Completed text 117146\n", + "Completed text 117147\n", + "Completed text 117148\n", + "Completed text 117149\n", + "Completed text 117150\n", + "Completed text 117151\n", + "Completed text 117152\n", + "Completed text 117153\n", + "Completed text 117154\n", + "Completed text 117155\n", + "Completed text 117156\n", + "Completed text 117157\n", + "Completed text 117158\n", + "Completed text 117159\n", + "Completed text 117160\n", + "Completed text 117161\n", + "Completed text 117162\n", + "Completed text 117163\n", + "Completed text 117164\n", + "Completed text 117165\n", + "Completed text 117166\n", + "Completed text 117167\n", + "Completed text 117168\n", + "Completed text 117169\n", + "Completed text 117170\n", + "Completed text 117171\n", + "Completed text 117172\n", + "Completed text 117173\n", + "Completed text 117174\n", + "Completed text 117175\n", + "Completed text 117176\n", + "Completed text 117177\n", + "Completed text 117178\n", + "Completed text 117179\n", + "Completed text 117180\n", + "Completed text 117181\n", + "Completed text 117182\n", + "Completed text 117183\n", + "Completed text 117184\n", + "Completed text 117185\n", + "Completed text 117186\n", + "Completed text 117187\n", + "Completed text 117188\n", + "Completed text 117189\n", + "Completed text 117190\n", + "Completed text 117191\n", + "Completed text 117192\n", + "Completed text 117193\n", + "Completed text 117194\n", + "Completed text 117195\n", + "Completed text 117196\n", + "Completed text 117197\n", + "Completed text 117198\n", + "Completed text 117199\n", + "Completed text 117200\n", + "Completed text 117201\n", + "Completed text 117202\n", + "Completed text 117203\n", + "Completed text 117204\n", + "Completed text 117205\n", + "Completed text 117206\n", + "Completed text 117207\n", + "Completed text 117208\n", + "Completed text 117209\n", + "Completed text 117210\n", + "Completed text 117211\n", + "Completed text 117212\n", + "Completed text 117213\n", + "Completed text 117214\n", + "Completed text 117215\n", + "Completed text 117216\n", + "Completed text 117217\n", + "Completed text 117218\n", + "Completed text 117219\n", + "Completed text 117220\n", + "Completed text 117221\n", + "Completed text 117222\n", + "Completed text 117223\n", + "Completed text 117224\n", + "Completed text 117225\n", + "Completed text 117226\n", + "Completed text 117227\n", + "Completed text 117228\n", + "Completed text 117229\n", + "Completed text 117230\n", + "Completed text 117231\n", + "Completed text 117232\n", + "Completed text 117233\n", + "Completed text 117234\n", + "Completed text 117235\n", + "Completed text 117236\n", + "Completed text 117237\n", + "Completed text 117238\n", + "Completed text 117239\n", + "Completed text 117240\n", + "Completed text 117241\n", + "Completed text 117242\n", + "Completed text 117243\n", + "Completed text 117244\n", + "Completed text 117245\n", + "Completed text 117246\n", + "Completed text 117247\n", + "Completed text 117248\n", + "Completed text 117249\n", + "Completed text 117250\n", + "Completed text 117251\n", + "Completed text 117252\n", + "Completed text 117253\n", + "Completed text 117254\n", + "Completed text 117255\n", + "Completed text 117256\n", + "Completed text 117257\n", + "Completed text 117258\n", + "Completed text 117259\n", + "Completed text 117260\n", + "Completed text 117261\n", + "Completed text 117262\n", + "Completed text 117263\n", + "Completed text 117264\n", + "Completed text 117265\n", + "Completed text 117266\n", + "Completed text 117267\n", + "Completed text 117268\n", + "Completed text 117269\n", + "Completed text 117270\n", + "Completed text 117271\n", + "Completed text 117272\n", + "Completed text 117273\n", + "Completed text 117274\n", + "Completed text 117275\n", + "Completed text 117276\n", + "Completed text 117277\n", + "Completed text 117278\n", + "Completed text 117279\n", + "Completed text 117280\n", + "Completed text 117281\n", + "Completed text 117282\n", + "Completed text 117283\n", + "Completed text 117284\n", + "Completed text 117285\n", + "Completed text 117286\n", + "Completed text 117287\n", + "Completed text 117288\n", + "Completed text 117289\n", + "Completed text 117290\n", + "Completed text 117291\n", + "Completed text 117292\n", + "Completed text 117293\n", + "Completed text 117294\n", + "Completed text 117295\n", + "Completed text 117296\n", + "Completed text 117297\n", + "Completed text 117298\n", + "Completed text 117299\n", + "Completed text 117300\n", + "Completed text 117301\n", + "Completed text 117302\n", + "Completed text 117303\n", + "Completed text 117304\n", + "Completed text 117305\n", + "Completed text 117306\n", + "Completed text 117307\n", + "Completed text 117308\n", + "Completed text 117309\n", + "Completed text 117310\n", + "Completed text 117311\n", + "Completed text 117312\n", + "Completed text 117313\n", + "Completed text 117314\n", + "Completed text 117315\n", + "Completed text 117316\n", + "Completed text 117317\n", + "Completed text 117318\n", + "Completed text 117319\n", + "Completed text 117320\n", + "Completed text 117321\n", + "Completed text 117322\n", + "Completed text 117323\n", + "Completed text 117324\n", + "Completed text 117325\n", + "Completed text 117326\n", + "Completed text 117327\n", + "Completed text 117328\n", + "Completed text 117329\n", + "Completed text 117330\n", + "Completed text 117331\n", + "Completed text 117332\n", + "Completed text 117333\n", + "Completed text 117334\n", + "Completed text 117335\n", + "Completed text 117336\n", + "Completed text 117337\n", + "Completed text 117338\n", + "Completed text 117339\n", + "Completed text 117340\n", + "Completed text 117341\n", + "Completed text 117342\n", + "Completed text 117343\n", + "Completed text 117344\n", + "Completed text 117345\n", + "Completed text 117346\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 117347\n", + "Completed text 117348\n", + "Completed text 117349\n", + "Completed text 117350\n", + "Completed text 117351\n", + "Completed text 117352\n", + "Completed text 117353\n", + "Completed text 117354\n", + "Completed text 117355\n", + "Completed text 117356\n", + "Completed text 117357\n", + "Completed text 117358\n", + "Completed text 117359\n", + "Completed text 117360\n", + "Completed text 117361\n", + "Completed text 117362\n", + "Completed text 117363\n", + "Completed text 117364\n", + "Completed text 117365\n", + "Completed text 117366\n", + "Completed text 117367\n", + "Completed text 117368\n", + "Completed text 117369\n", + "Completed text 117370\n", + "Completed text 117371\n", + "Completed text 117372\n", + "Completed text 117373\n", + "Completed text 117374\n", + "Completed text 117375\n", + "Completed text 117376\n", + "Completed text 117377\n", + "Completed text 117378\n", + "Completed text 117379\n", + "Completed text 117380\n", + "Completed text 117381\n", + "Completed text 117382\n", + "Completed text 117383\n", + "Completed text 117384\n", + "Completed text 117385\n", + "Completed text 117386\n", + "Completed text 117387\n", + "Completed text 117388\n", + "Completed text 117389\n", + "Completed text 117390\n", + "Completed text 117391\n", + "Completed text 117392\n", + "Completed text 117393\n", + "Completed text 117394\n", + "Completed text 117395\n", + "Completed text 117396\n", + "Completed text 117397\n", + "Completed text 117398\n", + "Completed text 117399\n", + "Completed text 117400\n", + "Completed text 117401\n", + "Completed text 117402\n", + "Completed text 117403\n", + "Completed text 117404\n", + "Completed text 117405\n", + "Completed text 117406\n", + "Completed text 117407\n", + "Completed text 117408\n", + "Completed text 117409\n", + "Completed text 117410\n", + "Completed text 117411\n", + "Completed text 117412\n", + "Completed text 117413\n", + "Completed text 117414\n", + "Completed text 117415\n", + "Completed text 117416\n", + "Completed text 117417\n", + "Completed text 117418\n", + "Completed text 117419\n", + "Completed text 117420\n", + "Completed text 117421\n", + "Completed text 117422\n", + "Completed text 117423\n", + "Completed text 117424\n", + "Completed text 117425\n", + "Completed text 117426\n", + "Completed text 117427\n", + "Completed text 117428\n", + "Completed text 117429\n", + "Completed text 117430\n", + "Completed text 117431\n", + "Completed text 117432\n", + "Completed text 117433\n", + "Completed text 117434\n", + "Completed text 117435\n", + "Completed text 117436\n", + "Completed text 117437\n", + "Completed text 117438\n", + "Completed text 117439\n", + "Completed text 117440\n", + "Completed text 117441\n", + "Completed text 117442\n", + "Completed text 117443\n", + "Completed text 117444\n", + "Completed text 117445\n", + "Completed text 117446\n", + "Completed text 117447\n", + "Completed text 117448\n", + "Completed text 117449\n", + "Completed text 117450\n", + "Completed text 117451\n", + "Completed text 117452\n", + "Completed text 117453\n", + "Completed text 117454\n", + "Completed text 117455\n", + "Completed text 117456\n", + "Completed text 117457\n", + "Completed text 117458\n", + "Completed text 117459\n", + "Completed text 117460\n", + "Completed text 117461\n", + "Completed text 117462\n", + "Completed text 117463\n", + "Completed text 117464\n", + "Completed text 117465\n", + "Completed text 117466\n", + "Completed text 117467\n", + "Completed text 117468\n", + "Completed text 117469\n", + "Completed text 117470\n", + "Completed text 117471\n", + "Completed text 117472\n", + "Completed text 117473\n", + "Completed text 117474\n", + "Completed text 117475\n", + "Completed text 117476\n", + "Completed text 117477\n", + "Completed text 117478\n", + "Completed text 117479\n", + "Completed text 117480\n", + "Completed text 117481\n", + "Completed text 117482\n", + "Completed text 117483\n", + "Completed text 117484\n", + "Completed text 117485\n", + "Completed text 117486\n", + "Completed text 117487\n", + "Completed text 117488\n", + "Completed text 117489\n", + "Completed text 117490\n", + "Completed text 117491\n", + "Completed text 117492\n", + "Completed text 117493\n", + "Completed text 117494\n", + "Completed text 117495\n", + "Completed text 117496\n", + "Completed text 117497\n", + "Completed text 117498\n", + "Completed text 117499\n", + "Completed text 117500\n", + "Completed text 117501\n", + "Completed text 117502\n", + "Completed text 117503\n", + "Completed text 117504\n", + "Completed text 117505\n", + "Completed text 117506\n", + "Completed text 117507\n", + "Completed text 117508\n", + "Completed text 117509\n", + "Completed text 117510\n", + "Completed text 117511\n", + "Completed text 117512\n", + "Completed text 117513\n", + "Completed text 117514\n", + "Completed text 117515\n", + "Completed text 117516\n", + "Completed text 117517\n", + "Completed text 117518\n", + "Completed text 117519\n", + "Completed text 117520\n", + "Completed text 117521\n", + "Completed text 117522\n", + "Completed text 117523\n", + "Completed text 117524\n", + "Completed text 117525\n", + "Completed text 117526\n", + "Completed text 117527\n", + "Completed text 117528\n", + "Completed text 117529\n", + "Completed text 117530\n", + "Completed text 117531\n", + "Completed text 117532\n", + "Completed text 117533\n", + "Completed text 117534\n", + "Completed text 117535\n", + "Completed text 117536\n", + "Completed text 117537\n", + "Completed text 117538\n", + "Completed text 117539\n", + "Completed text 117540\n", + "Completed text 117541\n", + "Completed text 117542\n", + "Completed text 117543\n", + "Completed text 117544\n", + "Completed text 117545\n", + "Completed text 117546\n", + "Completed text 117547\n", + "Completed text 117548\n", + "Completed text 117549\n", + "Completed text 117550\n", + "Completed text 117551\n", + "Completed text 117552\n", + "Completed text 117553\n", + "Completed text 117554\n", + "Completed text 117555\n", + "Completed text 117556\n", + "Completed text 117557\n", + "Completed text 117558\n", + "Completed text 117559\n", + "Completed text 117560\n", + "Completed text 117561\n", + "Completed text 117562\n", + "Completed text 117563\n", + "Completed text 117564\n", + "Completed text 117565\n", + "Completed text 117566\n", + "Completed text 117567\n", + "Completed text 117568\n", + "Completed text 117569\n", + "Completed text 117570\n", + "Completed text 117571\n", + "Completed text 117572\n", + "Completed text 117573\n", + "Completed text 117574\n", + "Completed text 117575\n", + "Completed text 117576\n", + "Completed text 117577\n", + "Completed text 117578\n", + "Completed text 117579\n", + "Completed text 117580\n", + "Completed text 117581\n", + "Completed text 117582\n", + "Completed text 117583\n", + "Completed text 117584\n", + "Completed text 117585\n", + "Completed text 117586\n", + "Completed text 117587\n", + "Completed text 117588\n", + "Completed text 117589\n", + "Completed text 117590\n", + "Completed text 117591\n", + "Completed text 117592\n", + "Completed text 117593\n", + "Completed text 117594\n", + "Completed text 117595\n", + "Completed text 117596\n", + "Completed text 117597\n", + "Completed text 117598\n", + "Completed text 117599\n", + "Completed text 117600\n", + "Completed text 117601\n", + "Completed text 117602\n", + "Completed text 117603\n", + "Completed text 117604\n", + "Completed text 117605\n", + "Completed text 117606\n", + "Completed text 117607\n", + "Completed text 117608\n", + "Completed text 117609\n", + "Completed text 117610\n", + "Completed text 117611\n", + "Completed text 117612\n", + "Completed text 117613\n", + "Completed text 117614\n", + "Completed text 117615\n", + "Completed text 117616\n", + "Completed text 117617\n", + "Completed text 117618\n", + "Completed text 117619\n", + "Completed text 117620\n", + "Completed text 117621\n", + "Completed text 117622\n", + "Completed text 117623\n", + "Completed text 117624\n", + "Completed text 117625\n", + "Completed text 117626\n", + "Completed text 117627\n", + "Completed text 117628\n", + "Completed text 117629\n", + "Completed text 117630\n", + "Completed text 117631\n", + "Completed text 117632\n", + "Completed text 117633\n", + "Completed text 117634\n", + "Completed text 117635\n", + "Completed text 117636\n", + "Completed text 117637\n", + "Completed text 117638\n", + "Completed text 117639\n", + "Completed text 117640\n", + "Completed text 117641\n", + "Completed text 117642\n", + "Completed text 117643\n", + "Completed text 117644\n", + "Completed text 117645\n", + "Completed text 117646\n", + "Completed text 117647\n", + "Completed text 117648\n", + "Completed text 117649\n", + "Completed text 117650\n", + "Completed text 117651\n", + "Completed text 117652\n", + "Completed text 117653\n", + "Completed text 117654\n", + "Completed text 117655\n", + "Completed text 117656\n", + "Completed text 117657\n", + "Completed text 117658\n", + "Completed text 117659\n", + "Completed text 117660\n", + "Completed text 117661\n", + "Completed text 117662\n", + "Completed text 117663\n", + "Completed text 117664\n", + "Completed text 117665\n", + "Completed text 117666\n", + "Completed text 117667\n", + "Completed text 117668\n", + "Completed text 117669\n", + "Completed text 117670\n", + "Completed text 117671\n", + "Completed text 117672\n", + "Completed text 117673\n", + "Completed text 117674\n", + "Completed text 117675\n", + "Completed text 117676\n", + "Completed text 117677\n", + "Completed text 117678\n", + "Completed text 117679\n", + "Completed text 117680\n", + "Completed text 117681\n", + "Completed text 117682\n", + "Completed text 117683\n", + "Completed text 117684\n", + "Completed text 117685\n", + "Completed text 117686\n", + "Completed text 117687\n", + "Completed text 117688\n", + "Completed text 117689\n", + "Completed text 117690\n", + "Completed text 117691\n", + "Completed text 117692\n", + "Completed text 117693\n", + "Completed text 117694\n", + "Completed text 117695\n", + "Completed text 117696\n", + "Completed text 117697\n", + "Completed text 117698\n", + "Completed text 117699\n", + "Completed text 117700\n", + "Completed text 117701\n", + "Completed text 117702\n", + "Completed text 117703\n", + "Completed text 117704\n", + "Completed text 117705\n", + "Completed text 117706\n", + "Completed text 117707\n", + "Completed text 117708\n", + "Completed text 117709\n", + "Completed text 117710\n", + "Completed text 117711\n", + "Completed text 117712\n", + "Completed text 117713\n", + "Completed text 117714\n", + "Completed text 117715\n", + "Completed text 117716\n", + "Completed text 117717\n", + "Completed text 117718\n", + "Completed text 117719\n", + "Completed text 117720\n", + "Completed text 117721\n", + "Completed text 117722\n", + "Completed text 117723\n", + "Completed text 117724\n", + "Completed text 117725\n", + "Completed text 117726\n", + "Completed text 117727\n", + "Completed text 117728\n", + "Completed text 117729\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 117730\n", + "Completed text 117731\n", + "Completed text 117732\n", + "Completed text 117733\n", + "Completed text 117734\n", + "Completed text 117735\n", + "Completed text 117736\n", + "Completed text 117737\n", + "Completed text 117738\n", + "Completed text 117739\n", + "Completed text 117740\n", + "Completed text 117741\n", + "Completed text 117742\n", + "Completed text 117743\n", + "Completed text 117744\n", + "Completed text 117745\n", + "Completed text 117746\n", + "Completed text 117747\n", + "Completed text 117748\n", + "Completed text 117749\n", + "Completed text 117750\n", + "Completed text 117751\n", + "Completed text 117752\n", + "Completed text 117753\n", + "Completed text 117754\n", + "Completed text 117755\n", + "Completed text 117756\n", + "Completed text 117757\n", + "Completed text 117758\n", + "Completed text 117759\n", + "Completed text 117760\n", + "Completed text 117761\n", + "Completed text 117762\n", + "Completed text 117763\n", + "Completed text 117764\n", + "Completed text 117765\n", + "Completed text 117766\n", + "Completed text 117767\n", + "Completed text 117768\n", + "Completed text 117769\n", + "Completed text 117770\n", + "Completed text 117771\n", + "Completed text 117772\n", + "Completed text 117773\n", + "Completed text 117774\n", + "Completed text 117775\n", + "Completed text 117776\n", + "Completed text 117777\n", + "Completed text 117778\n", + "Completed text 117779\n", + "Completed text 117780\n", + "Completed text 117781\n", + "Completed text 117782\n", + "Completed text 117783\n", + "Completed text 117784\n", + "Completed text 117785\n", + "Completed text 117786\n", + "Completed text 117787\n", + "Completed text 117788\n", + "Completed text 117789\n", + "Completed text 117790\n", + "Completed text 117791\n", + "Completed text 117792\n", + "Completed text 117793\n", + "Completed text 117794\n", + "Completed text 117795\n", + "Completed text 117796\n", + "Completed text 117797\n", + "Completed text 117798\n", + "Completed text 117799\n", + "Completed text 117800\n", + "Completed text 117801\n", + "Completed text 117802\n", + "Completed text 117803\n", + "Completed text 117804\n", + "Completed text 117805\n", + "Completed text 117806\n", + "Completed text 117807\n", + "Completed text 117808\n", + "Completed text 117809\n", + "Completed text 117810\n", + "Completed text 117811\n", + "Completed text 117812\n", + "Completed text 117813\n", + "Completed text 117814\n", + "Completed text 117815\n", + "Completed text 117816\n", + "Completed text 117817\n", + "Completed text 117818\n", + "Completed text 117819\n", + "Completed text 117820\n", + "Completed text 117821\n", + "Completed text 117822\n", + "Completed text 117823\n", + "Completed text 117824\n", + "Completed text 117825\n", + "Completed text 117826\n", + "Completed text 117827\n", + "Completed text 117828\n", + "Completed text 117829\n", + "Completed text 117830\n", + "Completed text 117831\n", + "Completed text 117832\n", + "Completed text 117833\n", + "Completed text 117834\n", + "Completed text 117835\n", + "Completed text 117836\n", + "Completed text 117837\n", + "Completed text 117838\n", + "Completed text 117839\n", + "Completed text 117840\n", + "Completed text 117841\n", + "Completed text 117842\n", + "Completed text 117843\n", + "Completed text 117844\n", + "Completed text 117845\n", + "Completed text 117846\n", + "Completed text 117847\n", + "Completed text 117848\n", + "Completed text 117849\n", + "Completed text 117850\n", + "Completed text 117851\n", + "Completed text 117852\n", + "Completed text 117853\n", + "Completed text 117854\n", + "Completed text 117855\n", + "Completed text 117856\n", + "Completed text 117857\n", + "Completed text 117858\n", + "Completed text 117859\n", + "Completed text 117860\n", + "Completed text 117861\n", + "Completed text 117862\n", + "Completed text 117863\n", + "Completed text 117864\n", + "Completed text 117865\n", + "Completed text 117866\n", + "Completed text 117867\n", + "Completed text 117868\n", + "Completed text 117869\n", + "Completed text 117870\n", + "Completed text 117871\n", + "Completed text 117872\n", + "Completed text 117873\n", + "Completed text 117874\n", + "Completed text 117875\n", + "Completed text 117876\n", + "Completed text 117877\n", + "Completed text 117878\n", + "Completed text 117879\n", + "Completed text 117880\n", + "Completed text 117881\n", + "Completed text 117882\n", + "Completed text 117883\n", + "Completed text 117884\n", + "Completed text 117885\n", + "Completed text 117886\n", + "Completed text 117887\n", + "Completed text 117888\n", + "Completed text 117889\n", + "Completed text 117890\n", + "Completed text 117891\n", + "Completed text 117892\n", + "Completed text 117893\n", + "Completed text 117894\n", + "Completed text 117895\n", + "Completed text 117896\n", + "Completed text 117897\n", + "Completed text 117898\n", + "Completed text 117899\n", + "Completed text 117900\n", + "Completed text 117901\n", + "Completed text 117902\n", + "Completed text 117903\n", + "Completed text 117904\n", + "Completed text 117905\n", + "Completed text 117906\n", + "Completed text 117907\n", + "Completed text 117908\n", + "Completed text 117909\n", + "Completed text 117910\n", + "Completed text 117911\n", + "Completed text 117912\n", + "Completed text 117913\n", + "Completed text 117914\n", + "Completed text 117915\n", + "Completed text 117916\n", + "Completed text 117917\n", + "Completed text 117918\n", + "Completed text 117919\n", + "Completed text 117920\n", + "Completed text 117921\n", + "Completed text 117922\n", + "Completed text 117923\n", + "Completed text 117924\n", + "Completed text 117925\n", + "Completed text 117926\n", + "Completed text 117927\n", + "Completed text 117928\n", + "Completed text 117929\n", + "Completed text 117930\n", + "Completed text 117931\n", + "Completed text 117932\n", + "Completed text 117933\n", + "Completed text 117934\n", + "Completed text 117935\n", + "Completed text 117936\n", + "Completed text 117937\n", + "Completed text 117938\n", + "Completed text 117939\n", + "Completed text 117940\n", + "Completed text 117941\n", + "Completed text 117942\n", + "Completed text 117943\n", + "Completed text 117944\n", + "Completed text 117945\n", + "Completed text 117946\n", + "Completed text 117947\n", + "Completed text 117948\n", + "Completed text 117949\n", + "Completed text 117950\n", + "Completed text 117951\n", + "Completed text 117952\n", + "Completed text 117953\n", + "Completed text 117954\n", + "Completed text 117955\n", + "Completed text 117956\n", + "Completed text 117957\n", + "Completed text 117958\n", + "Completed text 117959\n", + "Completed text 117960\n", + "Completed text 117961\n", + "Completed text 117962\n", + "Completed text 117963\n", + "Completed text 117964\n", + "Completed text 117965\n", + "Completed text 117966\n", + "Completed text 117967\n", + "Completed text 117968\n", + "Completed text 117969\n", + "Completed text 117970\n", + "Completed text 117971\n", + "Completed text 117972\n", + "Completed text 117973\n", + "Completed text 117974\n", + "Completed text 117975\n", + "Completed text 117976\n", + "Completed text 117977\n", + "Completed text 117978\n", + "Completed text 117979\n", + "Completed text 117980\n", + "Completed text 117981\n", + "Completed text 117982\n", + "Completed text 117983\n", + "Completed text 117984\n", + "Completed text 117985\n", + "Completed text 117986\n", + "Completed text 117987\n", + "Completed text 117988\n", + "Completed text 117989\n", + "Completed text 117990\n", + "Completed text 117991\n", + "Completed text 117992\n", + "Completed text 117993\n", + "Completed text 117994\n", + "Completed text 117995\n", + "Completed text 117996\n", + "Completed text 117997\n", + "Completed text 117998\n", + "Completed text 117999\n", + "Completed text 118000\n", + "Completed text 118001\n", + "Completed text 118002\n", + "Completed text 118003\n", + "Completed text 118004\n", + "Completed text 118005\n", + "Completed text 118006\n", + "Completed text 118007\n", + "Completed text 118008\n", + "Completed text 118009\n", + "Completed text 118010\n", + "Completed text 118011\n", + "Completed text 118012\n", + "Completed text 118013\n", + "Completed text 118014\n", + "Completed text 118015\n", + "Completed text 118016\n", + "Completed text 118017\n", + "Completed text 118018\n", + "Completed text 118019\n", + "Completed text 118020\n", + "Completed text 118021\n", + "Completed text 118022\n", + "Completed text 118023\n", + "Completed text 118024\n", + "Completed text 118025\n", + "Completed text 118026\n", + "Completed text 118027\n", + "Completed text 118028\n", + "Completed text 118029\n", + "Completed text 118030\n", + "Completed text 118031\n", + "Completed text 118032\n", + "Completed text 118033\n", + "Completed text 118034\n", + "Completed text 118035\n", + "Completed text 118036\n", + "Completed text 118037\n", + "Completed text 118038\n", + "Completed text 118039\n", + "Completed text 118040\n", + "Completed text 118041\n", + "Completed text 118042\n", + "Completed text 118043\n", + "Completed text 118044\n", + "Completed text 118045\n", + "Completed text 118046\n", + "Completed text 118047\n", + "Completed text 118048\n", + "Completed text 118049\n", + "Completed text 118050\n", + "Completed text 118051\n", + "Completed text 118052\n", + "Completed text 118053\n", + "Completed text 118054\n", + "Completed text 118055\n", + "Completed text 118056\n", + "Completed text 118057\n", + "Completed text 118058\n", + "Completed text 118059\n", + "Completed text 118060\n", + "Completed text 118061\n", + "Completed text 118062\n", + "Completed text 118063\n", + "Completed text 118064\n", + "Completed text 118065\n", + "Completed text 118066\n", + "Completed text 118067\n", + "Completed text 118068\n", + "Completed text 118069\n", + "Completed text 118070\n", + "Completed text 118071\n", + "Completed text 118072\n", + "Completed text 118073\n", + "Completed text 118074\n", + "Completed text 118075\n", + "Completed text 118076\n", + "Completed text 118077\n", + "Completed text 118078\n", + "Completed text 118079\n", + "Completed text 118080\n", + "Completed text 118081\n", + "Completed text 118082\n", + "Completed text 118083\n", + "Completed text 118084\n", + "Completed text 118085\n", + "Completed text 118086\n", + "Completed text 118087\n", + "Completed text 118088\n", + "Completed text 118089\n", + "Completed text 118090\n", + "Completed text 118091\n", + "Completed text 118092\n", + "Completed text 118093\n", + "Completed text 118094\n", + "Completed text 118095\n", + "Completed text 118096\n", + "Completed text 118097\n", + "Completed text 118098\n", + "Completed text 118099\n", + "Completed text 118100\n", + "Completed text 118101\n", + "Completed text 118102\n", + "Completed text 118103\n", + "Completed text 118104\n", + "Completed text 118105\n", + "Completed text 118106\n", + "Completed text 118107\n", + "Completed text 118108\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 118109\n", + "Completed text 118110\n", + "Completed text 118111\n", + "Completed text 118112\n", + "Completed text 118113\n", + "Completed text 118114\n", + "Completed text 118115\n", + "Completed text 118116\n", + "Completed text 118117\n", + "Completed text 118118\n", + "Completed text 118119\n", + "Completed text 118120\n", + "Completed text 118121\n", + "Completed text 118122\n", + "Completed text 118123\n", + "Completed text 118124\n", + "Completed text 118125\n", + "Completed text 118126\n", + "Completed text 118127\n", + "Completed text 118128\n", + "Completed text 118129\n", + "Completed text 118130\n", + "Completed text 118131\n", + "Completed text 118132\n", + "Completed text 118133\n", + "Completed text 118134\n", + "Completed text 118135\n", + "Completed text 118136\n", + "Completed text 118137\n", + "Completed text 118138\n", + "Completed text 118139\n", + "Completed text 118140\n", + "Completed text 118141\n", + "Completed text 118142\n", + "Completed text 118143\n", + "Completed text 118144\n", + "Completed text 118145\n", + "Completed text 118146\n", + "Completed text 118147\n", + "Completed text 118148\n", + "Completed text 118149\n", + "Completed text 118150\n", + "Completed text 118151\n", + "Completed text 118152\n", + "Completed text 118153\n", + "Completed text 118154\n", + "Completed text 118155\n", + "Completed text 118156\n", + "Completed text 118157\n", + "Completed text 118158\n", + "Completed text 118159\n", + "Completed text 118160\n", + "Completed text 118161\n", + "Completed text 118162\n", + "Completed text 118163\n", + "Completed text 118164\n", + "Completed text 118165\n", + "Completed text 118166\n", + "Completed text 118167\n", + "Completed text 118168\n", + "Completed text 118169\n", + "Completed text 118170\n", + "Completed text 118171\n", + "Completed text 118172\n", + "Completed text 118173\n", + "Completed text 118174\n", + "Completed text 118175\n", + "Completed text 118176\n", + "Completed text 118177\n", + "Completed text 118178\n", + "Completed text 118179\n", + "Completed text 118180\n", + "Completed text 118181\n", + "Completed text 118182\n", + "Completed text 118183\n", + "Completed text 118184\n", + "Completed text 118185\n", + "Completed text 118186\n", + "Completed text 118187\n", + "Completed text 118188\n", + "Completed text 118189\n", + "Completed text 118190\n", + "Completed text 118191\n", + "Completed text 118192\n", + "Completed text 118193\n", + "Completed text 118194\n", + "Completed text 118195\n", + "Completed text 118196\n", + "Completed text 118197\n", + "Completed text 118198\n", + "Completed text 118199\n", + "Completed text 118200\n", + "Completed text 118201\n", + "Completed text 118202\n", + "Completed text 118203\n", + "Completed text 118204\n", + "Completed text 118205\n", + "Completed text 118206\n", + "Completed text 118207\n", + "Completed text 118208\n", + "Completed text 118209\n", + "Completed text 118210\n", + "Completed text 118211\n", + "Completed text 118212\n", + "Completed text 118213\n", + "Completed text 118214\n", + "Completed text 118215\n", + "Completed text 118216\n", + "Completed text 118217\n", + "Completed text 118218\n", + "Completed text 118219\n", + "Completed text 118220\n", + "Completed text 118221\n", + "Completed text 118222\n", + "Completed text 118223\n", + "Completed text 118224\n", + "Completed text 118225\n", + "Completed text 118226\n", + "Completed text 118227\n", + "Completed text 118228\n", + "Completed text 118229\n", + "Completed text 118230\n", + "Completed text 118231\n", + "Completed text 118232\n", + "Completed text 118233\n", + "Completed text 118234\n", + "Completed text 118235\n", + "Completed text 118236\n", + "Completed text 118237\n", + "Completed text 118238\n", + "Completed text 118239\n", + "Completed text 118240\n", + "Completed text 118241\n", + "Completed text 118242\n", + "Completed text 118243\n", + "Completed text 118244\n", + "Completed text 118245\n", + "Completed text 118246\n", + "Completed text 118247\n", + "Completed text 118248\n", + "Completed text 118249\n", + "Completed text 118250\n", + "Completed text 118251\n", + "Completed text 118252\n", + "Completed text 118253\n", + "Completed text 118254\n", + "Completed text 118255\n", + "Completed text 118256\n", + "Completed text 118257\n", + "Completed text 118258\n", + "Completed text 118259\n", + "Completed text 118260\n", + "Completed text 118261\n", + "Completed text 118262\n", + "Completed text 118263\n", + "Completed text 118264\n", + "Completed text 118265\n", + "Completed text 118266\n", + "Completed text 118267\n", + "Completed text 118268\n", + "Completed text 118269\n", + "Completed text 118270\n", + "Completed text 118271\n", + "Completed text 118272\n", + "Completed text 118273\n", + "Completed text 118274\n", + "Completed text 118275\n", + "Completed text 118276\n", + "Completed text 118277\n", + "Completed text 118278\n", + "Completed text 118279\n", + "Completed text 118280\n", + "Completed text 118281\n", + "Completed text 118282\n", + "Completed text 118283\n", + "Completed text 118284\n", + "Completed text 118285\n", + "Completed text 118286\n", + "Completed text 118287\n", + "Completed text 118288\n", + "Completed text 118289\n", + "Completed text 118290\n", + "Completed text 118291\n", + "Completed text 118292\n", + "Completed text 118293\n", + "Completed text 118294\n", + "Completed text 118295\n", + "Completed text 118296\n", + "Completed text 118297\n", + "Completed text 118298\n", + "Completed text 118299\n", + "Completed text 118300\n", + "Completed text 118301\n", + "Completed text 118302\n", + "Completed text 118303\n", + "Completed text 118304\n", + "Completed text 118305\n", + "Completed text 118306\n", + "Completed text 118307\n", + "Completed text 118308\n", + "Completed text 118309\n", + "Completed text 118310\n", + "Completed text 118311\n", + "Completed text 118312\n", + "Completed text 118313\n", + "Completed text 118314\n", + "Completed text 118315\n", + "Completed text 118316\n", + "Completed text 118317\n", + "Completed text 118318\n", + "Completed text 118319\n", + "Completed text 118320\n", + "Completed text 118321\n", + "Completed text 118322\n", + "Completed text 118323\n", + "Completed text 118324\n", + "Completed text 118325\n", + "Completed text 118326\n", + "Completed text 118327\n", + "Completed text 118328\n", + "Completed text 118329\n", + "Completed text 118330\n", + "Completed text 118331\n", + "Completed text 118332\n", + "Completed text 118333\n", + "Completed text 118334\n", + "Completed text 118335\n", + "Completed text 118336\n", + "Completed text 118337\n", + "Completed text 118338\n", + "Completed text 118339\n", + "Completed text 118340\n", + "Completed text 118341\n", + "Completed text 118342\n", + "Completed text 118343\n", + "Completed text 118344\n", + "Completed text 118345\n", + "Completed text 118346\n", + "Completed text 118347\n", + "Completed text 118348\n", + "Completed text 118349\n", + "Completed text 118350\n", + "Completed text 118351\n", + "Completed text 118352\n", + "Completed text 118353\n", + "Completed text 118354\n", + "Completed text 118355\n", + "Completed text 118356\n", + "Completed text 118357\n", + "Completed text 118358\n", + "Completed text 118359\n", + "Completed text 118360\n", + "Completed text 118361\n", + "Completed text 118362\n", + "Completed text 118363\n", + "Completed text 118364\n", + "Completed text 118365\n", + "Completed text 118366\n", + "Completed text 118367\n", + "Completed text 118368\n", + "Completed text 118369\n", + "Completed text 118370\n", + "Completed text 118371\n", + "Completed text 118372\n", + "Completed text 118373\n", + "Completed text 118374\n", + "Completed text 118375\n", + "Completed text 118376\n", + "Completed text 118377\n", + "Completed text 118378\n", + "Completed text 118379\n", + "Completed text 118380\n", + "Completed text 118381\n", + "Completed text 118382\n", + "Completed text 118383\n", + "Completed text 118384\n", + "Completed text 118385\n", + "Completed text 118386\n", + "Completed text 118387\n", + "Completed text 118388\n", + "Completed text 118389\n", + "Completed text 118390\n", + "Completed text 118391\n", + "Completed text 118392\n", + "Completed text 118393\n", + "Completed text 118394\n", + "Completed text 118395\n", + "Completed text 118396\n", + "Completed text 118397\n", + "Completed text 118398\n", + "Completed text 118399\n", + "Completed text 118400\n", + "Completed text 118401\n", + "Completed text 118402\n", + "Completed text 118403\n", + "Completed text 118404\n", + "Completed text 118405\n", + "Completed text 118406\n", + "Completed text 118407\n", + "Completed text 118408\n", + "Completed text 118409\n", + "Completed text 118410\n", + "Completed text 118411\n", + "Completed text 118412\n", + "Completed text 118413\n", + "Completed text 118414\n", + "Completed text 118415\n", + "Completed text 118416\n", + "Completed text 118417\n", + "Completed text 118418\n", + "Completed text 118419\n", + "Completed text 118420\n", + "Completed text 118421\n", + "Completed text 118422\n", + "Completed text 118423\n", + "Completed text 118424\n", + "Completed text 118425\n", + "Completed text 118426\n", + "Completed text 118427\n", + "Completed text 118428\n", + "Completed text 118429\n", + "Completed text 118430\n", + "Completed text 118431\n", + "Completed text 118432\n", + "Completed text 118433\n", + "Completed text 118434\n", + "Completed text 118435\n", + "Completed text 118436\n", + "Completed text 118437\n", + "Completed text 118438\n", + "Completed text 118439\n", + "Completed text 118440\n", + "Completed text 118441\n", + "Completed text 118442\n", + "Completed text 118443\n", + "Completed text 118444\n", + "Completed text 118445\n", + "Completed text 118446\n", + "Completed text 118447\n", + "Completed text 118448\n", + "Completed text 118449\n", + "Completed text 118450\n", + "Completed text 118451\n", + "Completed text 118452\n", + "Completed text 118453\n", + "Completed text 118454\n", + "Completed text 118455\n", + "Completed text 118456\n", + "Completed text 118457\n", + "Completed text 118458\n", + "Completed text 118459\n", + "Completed text 118460\n", + "Completed text 118461\n", + "Completed text 118462\n", + "Completed text 118463\n", + "Completed text 118464\n", + "Completed text 118465\n", + "Completed text 118466\n", + "Completed text 118467\n", + "Completed text 118468\n", + "Completed text 118469\n", + "Completed text 118470\n", + "Completed text 118471\n", + "Completed text 118472\n", + "Completed text 118473\n", + "Completed text 118474\n", + "Completed text 118475\n", + "Completed text 118476\n", + "Completed text 118477\n", + "Completed text 118478\n", + "Completed text 118479\n", + "Completed text 118480\n", + "Completed text 118481\n", + "Completed text 118482\n", + "Completed text 118483\n", + "Completed text 118484\n", + "Completed text 118485\n", + "Completed text 118486\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 118487\n", + "Completed text 118488\n", + "Completed text 118489\n", + "Completed text 118490\n", + "Completed text 118491\n", + "Completed text 118492\n", + "Completed text 118493\n", + "Completed text 118494\n", + "Completed text 118495\n", + "Completed text 118496\n", + "Completed text 118497\n", + "Completed text 118498\n", + "Completed text 118499\n", + "Completed text 118500\n", + "Completed text 118501\n", + "Completed text 118502\n", + "Completed text 118503\n", + "Completed text 118504\n", + "Completed text 118505\n", + "Completed text 118506\n", + "Completed text 118507\n", + "Completed text 118508\n", + "Completed text 118509\n", + "Completed text 118510\n", + "Completed text 118511\n", + "Completed text 118512\n", + "Completed text 118513\n", + "Completed text 118514\n", + "Completed text 118515\n", + "Completed text 118516\n", + "Completed text 118517\n", + "Completed text 118518\n", + "Completed text 118519\n", + "Completed text 118520\n", + "Completed text 118521\n", + "Completed text 118522\n", + "Completed text 118523\n", + "Completed text 118524\n", + "Completed text 118525\n", + "Completed text 118526\n", + "Completed text 118527\n", + "Completed text 118528\n", + "Completed text 118529\n", + "Completed text 118530\n", + "Completed text 118531\n", + "Completed text 118532\n", + "Completed text 118533\n", + "Completed text 118534\n", + "Completed text 118535\n", + "Completed text 118536\n", + "Completed text 118537\n", + "Completed text 118538\n", + "Completed text 118539\n", + "Completed text 118540\n", + "Completed text 118541\n", + "Completed text 118542\n", + "Completed text 118543\n", + "Completed text 118544\n", + "Completed text 118545\n", + "Completed text 118546\n", + "Completed text 118547\n", + "Completed text 118548\n", + "Completed text 118549\n", + "Completed text 118550\n", + "Completed text 118551\n", + "Completed text 118552\n", + "Completed text 118553\n", + "Completed text 118554\n", + "Completed text 118555\n", + "Completed text 118556\n", + "Completed text 118557\n", + "Completed text 118558\n", + "Completed text 118559\n", + "Completed text 118560\n", + "Completed text 118561\n", + "Completed text 118562\n", + "Completed text 118563\n", + "Completed text 118564\n", + "Completed text 118565\n", + "Completed text 118566\n", + "Completed text 118567\n", + "Completed text 118568\n", + "Completed text 118569\n", + "Completed text 118570\n", + "Completed text 118571\n", + "Completed text 118572\n", + "Completed text 118573\n", + "Completed text 118574\n", + "Completed text 118575\n", + "Completed text 118576\n", + "Completed text 118577\n", + "Completed text 118578\n", + "Completed text 118579\n", + "Completed text 118580\n", + "Completed text 118581\n", + "Completed text 118582\n", + "Completed text 118583\n", + "Completed text 118584\n", + "Completed text 118585\n", + "Completed text 118586\n", + "Completed text 118587\n", + "Completed text 118588\n", + "Completed text 118589\n", + "Completed text 118590\n", + "Completed text 118591\n", + "Completed text 118592\n", + "Completed text 118593\n", + "Completed text 118594\n", + "Completed text 118595\n", + "Completed text 118596\n", + "Completed text 118597\n", + "Completed text 118598\n", + "Completed text 118599\n", + "Completed text 118600\n", + "Completed text 118601\n", + "Completed text 118602\n", + "Completed text 118603\n", + "Completed text 118604\n", + "Completed text 118605\n", + "Completed text 118606\n", + "Completed text 118607\n", + "Completed text 118608\n", + "Completed text 118609\n", + "Completed text 118610\n", + "Completed text 118611\n", + "Completed text 118612\n", + "Completed text 118613\n", + "Completed text 118614\n", + "Completed text 118615\n", + "Completed text 118616\n", + "Completed text 118617\n", + "Completed text 118618\n", + "Completed text 118619\n", + "Completed text 118620\n", + "Completed text 118621\n", + "Completed text 118622\n", + "Completed text 118623\n", + "Completed text 118624\n", + "Completed text 118625\n", + "Completed text 118626\n", + "Completed text 118627\n", + "Completed text 118628\n", + "Completed text 118629\n", + "Completed text 118630\n", + "Completed text 118631\n", + "Completed text 118632\n", + "Completed text 118633\n", + "Completed text 118634\n", + "Completed text 118635\n", + "Completed text 118636\n", + "Completed text 118637\n", + "Completed text 118638\n", + "Completed text 118639\n", + "Completed text 118640\n", + "Completed text 118641\n", + "Completed text 118642\n", + "Completed text 118643\n", + "Completed text 118644\n", + "Completed text 118645\n", + "Completed text 118646\n", + "Completed text 118647\n", + "Completed text 118648\n", + "Completed text 118649\n", + "Completed text 118650\n", + "Completed text 118651\n", + "Completed text 118652\n", + "Completed text 118653\n", + "Completed text 118654\n", + "Completed text 118655\n", + "Completed text 118656\n", + "Completed text 118657\n", + "Completed text 118658\n", + "Completed text 118659\n", + "Completed text 118660\n", + "Completed text 118661\n", + "Completed text 118662\n", + "Completed text 118663\n", + "Completed text 118664\n", + "Completed text 118665\n", + "Completed text 118666\n", + "Completed text 118667\n", + "Completed text 118668\n", + "Completed text 118669\n", + "Completed text 118670\n", + "Completed text 118671\n", + "Completed text 118672\n", + "Completed text 118673\n", + "Completed text 118674\n", + "Completed text 118675\n", + "Completed text 118676\n", + "Completed text 118677\n", + "Completed text 118678\n", + "Completed text 118679\n", + "Completed text 118680\n", + "Completed text 118681\n", + "Completed text 118682\n", + "Completed text 118683\n", + "Completed text 118684\n", + "Completed text 118685\n", + "Completed text 118686\n", + "Completed text 118687\n", + "Completed text 118688\n", + "Completed text 118689\n", + "Completed text 118690\n", + "Completed text 118691\n", + "Completed text 118692\n", + "Completed text 118693\n", + "Completed text 118694\n", + "Completed text 118695\n", + "Completed text 118696\n", + "Completed text 118697\n", + "Completed text 118698\n", + "Completed text 118699\n", + "Completed text 118700\n", + "Completed text 118701\n", + "Completed text 118702\n", + "Completed text 118703\n", + "Completed text 118704\n", + "Completed text 118705\n", + "Completed text 118706\n", + "Completed text 118707\n", + "Completed text 118708\n", + "Completed text 118709\n", + "Completed text 118710\n", + "Completed text 118711\n", + "Completed text 118712\n", + "Completed text 118713\n", + "Completed text 118714\n", + "Completed text 118715\n", + "Completed text 118716\n", + "Completed text 118717\n", + "Completed text 118718\n", + "Completed text 118719\n", + "Completed text 118720\n", + "Completed text 118721\n", + "Completed text 118722\n", + "Completed text 118723\n", + "Completed text 118724\n", + "Completed text 118725\n", + "Completed text 118726\n", + "Completed text 118727\n", + "Completed text 118728\n", + "Completed text 118729\n", + "Completed text 118730\n", + "Completed text 118731\n", + "Completed text 118732\n", + "Completed text 118733\n", + "Completed text 118734\n", + "Completed text 118735\n", + "Completed text 118736\n", + "Completed text 118737\n", + "Completed text 118738\n", + "Completed text 118739\n", + "Completed text 118740\n", + "Completed text 118741\n", + "Completed text 118742\n", + "Completed text 118743\n", + "Completed text 118744\n", + "Completed text 118745\n", + "Completed text 118746\n", + "Completed text 118747\n", + "Completed text 118748\n", + "Completed text 118749\n", + "Completed text 118750\n", + "Completed text 118751\n", + "Completed text 118752\n", + "Completed text 118753\n", + "Completed text 118754\n", + "Completed text 118755\n", + "Completed text 118756\n", + "Completed text 118757\n", + "Completed text 118758\n", + "Completed text 118759\n", + "Completed text 118760\n", + "Completed text 118761\n", + "Completed text 118762\n", + "Completed text 118763\n", + "Completed text 118764\n", + "Completed text 118765\n", + "Completed text 118766\n", + "Completed text 118767\n", + "Completed text 118768\n", + "Completed text 118769\n", + "Completed text 118770\n", + "Completed text 118771\n", + "Completed text 118772\n", + "Completed text 118773\n", + "Completed text 118774\n", + "Completed text 118775\n", + "Completed text 118776\n", + "Completed text 118777\n", + "Completed text 118778\n", + "Completed text 118779\n", + "Completed text 118780\n", + "Completed text 118781\n", + "Completed text 118782\n", + "Completed text 118783\n", + "Completed text 118784\n", + "Completed text 118785\n", + "Completed text 118786\n", + "Completed text 118787\n", + "Completed text 118788\n", + "Completed text 118789\n", + "Completed text 118790\n", + "Completed text 118791\n", + "Completed text 118792\n", + "Completed text 118793\n", + "Completed text 118794\n", + "Completed text 118795\n", + "Completed text 118796\n", + "Completed text 118797\n", + "Completed text 118798\n", + "Completed text 118799\n", + "Completed text 118800\n", + "Completed text 118801\n", + "Completed text 118802\n", + "Completed text 118803\n", + "Completed text 118804\n", + "Completed text 118805\n", + "Completed text 118806\n", + "Completed text 118807\n", + "Completed text 118808\n", + "Completed text 118809\n", + "Completed text 118810\n", + "Completed text 118811\n", + "Completed text 118812\n", + "Completed text 118813\n", + "Completed text 118814\n", + "Completed text 118815\n", + "Completed text 118816\n", + "Completed text 118817\n", + "Completed text 118818\n", + "Completed text 118819\n", + "Completed text 118820\n", + "Completed text 118821\n", + "Completed text 118822\n", + "Completed text 118823\n", + "Completed text 118824\n", + "Completed text 118825\n", + "Completed text 118826\n", + "Completed text 118827\n", + "Completed text 118828\n", + "Completed text 118829\n", + "Completed text 118830\n", + "Completed text 118831\n", + "Completed text 118832\n", + "Completed text 118833\n", + "Completed text 118834\n", + "Completed text 118835\n", + "Completed text 118836\n", + "Completed text 118837\n", + "Completed text 118838\n", + "Completed text 118839\n", + "Completed text 118840\n", + "Completed text 118841\n", + "Completed text 118842\n", + "Completed text 118843\n", + "Completed text 118844\n", + "Completed text 118845\n", + "Completed text 118846\n", + "Completed text 118847\n", + "Completed text 118848\n", + "Completed text 118849\n", + "Completed text 118850\n", + "Completed text 118851\n", + "Completed text 118852\n", + "Completed text 118853\n", + "Completed text 118854\n", + "Completed text 118855\n", + "Completed text 118856\n", + "Completed text 118857\n", + "Completed text 118858\n", + "Completed text 118859\n", + "Completed text 118860\n", + "Completed text 118861\n", + "Completed text 118862\n", + "Completed text 118863\n", + "Completed text 118864\n", + "Completed text 118865\n", + "Completed text 118866\n", + "Completed text 118867\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 118868\n", + "Completed text 118869\n", + "Completed text 118870\n", + "Completed text 118871\n", + "Completed text 118872\n", + "Completed text 118873\n", + "Completed text 118874\n", + "Completed text 118875\n", + "Completed text 118876\n", + "Completed text 118877\n", + "Completed text 118878\n", + "Completed text 118879\n", + "Completed text 118880\n", + "Completed text 118881\n", + "Completed text 118882\n", + "Completed text 118883\n", + "Completed text 118884\n", + "Completed text 118885\n", + "Completed text 118886\n", + "Completed text 118887\n", + "Completed text 118888\n", + "Completed text 118889\n", + "Completed text 118890\n", + "Completed text 118891\n", + "Completed text 118892\n", + "Completed text 118893\n", + "Completed text 118894\n", + "Completed text 118895\n", + "Completed text 118896\n", + "Completed text 118897\n", + "Completed text 118898\n", + "Completed text 118899\n", + "Completed text 118900\n", + "Completed text 118901\n", + "Completed text 118902\n", + "Completed text 118903\n", + "Completed text 118904\n", + "Completed text 118905\n", + "Completed text 118906\n", + "Completed text 118907\n", + "Completed text 118908\n", + "Completed text 118909\n", + "Completed text 118910\n", + "Completed text 118911\n", + "Completed text 118912\n", + "Completed text 118913\n", + "Completed text 118914\n", + "Completed text 118915\n", + "Completed text 118916\n", + "Completed text 118917\n", + "Completed text 118918\n", + "Completed text 118919\n", + "Completed text 118920\n", + "Completed text 118921\n", + "Completed text 118922\n", + "Completed text 118923\n", + "Completed text 118924\n", + "Completed text 118925\n", + "Completed text 118926\n", + "Completed text 118927\n", + "Completed text 118928\n", + "Completed text 118929\n", + "Completed text 118930\n", + "Completed text 118931\n", + "Completed text 118932\n", + "Completed text 118933\n", + "Completed text 118934\n", + "Completed text 118935\n", + "Completed text 118936\n", + "Completed text 118937\n", + "Completed text 118938\n", + "Completed text 118939\n", + "Completed text 118940\n", + "Completed text 118941\n", + "Completed text 118942\n", + "Completed text 118943\n", + "Completed text 118944\n", + "Completed text 118945\n", + "Completed text 118946\n", + "Completed text 118947\n", + "Completed text 118948\n", + "Completed text 118949\n", + "Completed text 118950\n", + "Completed text 118951\n", + "Completed text 118952\n", + "Completed text 118953\n", + "Completed text 118954\n", + "Completed text 118955\n", + "Completed text 118956\n", + "Completed text 118957\n", + "Completed text 118958\n", + "Completed text 118959\n", + "Completed text 118960\n", + "Completed text 118961\n", + "Completed text 118962\n", + "Completed text 118963\n", + "Completed text 118964\n", + "Completed text 118965\n", + "Completed text 118966\n", + "Completed text 118967\n", + "Completed text 118968\n", + "Completed text 118969\n", + "Completed text 118970\n", + "Completed text 118971\n", + "Completed text 118972\n", + "Completed text 118973\n", + "Completed text 118974\n", + "Completed text 118975\n", + "Completed text 118976\n", + "Completed text 118977\n", + "Completed text 118978\n", + "Completed text 118979\n", + "Completed text 118980\n", + "Completed text 118981\n", + "Completed text 118982\n", + "Completed text 118983\n", + "Completed text 118984\n", + "Completed text 118985\n", + "Completed text 118986\n", + "Completed text 118987\n", + "Completed text 118988\n", + "Completed text 118989\n", + "Completed text 118990\n", + "Completed text 118991\n", + "Completed text 118992\n", + "Completed text 118993\n", + "Completed text 118994\n", + "Completed text 118995\n", + "Completed text 118996\n", + "Completed text 118997\n", + "Completed text 118998\n", + "Completed text 118999\n", + "Completed text 119000\n", + "Completed text 119001\n", + "Completed text 119002\n", + "Completed text 119003\n", + "Completed text 119004\n", + "Completed text 119005\n", + "Completed text 119006\n", + "Completed text 119007\n", + "Completed text 119008\n", + "Completed text 119009\n", + "Completed text 119010\n", + "Completed text 119011\n", + "Completed text 119012\n", + "Completed text 119013\n", + "Completed text 119014\n", + "Completed text 119015\n", + "Completed text 119016\n", + "Completed text 119017\n", + "Completed text 119018\n", + "Completed text 119019\n", + "Completed text 119020\n", + "Completed text 119021\n", + "Completed text 119022\n", + "Completed text 119023\n", + "Completed text 119024\n", + "Completed text 119025\n", + "Completed text 119026\n", + "Completed text 119027\n", + "Completed text 119028\n", + "Completed text 119029\n", + "Completed text 119030\n", + "Completed text 119031\n", + "Completed text 119032\n", + "Completed text 119033\n", + "Completed text 119034\n", + "Completed text 119035\n", + "Completed text 119036\n", + "Completed text 119037\n", + "Completed text 119038\n", + "Completed text 119039\n", + "Completed text 119040\n", + "Completed text 119041\n", + "Completed text 119042\n", + "Completed text 119043\n", + "Completed text 119044\n", + "Completed text 119045\n", + "Completed text 119046\n", + "Completed text 119047\n", + "Completed text 119048\n", + "Completed text 119049\n", + "Completed text 119050\n", + "Completed text 119051\n", + "Completed text 119052\n", + "Completed text 119053\n", + "Completed text 119054\n", + "Completed text 119055\n", + "Completed text 119056\n", + "Completed text 119057\n", + "Completed text 119058\n", + "Completed text 119059\n", + "Completed text 119060\n", + "Completed text 119061\n", + "Completed text 119062\n", + "Completed text 119063\n", + "Completed text 119064\n", + "Completed text 119065\n", + "Completed text 119066\n", + "Completed text 119067\n", + "Completed text 119068\n", + "Completed text 119069\n", + "Completed text 119070\n", + "Completed text 119071\n", + "Completed text 119072\n", + "Completed text 119073\n", + "Completed text 119074\n", + "Completed text 119075\n", + "Completed text 119076\n", + "Completed text 119077\n", + "Completed text 119078\n", + "Completed text 119079\n", + "Completed text 119080\n", + "Completed text 119081\n", + "Completed text 119082\n", + "Completed text 119083\n", + "Completed text 119084\n", + "Completed text 119085\n", + "Completed text 119086\n", + "Completed text 119087\n", + "Completed text 119088\n", + "Completed text 119089\n", + "Completed text 119090\n", + "Completed text 119091\n", + "Completed text 119092\n", + "Completed text 119093\n", + "Completed text 119094\n", + "Completed text 119095\n", + "Completed text 119096\n", + "Completed text 119097\n", + "Completed text 119098\n", + "Completed text 119099\n", + "Completed text 119100\n", + "Completed text 119101\n", + "Completed text 119102\n", + "Completed text 119103\n", + "Completed text 119104\n", + "Completed text 119105\n", + "Completed text 119106\n", + "Completed text 119107\n", + "Completed text 119108\n", + "Completed text 119109\n", + "Completed text 119110\n", + "Completed text 119111\n", + "Completed text 119112\n", + "Completed text 119113\n", + "Completed text 119114\n", + "Completed text 119115\n", + "Completed text 119116\n", + "Completed text 119117\n", + "Completed text 119118\n", + "Completed text 119119\n", + "Completed text 119120\n", + "Completed text 119121\n", + "Completed text 119122\n", + "Completed text 119123\n", + "Completed text 119124\n", + "Completed text 119125\n", + "Completed text 119126\n", + "Completed text 119127\n", + "Completed text 119128\n", + "Completed text 119129\n", + "Completed text 119130\n", + "Completed text 119131\n", + "Completed text 119132\n", + "Completed text 119133\n", + "Completed text 119134\n", + "Completed text 119135\n", + "Completed text 119136\n", + "Completed text 119137\n", + "Completed text 119138\n", + "Completed text 119139\n", + "Completed text 119140\n", + "Completed text 119141\n", + "Completed text 119142\n", + "Completed text 119143\n", + "Completed text 119144\n", + "Completed text 119145\n", + "Completed text 119146\n", + "Completed text 119147\n", + "Completed text 119148\n", + "Completed text 119149\n", + "Completed text 119150\n", + "Completed text 119151\n", + "Completed text 119152\n", + "Completed text 119153\n", + "Completed text 119154\n", + "Completed text 119155\n", + "Completed text 119156\n", + "Completed text 119157\n", + "Completed text 119158\n", + "Completed text 119159\n", + "Completed text 119160\n", + "Completed text 119161\n", + "Completed text 119162\n", + "Completed text 119163\n", + "Completed text 119164\n", + "Completed text 119165\n", + "Completed text 119166\n", + "Completed text 119167\n", + "Completed text 119168\n", + "Completed text 119169\n", + "Completed text 119170\n", + "Completed text 119171\n", + "Completed text 119172\n", + "Completed text 119173\n", + "Completed text 119174\n", + "Completed text 119175\n", + "Completed text 119176\n", + "Completed text 119177\n", + "Completed text 119178\n", + "Completed text 119179\n", + "Completed text 119180\n", + "Completed text 119181\n", + "Completed text 119182\n", + "Completed text 119183\n", + "Completed text 119184\n", + "Completed text 119185\n", + "Completed text 119186\n", + "Completed text 119187\n", + "Completed text 119188\n", + "Completed text 119189\n", + "Completed text 119190\n", + "Completed text 119191\n", + "Completed text 119192\n", + "Completed text 119193\n", + "Completed text 119194\n", + "Completed text 119195\n", + "Completed text 119196\n", + "Completed text 119197\n", + "Completed text 119198\n", + "Completed text 119199\n", + "Completed text 119200\n", + "Completed text 119201\n", + "Completed text 119202\n", + "Completed text 119203\n", + "Completed text 119204\n", + "Completed text 119205\n", + "Completed text 119206\n", + "Completed text 119207\n", + "Completed text 119208\n", + "Completed text 119209\n", + "Completed text 119210\n", + "Completed text 119211\n", + "Completed text 119212\n", + "Completed text 119213\n", + "Completed text 119214\n", + "Completed text 119215\n", + "Completed text 119216\n", + "Completed text 119217\n", + "Completed text 119218\n", + "Completed text 119219\n", + "Completed text 119220\n", + "Completed text 119221\n", + "Completed text 119222\n", + "Completed text 119223\n", + "Completed text 119224\n", + "Completed text 119225\n", + "Completed text 119226\n", + "Completed text 119227\n", + "Completed text 119228\n", + "Completed text 119229\n", + "Completed text 119230\n", + "Completed text 119231\n", + "Completed text 119232\n", + "Completed text 119233\n", + "Completed text 119234\n", + "Completed text 119235\n", + "Completed text 119236\n", + "Completed text 119237\n", + "Completed text 119238\n", + "Completed text 119239\n", + "Completed text 119240\n", + "Completed text 119241\n", + "Completed text 119242\n", + "Completed text 119243\n", + "Completed text 119244\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 119245\n", + "Completed text 119246\n", + "Completed text 119247\n", + "Completed text 119248\n", + "Completed text 119249\n", + "Completed text 119250\n", + "Completed text 119251\n", + "Completed text 119252\n", + "Completed text 119253\n", + "Completed text 119254\n", + "Completed text 119255\n", + "Completed text 119256\n", + "Completed text 119257\n", + "Completed text 119258\n", + "Completed text 119259\n", + "Completed text 119260\n", + "Completed text 119261\n", + "Completed text 119262\n", + "Completed text 119263\n", + "Completed text 119264\n", + "Completed text 119265\n", + "Completed text 119266\n", + "Completed text 119267\n", + "Completed text 119268\n", + "Completed text 119269\n", + "Completed text 119270\n", + "Completed text 119271\n", + "Completed text 119272\n", + "Completed text 119273\n", + "Completed text 119274\n", + "Completed text 119275\n", + "Completed text 119276\n", + "Completed text 119277\n", + "Completed text 119278\n", + "Completed text 119279\n", + "Completed text 119280\n", + "Completed text 119281\n", + "Completed text 119282\n", + "Completed text 119283\n", + "Completed text 119284\n", + "Completed text 119285\n", + "Completed text 119286\n", + "Completed text 119287\n", + "Completed text 119288\n", + "Completed text 119289\n", + "Completed text 119290\n", + "Completed text 119291\n", + "Completed text 119292\n", + "Completed text 119293\n", + "Completed text 119294\n", + "Completed text 119295\n", + "Completed text 119296\n", + "Completed text 119297\n", + "Completed text 119298\n", + "Completed text 119299\n", + "Completed text 119300\n", + "Completed text 119301\n", + "Completed text 119302\n", + "Completed text 119303\n", + "Completed text 119304\n", + "Completed text 119305\n", + "Completed text 119306\n", + "Completed text 119307\n", + "Completed text 119308\n", + "Completed text 119309\n", + "Completed text 119310\n", + "Completed text 119311\n", + "Completed text 119312\n", + "Completed text 119313\n", + "Completed text 119314\n", + "Completed text 119315\n", + "Completed text 119316\n", + "Completed text 119317\n", + "Completed text 119318\n", + "Completed text 119319\n", + "Completed text 119320\n", + "Completed text 119321\n", + "Completed text 119322\n", + "Completed text 119323\n", + "Completed text 119324\n", + "Completed text 119325\n", + "Completed text 119326\n", + "Completed text 119327\n", + "Completed text 119328\n", + "Completed text 119329\n", + "Completed text 119330\n", + "Completed text 119331\n", + "Completed text 119332\n", + "Completed text 119333\n", + "Completed text 119334\n", + "Completed text 119335\n", + "Completed text 119336\n", + "Completed text 119337\n", + "Completed text 119338\n", + "Completed text 119339\n", + "Completed text 119340\n", + "Completed text 119341\n", + "Completed text 119342\n", + "Completed text 119343\n", + "Completed text 119344\n", + "Completed text 119345\n", + "Completed text 119346\n", + "Completed text 119347\n", + "Completed text 119348\n", + "Completed text 119349\n", + "Completed text 119350\n", + "Completed text 119351\n", + "Completed text 119352\n", + "Completed text 119353\n", + "Completed text 119354\n", + "Completed text 119355\n", + "Completed text 119356\n", + "Completed text 119357\n", + "Completed text 119358\n", + "Completed text 119359\n", + "Completed text 119360\n", + "Completed text 119361\n", + "Completed text 119362\n", + "Completed text 119363\n", + "Completed text 119364\n", + "Completed text 119365\n", + "Completed text 119366\n", + "Completed text 119367\n", + "Completed text 119368\n", + "Completed text 119369\n", + "Completed text 119370\n", + "Completed text 119371\n", + "Completed text 119372\n", + "Completed text 119373\n", + "Completed text 119374\n", + "Completed text 119375\n", + "Completed text 119376\n", + "Completed text 119377\n", + "Completed text 119378\n", + "Completed text 119379\n", + "Completed text 119380\n", + "Completed text 119381\n", + "Completed text 119382\n", + "Completed text 119383\n", + "Completed text 119384\n", + "Completed text 119385\n", + "Completed text 119386\n", + "Completed text 119387\n", + "Completed text 119388\n", + "Completed text 119389\n", + "Completed text 119390\n", + "Completed text 119391\n", + "Completed text 119392\n", + "Completed text 119393\n", + "Completed text 119394\n", + "Completed text 119395\n", + "Completed text 119396\n", + "Completed text 119397\n", + "Completed text 119398\n", + "Completed text 119399\n", + "Completed text 119400\n", + "Completed text 119401\n", + "Completed text 119402\n", + "Completed text 119403\n", + "Completed text 119404\n", + "Completed text 119405\n", + "Completed text 119406\n", + "Completed text 119407\n", + "Completed text 119408\n", + "Completed text 119409\n", + "Completed text 119410\n", + "Completed text 119411\n", + "Completed text 119412\n", + "Completed text 119413\n", + "Completed text 119414\n", + "Completed text 119415\n", + "Completed text 119416\n", + "Completed text 119417\n", + "Completed text 119418\n", + "Completed text 119419\n", + "Completed text 119420\n", + "Completed text 119421\n", + "Completed text 119422\n", + "Completed text 119423\n", + "Completed text 119424\n", + "Completed text 119425\n", + "Completed text 119426\n", + "Completed text 119427\n", + "Completed text 119428\n", + "Completed text 119429\n", + "Completed text 119430\n", + "Completed text 119431\n", + "Completed text 119432\n", + "Completed text 119433\n", + "Completed text 119434\n", + "Completed text 119435\n", + "Completed text 119436\n", + "Completed text 119437\n", + "Completed text 119438\n", + "Completed text 119439\n", + "Completed text 119440\n", + "Completed text 119441\n", + "Completed text 119442\n", + "Completed text 119443\n", + "Completed text 119444\n", + "Completed text 119445\n", + "Completed text 119446\n", + "Completed text 119447\n", + "Completed text 119448\n", + "Completed text 119449\n", + "Completed text 119450\n", + "Completed text 119451\n", + "Completed text 119452\n", + "Completed text 119453\n", + "Completed text 119454\n", + "Completed text 119455\n", + "Completed text 119456\n", + "Completed text 119457\n", + "Completed text 119458\n", + "Completed text 119459\n", + "Completed text 119460\n", + "Completed text 119461\n", + "Completed text 119462\n", + "Completed text 119463\n", + "Completed text 119464\n", + "Completed text 119465\n", + "Completed text 119466\n", + "Completed text 119467\n", + "Completed text 119468\n", + "Completed text 119469\n", + "Completed text 119470\n", + "Completed text 119471\n", + "Completed text 119472\n", + "Completed text 119473\n", + "Completed text 119474\n", + "Completed text 119475\n", + "Completed text 119476\n", + "Completed text 119477\n", + "Completed text 119478\n", + "Completed text 119479\n", + "Completed text 119480\n", + "Completed text 119481\n", + "Completed text 119482\n", + "Completed text 119483\n", + "Completed text 119484\n", + "Completed text 119485\n", + "Completed text 119486\n", + "Completed text 119487\n", + "Completed text 119488\n", + "Completed text 119489\n", + "Completed text 119490\n", + "Completed text 119491\n", + "Completed text 119492\n", + "Completed text 119493\n", + "Completed text 119494\n", + "Completed text 119495\n", + "Completed text 119496\n", + "Completed text 119497\n", + "Completed text 119498\n", + "Completed text 119499\n", + "Completed text 119500\n", + "Completed text 119501\n", + "Completed text 119502\n", + "Completed text 119503\n", + "Completed text 119504\n", + "Completed text 119505\n", + "Completed text 119506\n", + "Completed text 119507\n", + "Completed text 119508\n", + "Completed text 119509\n", + "Completed text 119510\n", + "Completed text 119511\n", + "Completed text 119512\n", + "Completed text 119513\n", + "Completed text 119514\n", + "Completed text 119515\n", + "Completed text 119516\n", + "Completed text 119517\n", + "Completed text 119518\n", + "Completed text 119519\n", + "Completed text 119520\n", + "Completed text 119521\n", + "Completed text 119522\n", + "Completed text 119523\n", + "Completed text 119524\n", + "Completed text 119525\n", + "Completed text 119526\n", + "Completed text 119527\n", + "Completed text 119528\n", + "Completed text 119529\n", + "Completed text 119530\n", + "Completed text 119531\n", + "Completed text 119532\n", + "Completed text 119533\n", + "Completed text 119534\n", + "Completed text 119535\n", + "Completed text 119536\n", + "Completed text 119537\n", + "Completed text 119538\n", + "Completed text 119539\n", + "Completed text 119540\n", + "Completed text 119541\n", + "Completed text 119542\n", + "Completed text 119543\n", + "Completed text 119544\n", + "Completed text 119545\n", + "Completed text 119546\n", + "Completed text 119547\n", + "Completed text 119548\n", + "Completed text 119549\n", + "Completed text 119550\n", + "Completed text 119551\n", + "Completed text 119552\n", + "Completed text 119553\n", + "Completed text 119554\n", + "Completed text 119555\n", + "Completed text 119556\n", + "Completed text 119557\n", + "Completed text 119558\n", + "Completed text 119559\n", + "Completed text 119560\n", + "Completed text 119561\n", + "Completed text 119562\n", + "Completed text 119563\n", + "Completed text 119564\n", + "Completed text 119565\n", + "Completed text 119566\n", + "Completed text 119567\n", + "Completed text 119568\n", + "Completed text 119569\n", + "Completed text 119570\n", + "Completed text 119571\n", + "Completed text 119572\n", + "Completed text 119573\n", + "Completed text 119574\n", + "Completed text 119575\n", + "Completed text 119576\n", + "Completed text 119577\n", + "Completed text 119578\n", + "Completed text 119579\n", + "Completed text 119580\n", + "Completed text 119581\n", + "Completed text 119582\n", + "Completed text 119583\n", + "Completed text 119584\n", + "Completed text 119585\n", + "Completed text 119586\n", + "Completed text 119587\n", + "Completed text 119588\n", + "Completed text 119589\n", + "Completed text 119590\n", + "Completed text 119591\n", + "Completed text 119592\n", + "Completed text 119593\n", + "Completed text 119594\n", + "Completed text 119595\n", + "Completed text 119596\n", + "Completed text 119597\n", + "Completed text 119598\n", + "Completed text 119599\n", + "Completed text 119600\n", + "Completed text 119601\n", + "Completed text 119602\n", + "Completed text 119603\n", + "Completed text 119604\n", + "Completed text 119605\n", + "Completed text 119606\n", + "Completed text 119607\n", + "Completed text 119608\n", + "Completed text 119609\n", + "Completed text 119610\n", + "Completed text 119611\n", + "Completed text 119612\n", + "Completed text 119613\n", + "Completed text 119614\n", + "Completed text 119615\n", + "Completed text 119616\n", + "Completed text 119617\n", + "Completed text 119618\n", + "Completed text 119619\n", + "Completed text 119620\n", + "Completed text 119621\n", + "Completed text 119622\n", + "Completed text 119623\n", + "Completed text 119624\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 119625\n", + "Completed text 119626\n", + "Completed text 119627\n", + "Completed text 119628\n", + "Completed text 119629\n", + "Completed text 119630\n", + "Completed text 119631\n", + "Completed text 119632\n", + "Completed text 119633\n", + "Completed text 119634\n", + "Completed text 119635\n", + "Completed text 119636\n", + "Completed text 119637\n", + "Completed text 119638\n", + "Completed text 119639\n", + "Completed text 119640\n", + "Completed text 119641\n", + "Completed text 119642\n", + "Completed text 119643\n", + "Completed text 119644\n", + "Completed text 119645\n", + "Completed text 119646\n", + "Completed text 119647\n", + "Completed text 119648\n", + "Completed text 119649\n", + "Completed text 119650\n", + "Completed text 119651\n", + "Completed text 119652\n", + "Completed text 119653\n", + "Completed text 119654\n", + "Completed text 119655\n", + "Completed text 119656\n", + "Completed text 119657\n", + "Completed text 119658\n", + "Completed text 119659\n", + "Completed text 119660\n", + "Completed text 119661\n", + "Completed text 119662\n", + "Completed text 119663\n", + "Completed text 119664\n", + "Completed text 119665\n", + "Completed text 119666\n", + "Completed text 119667\n", + "Completed text 119668\n", + "Completed text 119669\n", + "Completed text 119670\n", + "Completed text 119671\n", + "Completed text 119672\n", + "Completed text 119673\n", + "Completed text 119674\n", + "Completed text 119675\n", + "Completed text 119676\n", + "Completed text 119677\n", + "Completed text 119678\n", + "Completed text 119679\n", + "Completed text 119680\n", + "Completed text 119681\n", + "Completed text 119682\n", + "Completed text 119683\n", + "Completed text 119684\n", + "Completed text 119685\n", + "Completed text 119686\n", + "Completed text 119687\n", + "Completed text 119688\n", + "Completed text 119689\n", + "Completed text 119690\n", + "Completed text 119691\n", + "Completed text 119692\n", + "Completed text 119693\n", + "Completed text 119694\n", + "Completed text 119695\n", + "Completed text 119696\n", + "Completed text 119697\n", + "Completed text 119698\n", + "Completed text 119699\n", + "Completed text 119700\n", + "Completed text 119701\n", + "Completed text 119702\n", + "Completed text 119703\n", + "Completed text 119704\n", + "Completed text 119705\n", + "Completed text 119706\n", + "Completed text 119707\n", + "Completed text 119708\n", + "Completed text 119709\n", + "Completed text 119710\n", + "Completed text 119711\n", + "Completed text 119712\n", + "Completed text 119713\n", + "Completed text 119714\n", + "Completed text 119715\n", + "Completed text 119716\n", + "Completed text 119717\n", + "Completed text 119718\n", + "Completed text 119719\n", + "Completed text 119720\n", + "Completed text 119721\n", + "Completed text 119722\n", + "Completed text 119723\n", + "Completed text 119724\n", + "Completed text 119725\n", + "Completed text 119726\n", + "Completed text 119727\n", + "Completed text 119728\n", + "Completed text 119729\n", + "Completed text 119730\n", + "Completed text 119731\n", + "Completed text 119732\n", + "Completed text 119733\n", + "Completed text 119734\n", + "Completed text 119735\n", + "Completed text 119736\n", + "Completed text 119737\n", + "Completed text 119738\n", + "Completed text 119739\n", + "Completed text 119740\n", + "Completed text 119741\n", + "Completed text 119742\n", + "Completed text 119743\n", + "Completed text 119744\n", + "Completed text 119745\n", + "Completed text 119746\n", + "Completed text 119747\n", + "Completed text 119748\n", + "Completed text 119749\n", + "Completed text 119750\n", + "Completed text 119751\n", + "Completed text 119752\n", + "Completed text 119753\n", + "Completed text 119754\n", + "Completed text 119755\n", + "Completed text 119756\n", + "Completed text 119757\n", + "Completed text 119758\n", + "Completed text 119759\n", + "Completed text 119760\n", + "Completed text 119761\n", + "Completed text 119762\n", + "Completed text 119763\n", + "Completed text 119764\n", + "Completed text 119765\n", + "Completed text 119766\n", + "Completed text 119767\n", + "Completed text 119768\n", + "Completed text 119769\n", + "Completed text 119770\n", + "Completed text 119771\n", + "Completed text 119772\n", + "Completed text 119773\n", + "Completed text 119774\n", + "Completed text 119775\n", + "Completed text 119776\n", + "Completed text 119777\n", + "Completed text 119778\n", + "Completed text 119779\n", + "Completed text 119780\n", + "Completed text 119781\n", + "Completed text 119782\n", + "Completed text 119783\n", + "Completed text 119784\n", + "Completed text 119785\n", + "Completed text 119786\n", + "Completed text 119787\n", + "Completed text 119788\n", + "Completed text 119789\n", + "Completed text 119790\n", + "Completed text 119791\n", + "Completed text 119792\n", + "Completed text 119793\n", + "Completed text 119794\n", + "Completed text 119795\n", + "Completed text 119796\n", + "Completed text 119797\n", + "Completed text 119798\n", + "Completed text 119799\n", + "Completed text 119800\n", + "Completed text 119801\n", + "Completed text 119802\n", + "Completed text 119803\n", + "Completed text 119804\n", + "Completed text 119805\n", + "Completed text 119806\n", + "Completed text 119807\n", + "Completed text 119808\n", + "Completed text 119809\n", + "Completed text 119810\n", + "Completed text 119811\n", + "Completed text 119812\n", + "Completed text 119813\n", + "Completed text 119814\n", + "Completed text 119815\n", + "Completed text 119816\n", + "Completed text 119817\n", + "Completed text 119818\n", + "Completed text 119819\n", + "Completed text 119820\n", + "Completed text 119821\n", + "Completed text 119822\n", + "Completed text 119823\n", + "Completed text 119824\n", + "Completed text 119825\n", + "Completed text 119826\n", + "Completed text 119827\n", + "Completed text 119828\n", + "Completed text 119829\n", + "Completed text 119830\n", + "Completed text 119831\n", + "Completed text 119832\n", + "Completed text 119833\n", + "Completed text 119834\n", + "Completed text 119835\n", + "Completed text 119836\n", + "Completed text 119837\n", + "Completed text 119838\n", + "Completed text 119839\n", + "Completed text 119840\n", + "Completed text 119841\n", + "Completed text 119842\n", + "Completed text 119843\n", + "Completed text 119844\n", + "Completed text 119845\n", + "Completed text 119846\n", + "Completed text 119847\n", + "Completed text 119848\n", + "Completed text 119849\n", + "Completed text 119850\n", + "Completed text 119851\n", + "Completed text 119852\n", + "Completed text 119853\n", + "Completed text 119854\n", + "Completed text 119855\n", + "Completed text 119856\n", + "Completed text 119857\n", + "Completed text 119858\n", + "Completed text 119859\n", + "Completed text 119860\n", + "Completed text 119861\n", + "Completed text 119862\n", + "Completed text 119863\n", + "Completed text 119864\n", + "Completed text 119865\n", + "Completed text 119866\n", + "Completed text 119867\n", + "Completed text 119868\n", + "Completed text 119869\n", + "Completed text 119870\n", + "Completed text 119871\n", + "Completed text 119872\n", + "Completed text 119873\n", + "Completed text 119874\n", + "Completed text 119875\n", + "Completed text 119876\n", + "Completed text 119877\n", + "Completed text 119878\n", + "Completed text 119879\n", + "Completed text 119880\n", + "Completed text 119881\n", + "Completed text 119882\n", + "Completed text 119883\n", + "Completed text 119884\n", + "Completed text 119885\n", + "Completed text 119886\n", + "Completed text 119887\n", + "Completed text 119888\n", + "Completed text 119889\n", + "Completed text 119890\n", + "Completed text 119891\n", + "Completed text 119892\n", + "Completed text 119893\n", + "Completed text 119894\n", + "Completed text 119895\n", + "Completed text 119896\n", + "Completed text 119897\n", + "Completed text 119898\n", + "Completed text 119899\n", + "Completed text 119900\n", + "Completed text 119901\n", + "Completed text 119902\n", + "Completed text 119903\n", + "Completed text 119904\n", + "Completed text 119905\n", + "Completed text 119906\n", + "Completed text 119907\n", + "Completed text 119908\n", + "Completed text 119909\n", + "Completed text 119910\n", + "Completed text 119911\n", + "Completed text 119912\n", + "Completed text 119913\n", + "Completed text 119914\n", + "Completed text 119915\n", + "Completed text 119916\n", + "Completed text 119917\n", + "Completed text 119918\n", + "Completed text 119919\n", + "Completed text 119920\n", + "Completed text 119921\n", + "Completed text 119922\n", + "Completed text 119923\n", + "Completed text 119924\n", + "Completed text 119925\n", + "Completed text 119926\n", + "Completed text 119927\n", + "Completed text 119928\n", + "Completed text 119929\n", + "Completed text 119930\n", + "Completed text 119931\n", + "Completed text 119932\n", + "Completed text 119933\n", + "Completed text 119934\n", + "Completed text 119935\n", + "Completed text 119936\n", + "Completed text 119937\n", + "Completed text 119938\n", + "Completed text 119939\n", + "Completed text 119940\n", + "Completed text 119941\n", + "Completed text 119942\n", + "Completed text 119943\n", + "Completed text 119944\n", + "Completed text 119945\n", + "Completed text 119946\n", + "Completed text 119947\n", + "Completed text 119948\n", + "Completed text 119949\n", + "Completed text 119950\n", + "Completed text 119951\n", + "Completed text 119952\n", + "Completed text 119953\n", + "Completed text 119954\n", + "Completed text 119955\n", + "Completed text 119956\n", + "Completed text 119957\n", + "Completed text 119958\n", + "Completed text 119959\n", + "Completed text 119960\n", + "Completed text 119961\n", + "Completed text 119962\n", + "Completed text 119963\n", + "Completed text 119964\n", + "Completed text 119965\n", + "Completed text 119966\n", + "Completed text 119967\n", + "Completed text 119968\n", + "Completed text 119969\n", + "Completed text 119970\n", + "Completed text 119971\n", + "Completed text 119972\n", + "Completed text 119973\n", + "Completed text 119974\n", + "Completed text 119975\n", + "Completed text 119976\n", + "Completed text 119977\n", + "Completed text 119978\n", + "Completed text 119979\n", + "Completed text 119980\n", + "Completed text 119981\n", + "Completed text 119982\n", + "Completed text 119983\n", + "Completed text 119984\n", + "Completed text 119985\n", + "Completed text 119986\n", + "Completed text 119987\n", + "Completed text 119988\n", + "Completed text 119989\n", + "Completed text 119990\n", + "Completed text 119991\n", + "Completed text 119992\n", + "Completed text 119993\n", + "Completed text 119994\n", + "Completed text 119995\n", + "Completed text 119996\n", + "Completed text 119997\n", + "Completed text 119998\n", + "Completed text 119999\n", + "Completed text 120000\n", + "Completed text 120001\n", + "Completed text 120002\n", + "Completed text 120003\n", + "Completed text 120004\n", + "Completed text 120005\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 120006\n", + "Completed text 120007\n", + "Completed text 120008\n", + "Completed text 120009\n", + "Completed text 120010\n", + "Completed text 120011\n", + "Completed text 120012\n", + "Completed text 120013\n", + "Completed text 120014\n", + "Completed text 120015\n", + "Completed text 120016\n", + "Completed text 120017\n", + "Completed text 120018\n", + "Completed text 120019\n", + "Completed text 120020\n", + "Completed text 120021\n", + "Completed text 120022\n", + "Completed text 120023\n", + "Completed text 120024\n", + "Completed text 120025\n", + "Completed text 120026\n", + "Completed text 120027\n", + "Completed text 120028\n", + "Completed text 120029\n", + "Completed text 120030\n", + "Completed text 120031\n", + "Completed text 120032\n", + "Completed text 120033\n", + "Completed text 120034\n", + "Completed text 120035\n", + "Completed text 120036\n", + "Completed text 120037\n", + "Completed text 120038\n", + "Completed text 120039\n", + "Completed text 120040\n", + "Completed text 120041\n", + "Completed text 120042\n", + "Completed text 120043\n", + "Completed text 120044\n", + "Completed text 120045\n", + "Completed text 120046\n", + "Completed text 120047\n", + "Completed text 120048\n", + "Completed text 120049\n", + "Completed text 120050\n", + "Completed text 120051\n", + "Completed text 120052\n", + "Completed text 120053\n", + "Completed text 120054\n", + "Completed text 120055\n", + "Completed text 120056\n", + "Completed text 120057\n", + "Completed text 120058\n", + "Completed text 120059\n", + "Completed text 120060\n", + "Completed text 120061\n", + "Completed text 120062\n", + "Completed text 120063\n", + "Completed text 120064\n", + "Completed text 120065\n", + "Completed text 120066\n", + "Completed text 120067\n", + "Completed text 120068\n", + "Completed text 120069\n", + "Completed text 120070\n", + "Completed text 120071\n", + "Completed text 120072\n", + "Completed text 120073\n", + "Completed text 120074\n", + "Completed text 120075\n", + "Completed text 120076\n", + "Completed text 120077\n", + "Completed text 120078\n", + "Completed text 120079\n", + "Completed text 120080\n", + "Completed text 120081\n", + "Completed text 120082\n", + "Completed text 120083\n", + "Completed text 120084\n", + "Completed text 120085\n", + "Completed text 120086\n", + "Completed text 120087\n", + "Completed text 120088\n", + "Completed text 120089\n", + "Completed text 120090\n", + "Completed text 120091\n", + "Completed text 120092\n", + "Completed text 120093\n", + "Completed text 120094\n", + "Completed text 120095\n", + "Completed text 120096\n", + "Completed text 120097\n", + "Completed text 120098\n", + "Completed text 120099\n", + "Completed text 120100\n", + "Completed text 120101\n", + "Completed text 120102\n", + "Completed text 120103\n", + "Completed text 120104\n", + "Completed text 120105\n", + "Completed text 120106\n", + "Completed text 120107\n", + "Completed text 120108\n", + "Completed text 120109\n", + "Completed text 120110\n", + "Completed text 120111\n", + "Completed text 120112\n", + "Completed text 120113\n", + "Completed text 120114\n", + "Completed text 120115\n", + "Completed text 120116\n", + "Completed text 120117\n", + "Completed text 120118\n", + "Completed text 120119\n", + "Completed text 120120\n", + "Completed text 120121\n", + "Completed text 120122\n", + "Completed text 120123\n", + "Completed text 120124\n", + "Completed text 120125\n", + "Completed text 120126\n", + "Completed text 120127\n", + "Completed text 120128\n", + "Completed text 120129\n", + "Completed text 120130\n", + "Completed text 120131\n", + "Completed text 120132\n", + "Completed text 120133\n", + "Completed text 120134\n", + "Completed text 120135\n", + "Completed text 120136\n", + "Completed text 120137\n", + "Completed text 120138\n", + "Completed text 120139\n", + "Completed text 120140\n", + "Completed text 120141\n", + "Completed text 120142\n", + "Completed text 120143\n", + "Completed text 120144\n", + "Completed text 120145\n", + "Completed text 120146\n", + "Completed text 120147\n", + "Completed text 120148\n", + "Completed text 120149\n", + "Completed text 120150\n", + "Completed text 120151\n", + "Completed text 120152\n", + "Completed text 120153\n", + "Completed text 120154\n", + "Completed text 120155\n", + "Completed text 120156\n", + "Completed text 120157\n", + "Completed text 120158\n", + "Completed text 120159\n", + "Completed text 120160\n", + "Completed text 120161\n", + "Completed text 120162\n", + "Completed text 120163\n", + "Completed text 120164\n", + "Completed text 120165\n", + "Completed text 120166\n", + "Completed text 120167\n", + "Completed text 120168\n", + "Completed text 120169\n", + "Completed text 120170\n", + "Completed text 120171\n", + "Completed text 120172\n", + "Completed text 120173\n", + "Completed text 120174\n", + "Completed text 120175\n", + "Completed text 120176\n", + "Completed text 120177\n", + "Completed text 120178\n", + "Completed text 120179\n", + "Completed text 120180\n", + "Completed text 120181\n", + "Completed text 120182\n", + "Completed text 120183\n", + "Completed text 120184\n", + "Completed text 120185\n", + "Completed text 120186\n", + "Completed text 120187\n", + "Completed text 120188\n", + "Completed text 120189\n", + "Completed text 120190\n", + "Completed text 120191\n", + "Completed text 120192\n", + "Completed text 120193\n", + "Completed text 120194\n", + "Completed text 120195\n", + "Completed text 120196\n", + "Completed text 120197\n", + "Completed text 120198\n", + "Completed text 120199\n", + "Completed text 120200\n", + "Completed text 120201\n", + "Completed text 120202\n", + "Completed text 120203\n", + "Completed text 120204\n", + "Completed text 120205\n", + "Completed text 120206\n", + "Completed text 120207\n", + "Completed text 120208\n", + "Completed text 120209\n", + "Completed text 120210\n", + "Completed text 120211\n", + "Completed text 120212\n", + "Completed text 120213\n", + "Completed text 120214\n", + "Completed text 120215\n", + "Completed text 120216\n", + "Completed text 120217\n", + "Completed text 120218\n", + "Completed text 120219\n", + "Completed text 120220\n", + "Completed text 120221\n", + "Completed text 120222\n", + "Completed text 120223\n", + "Completed text 120224\n", + "Completed text 120225\n", + "Completed text 120226\n", + "Completed text 120227\n", + "Completed text 120228\n", + "Completed text 120229\n", + "Completed text 120230\n", + "Completed text 120231\n", + "Completed text 120232\n", + "Completed text 120233\n", + "Completed text 120234\n", + "Completed text 120235\n", + "Completed text 120236\n", + "Completed text 120237\n", + "Completed text 120238\n", + "Completed text 120239\n", + "Completed text 120240\n", + "Completed text 120241\n", + "Completed text 120242\n", + "Completed text 120243\n", + "Completed text 120244\n", + "Completed text 120245\n", + "Completed text 120246\n", + "Completed text 120247\n", + "Completed text 120248\n", + "Completed text 120249\n", + "Completed text 120250\n", + "Completed text 120251\n", + "Completed text 120252\n", + "Completed text 120253\n", + "Completed text 120254\n", + "Completed text 120255\n", + "Completed text 120256\n", + "Completed text 120257\n", + "Completed text 120258\n", + "Completed text 120259\n", + "Completed text 120260\n", + "Completed text 120261\n", + "Completed text 120262\n", + "Completed text 120263\n", + "Completed text 120264\n", + "Completed text 120265\n", + "Completed text 120266\n", + "Completed text 120267\n", + "Completed text 120268\n", + "Completed text 120269\n", + "Completed text 120270\n", + "Completed text 120271\n", + "Completed text 120272\n", + "Completed text 120273\n", + "Completed text 120274\n", + "Completed text 120275\n", + "Completed text 120276\n", + "Completed text 120277\n", + "Completed text 120278\n", + "Completed text 120279\n", + "Completed text 120280\n", + "Completed text 120281\n", + "Completed text 120282\n", + "Completed text 120283\n", + "Completed text 120284\n", + "Completed text 120285\n", + "Completed text 120286\n", + "Completed text 120287\n", + "Completed text 120288\n", + "Completed text 120289\n", + "Completed text 120290\n", + "Completed text 120291\n", + "Completed text 120292\n", + "Completed text 120293\n", + "Completed text 120294\n", + "Completed text 120295\n", + "Completed text 120296\n", + "Completed text 120297\n", + "Completed text 120298\n", + "Completed text 120299\n", + "Completed text 120300\n", + "Completed text 120301\n", + "Completed text 120302\n", + "Completed text 120303\n", + "Completed text 120304\n", + "Completed text 120305\n", + "Completed text 120306\n", + "Completed text 120307\n", + "Completed text 120308\n", + "Completed text 120309\n", + "Completed text 120310\n", + "Completed text 120311\n", + "Completed text 120312\n", + "Completed text 120313\n", + "Completed text 120314\n", + "Completed text 120315\n", + "Completed text 120316\n", + "Completed text 120317\n", + "Completed text 120318\n", + "Completed text 120319\n", + "Completed text 120320\n", + "Completed text 120321\n", + "Completed text 120322\n", + "Completed text 120323\n", + "Completed text 120324\n", + "Completed text 120325\n", + "Completed text 120326\n", + "Completed text 120327\n", + "Completed text 120328\n", + "Completed text 120329\n", + "Completed text 120330\n", + "Completed text 120331\n", + "Completed text 120332\n", + "Completed text 120333\n", + "Completed text 120334\n", + "Completed text 120335\n", + "Completed text 120336\n", + "Completed text 120337\n", + "Completed text 120338\n", + "Completed text 120339\n", + "Completed text 120340\n", + "Completed text 120341\n", + "Completed text 120342\n", + "Completed text 120343\n", + "Completed text 120344\n", + "Completed text 120345\n", + "Completed text 120346\n", + "Completed text 120347\n", + "Completed text 120348\n", + "Completed text 120349\n", + "Completed text 120350\n", + "Completed text 120351\n", + "Completed text 120352\n", + "Completed text 120353\n", + "Completed text 120354\n", + "Completed text 120355\n", + "Completed text 120356\n", + "Completed text 120357\n", + "Completed text 120358\n", + "Completed text 120359\n", + "Completed text 120360\n", + "Completed text 120361\n", + "Completed text 120362\n", + "Completed text 120363\n", + "Completed text 120364\n", + "Completed text 120365\n", + "Completed text 120366\n", + "Completed text 120367\n", + "Completed text 120368\n", + "Completed text 120369\n", + "Completed text 120370\n", + "Completed text 120371\n", + "Completed text 120372\n", + "Completed text 120373\n", + "Completed text 120374\n", + "Completed text 120375\n", + "Completed text 120376\n", + "Completed text 120377\n", + "Completed text 120378\n", + "Completed text 120379\n", + "Completed text 120380\n", + "Completed text 120381\n", + "Completed text 120382\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 120383\n", + "Completed text 120384\n", + "Completed text 120385\n", + "Completed text 120386\n", + "Completed text 120387\n", + "Completed text 120388\n", + "Completed text 120389\n", + "Completed text 120390\n", + "Completed text 120391\n", + "Completed text 120392\n", + "Completed text 120393\n", + "Completed text 120394\n", + "Completed text 120395\n", + "Completed text 120396\n", + "Completed text 120397\n", + "Completed text 120398\n", + "Completed text 120399\n", + "Completed text 120400\n", + "Completed text 120401\n", + "Completed text 120402\n", + "Completed text 120403\n", + "Completed text 120404\n", + "Completed text 120405\n", + "Completed text 120406\n", + "Completed text 120407\n", + "Completed text 120408\n", + "Completed text 120409\n", + "Completed text 120410\n", + "Completed text 120411\n", + "Completed text 120412\n", + "Completed text 120413\n", + "Completed text 120414\n", + "Completed text 120415\n", + "Completed text 120416\n", + "Completed text 120417\n", + "Completed text 120418\n", + "Completed text 120419\n", + "Completed text 120420\n", + "Completed text 120421\n", + "Completed text 120422\n", + "Completed text 120423\n", + "Completed text 120424\n", + "Completed text 120425\n", + "Completed text 120426\n", + "Completed text 120427\n", + "Completed text 120428\n", + "Completed text 120429\n", + "Completed text 120430\n", + "Completed text 120431\n", + "Completed text 120432\n", + "Completed text 120433\n", + "Completed text 120434\n", + "Completed text 120435\n", + "Completed text 120436\n", + "Completed text 120437\n", + "Completed text 120438\n", + "Completed text 120439\n", + "Completed text 120440\n", + "Completed text 120441\n", + "Completed text 120442\n", + "Completed text 120443\n", + "Completed text 120444\n", + "Completed text 120445\n", + "Completed text 120446\n", + "Completed text 120447\n", + "Completed text 120448\n", + "Completed text 120449\n", + "Completed text 120450\n", + "Completed text 120451\n", + "Completed text 120452\n", + "Completed text 120453\n", + "Completed text 120454\n", + "Completed text 120455\n", + "Completed text 120456\n", + "Completed text 120457\n", + "Completed text 120458\n", + "Completed text 120459\n", + "Completed text 120460\n", + "Completed text 120461\n", + "Completed text 120462\n", + "Completed text 120463\n", + "Completed text 120464\n", + "Completed text 120465\n", + "Completed text 120466\n", + "Completed text 120467\n", + "Completed text 120468\n", + "Completed text 120469\n", + "Completed text 120470\n", + "Completed text 120471\n", + "Completed text 120472\n", + "Completed text 120473\n", + "Completed text 120474\n", + "Completed text 120475\n", + "Completed text 120476\n", + "Completed text 120477\n", + "Completed text 120478\n", + "Completed text 120479\n", + "Completed text 120480\n", + "Completed text 120481\n", + "Completed text 120482\n", + "Completed text 120483\n", + "Completed text 120484\n", + "Completed text 120485\n", + "Completed text 120486\n", + "Completed text 120487\n", + "Completed text 120488\n", + "Completed text 120489\n", + "Completed text 120490\n", + "Completed text 120491\n", + "Completed text 120492\n", + "Completed text 120493\n", + "Completed text 120494\n", + "Completed text 120495\n", + "Completed text 120496\n", + "Completed text 120497\n", + "Completed text 120498\n", + "Completed text 120499\n", + "Completed text 120500\n", + "Completed text 120501\n", + "Completed text 120502\n", + "Completed text 120503\n", + "Completed text 120504\n", + "Completed text 120505\n", + "Completed text 120506\n", + "Completed text 120507\n", + "Completed text 120508\n", + "Completed text 120509\n", + "Completed text 120510\n", + "Completed text 120511\n", + "Completed text 120512\n", + "Completed text 120513\n", + "Completed text 120514\n", + "Completed text 120515\n", + "Completed text 120516\n", + "Completed text 120517\n", + "Completed text 120518\n", + "Completed text 120519\n", + "Completed text 120520\n", + "Completed text 120521\n", + "Completed text 120522\n", + "Completed text 120523\n", + "Completed text 120524\n", + "Completed text 120525\n", + "Completed text 120526\n", + "Completed text 120527\n", + "Completed text 120528\n", + "Completed text 120529\n", + "Completed text 120530\n", + "Completed text 120531\n", + "Completed text 120532\n", + "Completed text 120533\n", + "Completed text 120534\n", + "Completed text 120535\n", + "Completed text 120536\n", + "Completed text 120537\n", + "Completed text 120538\n", + "Completed text 120539\n", + "Completed text 120540\n", + "Completed text 120541\n", + "Completed text 120542\n", + "Completed text 120543\n", + "Completed text 120544\n", + "Completed text 120545\n", + "Completed text 120546\n", + "Completed text 120547\n", + "Completed text 120548\n", + "Completed text 120549\n", + "Completed text 120550\n", + "Completed text 120551\n", + "Completed text 120552\n", + "Completed text 120553\n", + "Completed text 120554\n", + "Completed text 120555\n", + "Completed text 120556\n", + "Completed text 120557\n", + "Completed text 120558\n", + "Completed text 120559\n", + "Completed text 120560\n", + "Completed text 120561\n", + "Completed text 120562\n", + "Completed text 120563\n", + "Completed text 120564\n", + "Completed text 120565\n", + "Completed text 120566\n", + "Completed text 120567\n", + "Completed text 120568\n", + "Completed text 120569\n", + "Completed text 120570\n", + "Completed text 120571\n", + "Completed text 120572\n", + "Completed text 120573\n", + "Completed text 120574\n", + "Completed text 120575\n", + "Completed text 120576\n", + "Completed text 120577\n", + "Completed text 120578\n", + "Completed text 120579\n", + "Completed text 120580\n", + "Completed text 120581\n", + "Completed text 120582\n", + "Completed text 120583\n", + "Completed text 120584\n", + "Completed text 120585\n", + "Completed text 120586\n", + "Completed text 120587\n", + "Completed text 120588\n", + "Completed text 120589\n", + "Completed text 120590\n", + "Completed text 120591\n", + "Completed text 120592\n", + "Completed text 120593\n", + "Completed text 120594\n", + "Completed text 120595\n", + "Completed text 120596\n", + "Completed text 120597\n", + "Completed text 120598\n", + "Completed text 120599\n", + "Completed text 120600\n", + "Completed text 120601\n", + "Completed text 120602\n", + "Completed text 120603\n", + "Completed text 120604\n", + "Completed text 120605\n", + "Completed text 120606\n", + "Completed text 120607\n", + "Completed text 120608\n", + "Completed text 120609\n", + "Completed text 120610\n", + "Completed text 120611\n", + "Completed text 120612\n", + "Completed text 120613\n", + "Completed text 120614\n", + "Completed text 120615\n", + "Completed text 120616\n", + "Completed text 120617\n", + "Completed text 120618\n", + "Completed text 120619\n", + "Completed text 120620\n", + "Completed text 120621\n", + "Completed text 120622\n", + "Completed text 120623\n", + "Completed text 120624\n", + "Completed text 120625\n", + "Completed text 120626\n", + "Completed text 120627\n", + "Completed text 120628\n", + "Completed text 120629\n", + "Completed text 120630\n", + "Completed text 120631\n", + "Completed text 120632\n", + "Completed text 120633\n", + "Completed text 120634\n", + "Completed text 120635\n", + "Completed text 120636\n", + "Completed text 120637\n", + "Completed text 120638\n", + "Completed text 120639\n", + "Completed text 120640\n", + "Completed text 120641\n", + "Completed text 120642\n", + "Completed text 120643\n", + "Completed text 120644\n", + "Completed text 120645\n", + "Completed text 120646\n", + "Completed text 120647\n", + "Completed text 120648\n", + "Completed text 120649\n", + "Completed text 120650\n", + "Completed text 120651\n", + "Completed text 120652\n", + "Completed text 120653\n", + "Completed text 120654\n", + "Completed text 120655\n", + "Completed text 120656\n", + "Completed text 120657\n", + "Completed text 120658\n", + "Completed text 120659\n", + "Completed text 120660\n", + "Completed text 120661\n", + "Completed text 120662\n", + "Completed text 120663\n", + "Completed text 120664\n", + "Completed text 120665\n", + "Completed text 120666\n", + "Completed text 120667\n", + "Completed text 120668\n", + "Completed text 120669\n", + "Completed text 120670\n", + "Completed text 120671\n", + "Completed text 120672\n", + "Completed text 120673\n", + "Completed text 120674\n", + "Completed text 120675\n", + "Completed text 120676\n", + "Completed text 120677\n", + "Completed text 120678\n", + "Completed text 120679\n", + "Completed text 120680\n", + "Completed text 120681\n", + "Completed text 120682\n", + "Completed text 120683\n", + "Completed text 120684\n", + "Completed text 120685\n", + "Completed text 120686\n", + "Completed text 120687\n", + "Completed text 120688\n", + "Completed text 120689\n", + "Completed text 120690\n", + "Completed text 120691\n", + "Completed text 120692\n", + "Completed text 120693\n", + "Completed text 120694\n", + "Completed text 120695\n", + "Completed text 120696\n", + "Completed text 120697\n", + "Completed text 120698\n", + "Completed text 120699\n", + "Completed text 120700\n", + "Completed text 120701\n", + "Completed text 120702\n", + "Completed text 120703\n", + "Completed text 120704\n", + "Completed text 120705\n", + "Completed text 120706\n", + "Completed text 120707\n", + "Completed text 120708\n", + "Completed text 120709\n", + "Completed text 120710\n", + "Completed text 120711\n", + "Completed text 120712\n", + "Completed text 120713\n", + "Completed text 120714\n", + "Completed text 120715\n", + "Completed text 120716\n", + "Completed text 120717\n", + "Completed text 120718\n", + "Completed text 120719\n", + "Completed text 120720\n", + "Completed text 120721\n", + "Completed text 120722\n", + "Completed text 120723\n", + "Completed text 120724\n", + "Completed text 120725\n", + "Completed text 120726\n", + "Completed text 120727\n", + "Completed text 120728\n", + "Completed text 120729\n", + "Completed text 120730\n", + "Completed text 120731\n", + "Completed text 120732\n", + "Completed text 120733\n", + "Completed text 120734\n", + "Completed text 120735\n", + "Completed text 120736\n", + "Completed text 120737\n", + "Completed text 120738\n", + "Completed text 120739\n", + "Completed text 120740\n", + "Completed text 120741\n", + "Completed text 120742\n", + "Completed text 120743\n", + "Completed text 120744\n", + "Completed text 120745\n", + "Completed text 120746\n", + "Completed text 120747\n", + "Completed text 120748\n", + "Completed text 120749\n", + "Completed text 120750\n", + "Completed text 120751\n", + "Completed text 120752\n", + "Completed text 120753\n", + "Completed text 120754\n", + "Completed text 120755\n", + "Completed text 120756\n", + "Completed text 120757\n", + "Completed text 120758\n", + "Completed text 120759\n", + "Completed text 120760\n", + "Completed text 120761\n", + "Completed text 120762\n", + "Completed text 120763\n", + "Completed text 120764\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 120765\n", + "Completed text 120766\n", + "Completed text 120767\n", + "Completed text 120768\n", + "Completed text 120769\n", + "Completed text 120770\n", + "Completed text 120771\n", + "Completed text 120772\n", + "Completed text 120773\n", + "Completed text 120774\n", + "Completed text 120775\n", + "Completed text 120776\n", + "Completed text 120777\n", + "Completed text 120778\n", + "Completed text 120779\n", + "Completed text 120780\n", + "Completed text 120781\n", + "Completed text 120782\n", + "Completed text 120783\n", + "Completed text 120784\n", + "Completed text 120785\n", + "Completed text 120786\n", + "Completed text 120787\n", + "Completed text 120788\n", + "Completed text 120789\n", + "Completed text 120790\n", + "Completed text 120791\n", + "Completed text 120792\n", + "Completed text 120793\n", + "Completed text 120794\n", + "Completed text 120795\n", + "Completed text 120796\n", + "Completed text 120797\n", + "Completed text 120798\n", + "Completed text 120799\n", + "Completed text 120800\n", + "Completed text 120801\n", + "Completed text 120802\n", + "Completed text 120803\n", + "Completed text 120804\n", + "Completed text 120805\n", + "Completed text 120806\n", + "Completed text 120807\n", + "Completed text 120808\n", + "Completed text 120809\n", + "Completed text 120810\n", + "Completed text 120811\n", + "Completed text 120812\n", + "Completed text 120813\n", + "Completed text 120814\n", + "Completed text 120815\n", + "Completed text 120816\n", + "Completed text 120817\n", + "Completed text 120818\n", + "Completed text 120819\n", + "Completed text 120820\n", + "Completed text 120821\n", + "Completed text 120822\n", + "Completed text 120823\n", + "Completed text 120824\n", + "Completed text 120825\n", + "Completed text 120826\n", + "Completed text 120827\n", + "Completed text 120828\n", + "Completed text 120829\n", + "Completed text 120830\n", + "Completed text 120831\n", + "Completed text 120832\n", + "Completed text 120833\n", + "Completed text 120834\n", + "Completed text 120835\n", + "Completed text 120836\n", + "Completed text 120837\n", + "Completed text 120838\n", + "Completed text 120839\n", + "Completed text 120840\n", + "Completed text 120841\n", + "Completed text 120842\n", + "Completed text 120843\n", + "Completed text 120844\n", + "Completed text 120845\n", + "Completed text 120846\n", + "Completed text 120847\n", + "Completed text 120848\n", + "Completed text 120849\n", + "Completed text 120850\n", + "Completed text 120851\n", + "Completed text 120852\n", + "Completed text 120853\n", + "Completed text 120854\n", + "Completed text 120855\n", + "Completed text 120856\n", + "Completed text 120857\n", + "Completed text 120858\n", + "Completed text 120859\n", + "Completed text 120860\n", + "Completed text 120861\n", + "Completed text 120862\n", + "Completed text 120863\n", + "Completed text 120864\n", + "Completed text 120865\n", + "Completed text 120866\n", + "Completed text 120867\n", + "Completed text 120868\n", + "Completed text 120869\n", + "Completed text 120870\n", + "Completed text 120871\n", + "Completed text 120872\n", + "Completed text 120873\n", + "Completed text 120874\n", + "Completed text 120875\n", + "Completed text 120876\n", + "Completed text 120877\n", + "Completed text 120878\n", + "Completed text 120879\n", + "Completed text 120880\n", + "Completed text 120881\n", + "Completed text 120882\n", + "Completed text 120883\n", + "Completed text 120884\n", + "Completed text 120885\n", + "Completed text 120886\n", + "Completed text 120887\n", + "Completed text 120888\n", + "Completed text 120889\n", + "Completed text 120890\n", + "Completed text 120891\n", + "Completed text 120892\n", + "Completed text 120893\n", + "Completed text 120894\n", + "Completed text 120895\n", + "Completed text 120896\n", + "Completed text 120897\n", + "Completed text 120898\n", + "Completed text 120899\n", + "Completed text 120900\n", + "Completed text 120901\n", + "Completed text 120902\n", + "Completed text 120903\n", + "Completed text 120904\n", + "Completed text 120905\n", + "Completed text 120906\n", + "Completed text 120907\n", + "Completed text 120908\n", + "Completed text 120909\n", + "Completed text 120910\n", + "Completed text 120911\n", + "Completed text 120912\n", + "Completed text 120913\n", + "Completed text 120914\n", + "Completed text 120915\n", + "Completed text 120916\n", + "Completed text 120917\n", + "Completed text 120918\n", + "Completed text 120919\n", + "Completed text 120920\n", + "Completed text 120921\n", + "Completed text 120922\n", + "Completed text 120923\n", + "Completed text 120924\n", + "Completed text 120925\n", + "Completed text 120926\n", + "Completed text 120927\n", + "Completed text 120928\n", + "Completed text 120929\n", + "Completed text 120930\n", + "Completed text 120931\n", + "Completed text 120932\n", + "Completed text 120933\n", + "Completed text 120934\n", + "Completed text 120935\n", + "Completed text 120936\n", + "Completed text 120937\n", + "Completed text 120938\n", + "Completed text 120939\n", + "Completed text 120940\n", + "Completed text 120941\n", + "Completed text 120942\n", + "Completed text 120943\n", + "Completed text 120944\n", + "Completed text 120945\n", + "Completed text 120946\n", + "Completed text 120947\n", + "Completed text 120948\n", + "Completed text 120949\n", + "Completed text 120950\n", + "Completed text 120951\n", + "Completed text 120952\n", + "Completed text 120953\n", + "Completed text 120954\n", + "Completed text 120955\n", + "Completed text 120956\n", + "Completed text 120957\n", + "Completed text 120958\n", + "Completed text 120959\n", + "Completed text 120960\n", + "Completed text 120961\n", + "Completed text 120962\n", + "Completed text 120963\n", + "Completed text 120964\n", + "Completed text 120965\n", + "Completed text 120966\n", + "Completed text 120967\n", + "Completed text 120968\n", + "Completed text 120969\n", + "Completed text 120970\n", + "Completed text 120971\n", + "Completed text 120972\n", + "Completed text 120973\n", + "Completed text 120974\n", + "Completed text 120975\n", + "Completed text 120976\n", + "Completed text 120977\n", + "Completed text 120978\n", + "Completed text 120979\n", + "Completed text 120980\n", + "Completed text 120981\n", + "Completed text 120982\n", + "Completed text 120983\n", + "Completed text 120984\n", + "Completed text 120985\n", + "Completed text 120986\n", + "Completed text 120987\n", + "Completed text 120988\n", + "Completed text 120989\n", + "Completed text 120990\n", + "Completed text 120991\n", + "Completed text 120992\n", + "Completed text 120993\n", + "Completed text 120994\n", + "Completed text 120995\n", + "Completed text 120996\n", + "Completed text 120997\n", + "Completed text 120998\n", + "Completed text 120999\n", + "Completed text 121000\n", + "Completed text 121001\n", + "Completed text 121002\n", + "Completed text 121003\n", + "Completed text 121004\n", + "Completed text 121005\n", + "Completed text 121006\n", + "Completed text 121007\n", + "Completed text 121008\n", + "Completed text 121009\n", + "Completed text 121010\n", + "Completed text 121011\n", + "Completed text 121012\n", + "Completed text 121013\n", + "Completed text 121014\n", + "Completed text 121015\n", + "Completed text 121016\n", + "Completed text 121017\n", + "Completed text 121018\n", + "Completed text 121019\n", + "Completed text 121020\n", + "Completed text 121021\n", + "Completed text 121022\n", + "Completed text 121023\n", + "Completed text 121024\n", + "Completed text 121025\n", + "Completed text 121026\n", + "Completed text 121027\n", + "Completed text 121028\n", + "Completed text 121029\n", + "Completed text 121030\n", + "Completed text 121031\n", + "Completed text 121032\n", + "Completed text 121033\n", + "Completed text 121034\n", + "Completed text 121035\n", + "Completed text 121036\n", + "Completed text 121037\n", + "Completed text 121038\n", + "Completed text 121039\n", + "Completed text 121040\n", + "Completed text 121041\n", + "Completed text 121042\n", + "Completed text 121043\n", + "Completed text 121044\n", + "Completed text 121045\n", + "Completed text 121046\n", + "Completed text 121047\n", + "Completed text 121048\n", + "Completed text 121049\n", + "Completed text 121050\n", + "Completed text 121051\n", + "Completed text 121052\n", + "Completed text 121053\n", + "Completed text 121054\n", + "Completed text 121055\n", + "Completed text 121056\n", + "Completed text 121057\n", + "Completed text 121058\n", + "Completed text 121059\n", + "Completed text 121060\n", + "Completed text 121061\n", + "Completed text 121062\n", + "Completed text 121063\n", + "Completed text 121064\n", + "Completed text 121065\n", + "Completed text 121066\n", + "Completed text 121067\n", + "Completed text 121068\n", + "Completed text 121069\n", + "Completed text 121070\n", + "Completed text 121071\n", + "Completed text 121072\n", + "Completed text 121073\n", + "Completed text 121074\n", + "Completed text 121075\n", + "Completed text 121076\n", + "Completed text 121077\n", + "Completed text 121078\n", + "Completed text 121079\n", + "Completed text 121080\n", + "Completed text 121081\n", + "Completed text 121082\n", + "Completed text 121083\n", + "Completed text 121084\n", + "Completed text 121085\n", + "Completed text 121086\n", + "Completed text 121087\n", + "Completed text 121088\n", + "Completed text 121089\n", + "Completed text 121090\n", + "Completed text 121091\n", + "Completed text 121092\n", + "Completed text 121093\n", + "Completed text 121094\n", + "Completed text 121095\n", + "Completed text 121096\n", + "Completed text 121097\n", + "Completed text 121098\n", + "Completed text 121099\n", + "Completed text 121100\n", + "Completed text 121101\n", + "Completed text 121102\n", + "Completed text 121103\n", + "Completed text 121104\n", + "Completed text 121105\n", + "Completed text 121106\n", + "Completed text 121107\n", + "Completed text 121108\n", + "Completed text 121109\n", + "Completed text 121110\n", + "Completed text 121111\n", + "Completed text 121112\n", + "Completed text 121113\n", + "Completed text 121114\n", + "Completed text 121115\n", + "Completed text 121116\n", + "Completed text 121117\n", + "Completed text 121118\n", + "Completed text 121119\n", + "Completed text 121120\n", + "Completed text 121121\n", + "Completed text 121122\n", + "Completed text 121123\n", + "Completed text 121124\n", + "Completed text 121125\n", + "Completed text 121126\n", + "Completed text 121127\n", + "Completed text 121128\n", + "Completed text 121129\n", + "Completed text 121130\n", + "Completed text 121131\n", + "Completed text 121132\n", + "Completed text 121133\n", + "Completed text 121134\n", + "Completed text 121135\n", + "Completed text 121136\n", + "Completed text 121137\n", + "Completed text 121138\n", + "Completed text 121139\n", + "Completed text 121140\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 121141\n", + "Completed text 121142\n", + "Completed text 121143\n", + "Completed text 121144\n", + "Completed text 121145\n", + "Completed text 121146\n", + "Completed text 121147\n", + "Completed text 121148\n", + "Completed text 121149\n", + "Completed text 121150\n", + "Completed text 121151\n", + "Completed text 121152\n", + "Completed text 121153\n", + "Completed text 121154\n", + "Completed text 121155\n", + "Completed text 121156\n", + "Completed text 121157\n", + "Completed text 121158\n", + "Completed text 121159\n", + "Completed text 121160\n", + "Completed text 121161\n", + "Completed text 121162\n", + "Completed text 121163\n", + "Completed text 121164\n", + "Completed text 121165\n", + "Completed text 121166\n", + "Completed text 121167\n", + "Completed text 121168\n", + "Completed text 121169\n", + "Completed text 121170\n", + "Completed text 121171\n", + "Completed text 121172\n", + "Completed text 121173\n", + "Completed text 121174\n", + "Completed text 121175\n", + "Completed text 121176\n", + "Completed text 121177\n", + "Completed text 121178\n", + "Completed text 121179\n", + "Completed text 121180\n", + "Completed text 121181\n", + "Completed text 121182\n", + "Completed text 121183\n", + "Completed text 121184\n", + "Completed text 121185\n", + "Completed text 121186\n", + "Completed text 121187\n", + "Completed text 121188\n", + "Completed text 121189\n", + "Completed text 121190\n", + "Completed text 121191\n", + "Completed text 121192\n", + "Completed text 121193\n", + "Completed text 121194\n", + "Completed text 121195\n", + "Completed text 121196\n", + "Completed text 121197\n", + "Completed text 121198\n", + "Completed text 121199\n", + "Completed text 121200\n", + "Completed text 121201\n", + "Completed text 121202\n", + "Completed text 121203\n", + "Completed text 121204\n", + "Completed text 121205\n", + "Completed text 121206\n", + "Completed text 121207\n", + "Completed text 121208\n", + "Completed text 121209\n", + "Completed text 121210\n", + "Completed text 121211\n", + "Completed text 121212\n", + "Completed text 121213\n", + "Completed text 121214\n", + "Completed text 121215\n", + "Completed text 121216\n", + "Completed text 121217\n", + "Completed text 121218\n", + "Completed text 121219\n", + "Completed text 121220\n", + "Completed text 121221\n", + "Completed text 121222\n", + "Completed text 121223\n", + "Completed text 121224\n", + "Completed text 121225\n", + "Completed text 121226\n", + "Completed text 121227\n", + "Completed text 121228\n", + "Completed text 121229\n", + "Completed text 121230\n", + "Completed text 121231\n", + "Completed text 121232\n", + "Completed text 121233\n", + "Completed text 121234\n", + "Completed text 121235\n", + "Completed text 121236\n", + "Completed text 121237\n", + "Completed text 121238\n", + "Completed text 121239\n", + "Completed text 121240\n", + "Completed text 121241\n", + "Completed text 121242\n", + "Completed text 121243\n", + "Completed text 121244\n", + "Completed text 121245\n", + "Completed text 121246\n", + "Completed text 121247\n", + "Completed text 121248\n", + "Completed text 121249\n", + "Completed text 121250\n", + "Completed text 121251\n", + "Completed text 121252\n", + "Completed text 121253\n", + "Completed text 121254\n", + "Completed text 121255\n", + "Completed text 121256\n", + "Completed text 121257\n", + "Completed text 121258\n", + "Completed text 121259\n", + "Completed text 121260\n", + "Completed text 121261\n", + "Completed text 121262\n", + "Completed text 121263\n", + "Completed text 121264\n", + "Completed text 121265\n", + "Completed text 121266\n", + "Completed text 121267\n", + "Completed text 121268\n", + "Completed text 121269\n", + "Completed text 121270\n", + "Completed text 121271\n", + "Completed text 121272\n", + "Completed text 121273\n", + "Completed text 121274\n", + "Completed text 121275\n", + "Completed text 121276\n", + "Completed text 121277\n", + "Completed text 121278\n", + "Completed text 121279\n", + "Completed text 121280\n", + "Completed text 121281\n", + "Completed text 121282\n", + "Completed text 121283\n", + "Completed text 121284\n", + "Completed text 121285\n", + "Completed text 121286\n", + "Completed text 121287\n", + "Completed text 121288\n", + "Completed text 121289\n", + "Completed text 121290\n", + "Completed text 121291\n", + "Completed text 121292\n", + "Completed text 121293\n", + "Completed text 121294\n", + "Completed text 121295\n", + "Completed text 121296\n", + "Completed text 121297\n", + "Completed text 121298\n", + "Completed text 121299\n", + "Completed text 121300\n", + "Completed text 121301\n", + "Completed text 121302\n", + "Completed text 121303\n", + "Completed text 121304\n", + "Completed text 121305\n", + "Completed text 121306\n", + "Completed text 121307\n", + "Completed text 121308\n", + "Completed text 121309\n", + "Completed text 121310\n", + "Completed text 121311\n", + "Completed text 121312\n", + "Completed text 121313\n", + "Completed text 121314\n", + "Completed text 121315\n", + "Completed text 121316\n", + "Completed text 121317\n", + "Completed text 121318\n", + "Completed text 121319\n", + "Completed text 121320\n", + "Completed text 121321\n", + "Completed text 121322\n", + "Completed text 121323\n", + "Completed text 121324\n", + "Completed text 121325\n", + "Completed text 121326\n", + "Completed text 121327\n", + "Completed text 121328\n", + "Completed text 121329\n", + "Completed text 121330\n", + "Completed text 121331\n", + "Completed text 121332\n", + "Completed text 121333\n", + "Completed text 121334\n", + "Completed text 121335\n", + "Completed text 121336\n", + "Completed text 121337\n", + "Completed text 121338\n", + "Completed text 121339\n", + "Completed text 121340\n", + "Completed text 121341\n", + "Completed text 121342\n", + "Completed text 121343\n", + "Completed text 121344\n", + "Completed text 121345\n", + "Completed text 121346\n", + "Completed text 121347\n", + "Completed text 121348\n", + "Completed text 121349\n", + "Completed text 121350\n", + "Completed text 121351\n", + "Completed text 121352\n", + "Completed text 121353\n", + "Completed text 121354\n", + "Completed text 121355\n", + "Completed text 121356\n", + "Completed text 121357\n", + "Completed text 121358\n", + "Completed text 121359\n", + "Completed text 121360\n", + "Completed text 121361\n", + "Completed text 121362\n", + "Completed text 121363\n", + "Completed text 121364\n", + "Completed text 121365\n", + "Completed text 121366\n", + "Completed text 121367\n", + "Completed text 121368\n", + "Completed text 121369\n", + "Completed text 121370\n", + "Completed text 121371\n", + "Completed text 121372\n", + "Completed text 121373\n", + "Completed text 121374\n", + "Completed text 121375\n", + "Completed text 121376\n", + "Completed text 121377\n", + "Completed text 121378\n", + "Completed text 121379\n", + "Completed text 121380\n", + "Completed text 121381\n", + "Completed text 121382\n", + "Completed text 121383\n", + "Completed text 121384\n", + "Completed text 121385\n", + "Completed text 121386\n", + "Completed text 121387\n", + "Completed text 121388\n", + "Completed text 121389\n", + "Completed text 121390\n", + "Completed text 121391\n", + "Completed text 121392\n", + "Completed text 121393\n", + "Completed text 121394\n", + "Completed text 121395\n", + "Completed text 121396\n", + "Completed text 121397\n", + "Completed text 121398\n", + "Completed text 121399\n", + "Completed text 121400\n", + "Completed text 121401\n", + "Completed text 121402\n", + "Completed text 121403\n", + "Completed text 121404\n", + "Completed text 121405\n", + "Completed text 121406\n", + "Completed text 121407\n", + "Completed text 121408\n", + "Completed text 121409\n", + "Completed text 121410\n", + "Completed text 121411\n", + "Completed text 121412\n", + "Completed text 121413\n", + "Completed text 121414\n", + "Completed text 121415\n", + "Completed text 121416\n", + "Completed text 121417\n", + "Completed text 121418\n", + "Completed text 121419\n", + "Completed text 121420\n", + "Completed text 121421\n", + "Completed text 121422\n", + "Completed text 121423\n", + "Completed text 121424\n", + "Completed text 121425\n", + "Completed text 121426\n", + "Completed text 121427\n", + "Completed text 121428\n", + "Completed text 121429\n", + "Completed text 121430\n", + "Completed text 121431\n", + "Completed text 121432\n", + "Completed text 121433\n", + "Completed text 121434\n", + "Completed text 121435\n", + "Completed text 121436\n", + "Completed text 121437\n", + "Completed text 121438\n", + "Completed text 121439\n", + "Completed text 121440\n", + "Completed text 121441\n", + "Completed text 121442\n", + "Completed text 121443\n", + "Completed text 121444\n", + "Completed text 121445\n", + "Completed text 121446\n", + "Completed text 121447\n", + "Completed text 121448\n", + "Completed text 121449\n", + "Completed text 121450\n", + "Completed text 121451\n", + "Completed text 121452\n", + "Completed text 121453\n", + "Completed text 121454\n", + "Completed text 121455\n", + "Completed text 121456\n", + "Completed text 121457\n", + "Completed text 121458\n", + "Completed text 121459\n", + "Completed text 121460\n", + "Completed text 121461\n", + "Completed text 121462\n", + "Completed text 121463\n", + "Completed text 121464\n", + "Completed text 121465\n", + "Completed text 121466\n", + "Completed text 121467\n", + "Completed text 121468\n", + "Completed text 121469\n", + "Completed text 121470\n", + "Completed text 121471\n", + "Completed text 121472\n", + "Completed text 121473\n", + "Completed text 121474\n", + "Completed text 121475\n", + "Completed text 121476\n", + "Completed text 121477\n", + "Completed text 121478\n", + "Completed text 121479\n", + "Completed text 121480\n", + "Completed text 121481\n", + "Completed text 121482\n", + "Completed text 121483\n", + "Completed text 121484\n", + "Completed text 121485\n", + "Completed text 121486\n", + "Completed text 121487\n", + "Completed text 121488\n", + "Completed text 121489\n", + "Completed text 121490\n", + "Completed text 121491\n", + "Completed text 121492\n", + "Completed text 121493\n", + "Completed text 121494\n", + "Completed text 121495\n", + "Completed text 121496\n", + "Completed text 121497\n", + "Completed text 121498\n", + "Completed text 121499\n", + "Completed text 121500\n", + "Completed text 121501\n", + "Completed text 121502\n", + "Completed text 121503\n", + "Completed text 121504\n", + "Completed text 121505\n", + "Completed text 121506\n", + "Completed text 121507\n", + "Completed text 121508\n", + "Completed text 121509\n", + "Completed text 121510\n", + "Completed text 121511\n", + "Completed text 121512\n", + "Completed text 121513\n", + "Completed text 121514\n", + "Completed text 121515\n", + "Completed text 121516\n", + "Completed text 121517\n", + "Completed text 121518\n", + "Completed text 121519\n", + "Completed text 121520\n", + "Completed text 121521\n", + "Completed text 121522\n", + "Completed text 121523\n", + "Completed text 121524\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 121525\n", + "Completed text 121526\n", + "Completed text 121527\n", + "Completed text 121528\n", + "Completed text 121529\n", + "Completed text 121530\n", + "Completed text 121531\n", + "Completed text 121532\n", + "Completed text 121533\n", + "Completed text 121534\n", + "Completed text 121535\n", + "Completed text 121536\n", + "Completed text 121537\n", + "Completed text 121538\n", + "Completed text 121539\n", + "Completed text 121540\n", + "Completed text 121541\n", + "Completed text 121542\n", + "Completed text 121543\n", + "Completed text 121544\n", + "Completed text 121545\n", + "Completed text 121546\n", + "Completed text 121547\n", + "Completed text 121548\n", + "Completed text 121549\n", + "Completed text 121550\n", + "Completed text 121551\n", + "Completed text 121552\n", + "Completed text 121553\n", + "Completed text 121554\n", + "Completed text 121555\n", + "Completed text 121556\n", + "Completed text 121557\n", + "Completed text 121558\n", + "Completed text 121559\n", + "Completed text 121560\n", + "Completed text 121561\n", + "Completed text 121562\n", + "Completed text 121563\n", + "Completed text 121564\n", + "Completed text 121565\n", + "Completed text 121566\n", + "Completed text 121567\n", + "Completed text 121568\n", + "Completed text 121569\n", + "Completed text 121570\n", + "Completed text 121571\n", + "Completed text 121572\n", + "Completed text 121573\n", + "Completed text 121574\n", + "Completed text 121575\n", + "Completed text 121576\n", + "Completed text 121577\n", + "Completed text 121578\n", + "Completed text 121579\n", + "Completed text 121580\n", + "Completed text 121581\n", + "Completed text 121582\n", + "Completed text 121583\n", + "Completed text 121584\n", + "Completed text 121585\n", + "Completed text 121586\n", + "Completed text 121587\n", + "Completed text 121588\n", + "Completed text 121589\n", + "Completed text 121590\n", + "Completed text 121591\n", + "Completed text 121592\n", + "Completed text 121593\n", + "Completed text 121594\n", + "Completed text 121595\n", + "Completed text 121596\n", + "Completed text 121597\n", + "Completed text 121598\n", + "Completed text 121599\n", + "Completed text 121600\n", + "Completed text 121601\n", + "Completed text 121602\n", + "Completed text 121603\n", + "Completed text 121604\n", + "Completed text 121605\n", + "Completed text 121606\n", + "Completed text 121607\n", + "Completed text 121608\n", + "Completed text 121609\n", + "Completed text 121610\n", + "Completed text 121611\n", + "Completed text 121612\n", + "Completed text 121613\n", + "Completed text 121614\n", + "Completed text 121615\n", + "Completed text 121616\n", + "Completed text 121617\n", + "Completed text 121618\n", + "Completed text 121619\n", + "Completed text 121620\n", + "Completed text 121621\n", + "Completed text 121622\n", + "Completed text 121623\n", + "Completed text 121624\n", + "Completed text 121625\n", + "Completed text 121626\n", + "Completed text 121627\n", + "Completed text 121628\n", + "Completed text 121629\n", + "Completed text 121630\n", + "Completed text 121631\n", + "Completed text 121632\n", + "Completed text 121633\n", + "Completed text 121634\n", + "Completed text 121635\n", + "Completed text 121636\n", + "Completed text 121637\n", + "Completed text 121638\n", + "Completed text 121639\n", + "Completed text 121640\n", + "Completed text 121641\n", + "Completed text 121642\n", + "Completed text 121643\n", + "Completed text 121644\n", + "Completed text 121645\n", + "Completed text 121646\n", + "Completed text 121647\n", + "Completed text 121648\n", + "Completed text 121649\n", + "Completed text 121650\n", + "Completed text 121651\n", + "Completed text 121652\n", + "Completed text 121653\n", + "Completed text 121654\n", + "Completed text 121655\n", + "Completed text 121656\n", + "Completed text 121657\n", + "Completed text 121658\n", + "Completed text 121659\n", + "Completed text 121660\n", + "Completed text 121661\n", + "Completed text 121662\n", + "Completed text 121663\n", + "Completed text 121664\n", + "Completed text 121665\n", + "Completed text 121666\n", + "Completed text 121667\n", + "Completed text 121668\n", + "Completed text 121669\n", + "Completed text 121670\n", + "Completed text 121671\n", + "Completed text 121672\n", + "Completed text 121673\n", + "Completed text 121674\n", + "Completed text 121675\n", + "Completed text 121676\n", + "Completed text 121677\n", + "Completed text 121678\n", + "Completed text 121679\n", + "Completed text 121680\n", + "Completed text 121681\n", + "Completed text 121682\n", + "Completed text 121683\n", + "Completed text 121684\n", + "Completed text 121685\n", + "Completed text 121686\n", + "Completed text 121687\n", + "Completed text 121688\n", + "Completed text 121689\n", + "Completed text 121690\n", + "Completed text 121691\n", + "Completed text 121692\n", + "Completed text 121693\n", + "Completed text 121694\n", + "Completed text 121695\n", + "Completed text 121696\n", + "Completed text 121697\n", + "Completed text 121698\n", + "Completed text 121699\n", + "Completed text 121700\n", + "Completed text 121701\n", + "Completed text 121702\n", + "Completed text 121703\n", + "Completed text 121704\n", + "Completed text 121705\n", + "Completed text 121706\n", + "Completed text 121707\n", + "Completed text 121708\n", + "Completed text 121709\n", + "Completed text 121710\n", + "Completed text 121711\n", + "Completed text 121712\n", + "Completed text 121713\n", + "Completed text 121714\n", + "Completed text 121715\n", + "Completed text 121716\n", + "Completed text 121717\n", + "Completed text 121718\n", + "Completed text 121719\n", + "Completed text 121720\n", + "Completed text 121721\n", + "Completed text 121722\n", + "Completed text 121723\n", + "Completed text 121724\n", + "Completed text 121725\n", + "Completed text 121726\n", + "Completed text 121727\n", + "Completed text 121728\n", + "Completed text 121729\n", + "Completed text 121730\n", + "Completed text 121731\n", + "Completed text 121732\n", + "Completed text 121733\n", + "Completed text 121734\n", + "Completed text 121735\n", + "Completed text 121736\n", + "Completed text 121737\n", + "Completed text 121738\n", + "Completed text 121739\n", + "Completed text 121740\n", + "Completed text 121741\n", + "Completed text 121742\n", + "Completed text 121743\n", + "Completed text 121744\n", + "Completed text 121745\n", + "Completed text 121746\n", + "Completed text 121747\n", + "Completed text 121748\n", + "Completed text 121749\n", + "Completed text 121750\n", + "Completed text 121751\n", + "Completed text 121752\n", + "Completed text 121753\n", + "Completed text 121754\n", + "Completed text 121755\n", + "Completed text 121756\n", + "Completed text 121757\n", + "Completed text 121758\n", + "Completed text 121759\n", + "Completed text 121760\n", + "Completed text 121761\n", + "Completed text 121762\n", + "Completed text 121763\n", + "Completed text 121764\n", + "Completed text 121765\n", + "Completed text 121766\n", + "Completed text 121767\n", + "Completed text 121768\n", + "Completed text 121769\n", + "Completed text 121770\n", + "Completed text 121771\n", + "Completed text 121772\n", + "Completed text 121773\n", + "Completed text 121774\n", + "Completed text 121775\n", + "Completed text 121776\n", + "Completed text 121777\n", + "Completed text 121778\n", + "Completed text 121779\n", + "Completed text 121780\n", + "Completed text 121781\n", + "Completed text 121782\n", + "Completed text 121783\n", + "Completed text 121784\n", + "Completed text 121785\n", + "Completed text 121786\n", + "Completed text 121787\n", + "Completed text 121788\n", + "Completed text 121789\n", + "Completed text 121790\n", + "Completed text 121791\n", + "Completed text 121792\n", + "Completed text 121793\n", + "Completed text 121794\n", + "Completed text 121795\n", + "Completed text 121796\n", + "Completed text 121797\n", + "Completed text 121798\n", + "Completed text 121799\n", + "Completed text 121800\n", + "Completed text 121801\n", + "Completed text 121802\n", + "Completed text 121803\n", + "Completed text 121804\n", + "Completed text 121805\n", + "Completed text 121806\n", + "Completed text 121807\n", + "Completed text 121808\n", + "Completed text 121809\n", + "Completed text 121810\n", + "Completed text 121811\n", + "Completed text 121812\n", + "Completed text 121813\n", + "Completed text 121814\n", + "Completed text 121815\n", + "Completed text 121816\n", + "Completed text 121817\n", + "Completed text 121818\n", + "Completed text 121819\n", + "Completed text 121820\n", + "Completed text 121821\n", + "Completed text 121822\n", + "Completed text 121823\n", + "Completed text 121824\n", + "Completed text 121825\n", + "Completed text 121826\n", + "Completed text 121827\n", + "Completed text 121828\n", + "Completed text 121829\n", + "Completed text 121830\n", + "Completed text 121831\n", + "Completed text 121832\n", + "Completed text 121833\n", + "Completed text 121834\n", + "Completed text 121835\n", + "Completed text 121836\n", + "Completed text 121837\n", + "Completed text 121838\n", + "Completed text 121839\n", + "Completed text 121840\n", + "Completed text 121841\n", + "Completed text 121842\n", + "Completed text 121843\n", + "Completed text 121844\n", + "Completed text 121845\n", + "Completed text 121846\n", + "Completed text 121847\n", + "Completed text 121848\n", + "Completed text 121849\n", + "Completed text 121850\n", + "Completed text 121851\n", + "Completed text 121852\n", + "Completed text 121853\n", + "Completed text 121854\n", + "Completed text 121855\n", + "Completed text 121856\n", + "Completed text 121857\n", + "Completed text 121858\n", + "Completed text 121859\n", + "Completed text 121860\n", + "Completed text 121861\n", + "Completed text 121862\n", + "Completed text 121863\n", + "Completed text 121864\n", + "Completed text 121865\n", + "Completed text 121866\n", + "Completed text 121867\n", + "Completed text 121868\n", + "Completed text 121869\n", + "Completed text 121870\n", + "Completed text 121871\n", + "Completed text 121872\n", + "Completed text 121873\n", + "Completed text 121874\n", + "Completed text 121875\n", + "Completed text 121876\n", + "Completed text 121877\n", + "Completed text 121878\n", + "Completed text 121879\n", + "Completed text 121880\n", + "Completed text 121881\n", + "Completed text 121882\n", + "Completed text 121883\n", + "Completed text 121884\n", + "Completed text 121885\n", + "Completed text 121886\n", + "Completed text 121887\n", + "Completed text 121888\n", + "Completed text 121889\n", + "Completed text 121890\n", + "Completed text 121891\n", + "Completed text 121892\n", + "Completed text 121893\n", + "Completed text 121894\n", + "Completed text 121895\n", + "Completed text 121896\n", + "Completed text 121897\n", + "Completed text 121898\n", + "Completed text 121899\n", + "Completed text 121900\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 121901\n", + "Completed text 121902\n", + "Completed text 121903\n", + "Completed text 121904\n", + "Completed text 121905\n", + "Completed text 121906\n", + "Completed text 121907\n", + "Completed text 121908\n", + "Completed text 121909\n", + "Completed text 121910\n", + "Completed text 121911\n", + "Completed text 121912\n", + "Completed text 121913\n", + "Completed text 121914\n", + "Completed text 121915\n", + "Completed text 121916\n", + "Completed text 121917\n", + "Completed text 121918\n", + "Completed text 121919\n", + "Completed text 121920\n", + "Completed text 121921\n", + "Completed text 121922\n", + "Completed text 121923\n", + "Completed text 121924\n", + "Completed text 121925\n", + "Completed text 121926\n", + "Completed text 121927\n", + "Completed text 121928\n", + "Completed text 121929\n", + "Completed text 121930\n", + "Completed text 121931\n", + "Completed text 121932\n", + "Completed text 121933\n", + "Completed text 121934\n", + "Completed text 121935\n", + "Completed text 121936\n", + "Completed text 121937\n", + "Completed text 121938\n", + "Completed text 121939\n", + "Completed text 121940\n", + "Completed text 121941\n", + "Completed text 121942\n", + "Completed text 121943\n", + "Completed text 121944\n", + "Completed text 121945\n", + "Completed text 121946\n", + "Completed text 121947\n", + "Completed text 121948\n", + "Completed text 121949\n", + "Completed text 121950\n", + "Completed text 121951\n", + "Completed text 121952\n", + "Completed text 121953\n", + "Completed text 121954\n", + "Completed text 121955\n", + "Completed text 121956\n", + "Completed text 121957\n", + "Completed text 121958\n", + "Completed text 121959\n", + "Completed text 121960\n", + "Completed text 121961\n", + "Completed text 121962\n", + "Completed text 121963\n", + "Completed text 121964\n", + "Completed text 121965\n", + "Completed text 121966\n", + "Completed text 121967\n", + "Completed text 121968\n", + "Completed text 121969\n", + "Completed text 121970\n", + "Completed text 121971\n", + "Completed text 121972\n", + "Completed text 121973\n", + "Completed text 121974\n", + "Completed text 121975\n", + "Completed text 121976\n", + "Completed text 121977\n", + "Completed text 121978\n", + "Completed text 121979\n", + "Completed text 121980\n", + "Completed text 121981\n", + "Completed text 121982\n", + "Completed text 121983\n", + "Completed text 121984\n", + "Completed text 121985\n", + "Completed text 121986\n", + "Completed text 121987\n", + "Completed text 121988\n", + "Completed text 121989\n", + "Completed text 121990\n", + "Completed text 121991\n", + "Completed text 121992\n", + "Completed text 121993\n", + "Completed text 121994\n", + "Completed text 121995\n", + "Completed text 121996\n", + "Completed text 121997\n", + "Completed text 121998\n", + "Completed text 121999\n", + "Completed text 122000\n", + "Completed text 122001\n", + "Completed text 122002\n", + "Completed text 122003\n", + "Completed text 122004\n", + "Completed text 122005\n", + "Completed text 122006\n", + "Completed text 122007\n", + "Completed text 122008\n", + "Completed text 122009\n", + "Completed text 122010\n", + "Completed text 122011\n", + "Completed text 122012\n", + "Completed text 122013\n", + "Completed text 122014\n", + "Completed text 122015\n", + "Completed text 122016\n", + "Completed text 122017\n", + "Completed text 122018\n", + "Completed text 122019\n", + "Completed text 122020\n", + "Completed text 122021\n", + "Completed text 122022\n", + "Completed text 122023\n", + "Completed text 122024\n", + "Completed text 122025\n", + "Completed text 122026\n", + "Completed text 122027\n", + "Completed text 122028\n", + "Completed text 122029\n", + "Completed text 122030\n", + "Completed text 122031\n", + "Completed text 122032\n", + "Completed text 122033\n", + "Completed text 122034\n", + "Completed text 122035\n", + "Completed text 122036\n", + "Completed text 122037\n", + "Completed text 122038\n", + "Completed text 122039\n", + "Completed text 122040\n", + "Completed text 122041\n", + "Completed text 122042\n", + "Completed text 122043\n", + "Completed text 122044\n", + "Completed text 122045\n", + "Completed text 122046\n", + "Completed text 122047\n", + "Completed text 122048\n", + "Completed text 122049\n", + "Completed text 122050\n", + "Completed text 122051\n", + "Completed text 122052\n", + "Completed text 122053\n", + "Completed text 122054\n", + "Completed text 122055\n", + "Completed text 122056\n", + "Completed text 122057\n", + "Completed text 122058\n", + "Completed text 122059\n", + "Completed text 122060\n", + "Completed text 122061\n", + "Completed text 122062\n", + "Completed text 122063\n", + "Completed text 122064\n", + "Completed text 122065\n", + "Completed text 122066\n", + "Completed text 122067\n", + "Completed text 122068\n", + "Completed text 122069\n", + "Completed text 122070\n", + "Completed text 122071\n", + "Completed text 122072\n", + "Completed text 122073\n", + "Completed text 122074\n", + "Completed text 122075\n", + "Completed text 122076\n", + "Completed text 122077\n", + "Completed text 122078\n", + "Completed text 122079\n", + "Completed text 122080\n", + "Completed text 122081\n", + "Completed text 122082\n", + "Completed text 122083\n", + "Completed text 122084\n", + "Completed text 122085\n", + "Completed text 122086\n", + "Completed text 122087\n", + "Completed text 122088\n", + "Completed text 122089\n", + "Completed text 122090\n", + "Completed text 122091\n", + "Completed text 122092\n", + "Completed text 122093\n", + "Completed text 122094\n", + "Completed text 122095\n", + "Completed text 122096\n", + "Completed text 122097\n", + "Completed text 122098\n", + "Completed text 122099\n", + "Completed text 122100\n", + "Completed text 122101\n", + "Completed text 122102\n", + "Completed text 122103\n", + "Completed text 122104\n", + "Completed text 122105\n", + "Completed text 122106\n", + "Completed text 122107\n", + "Completed text 122108\n", + "Completed text 122109\n", + "Completed text 122110\n", + "Completed text 122111\n", + "Completed text 122112\n", + "Completed text 122113\n", + "Completed text 122114\n", + "Completed text 122115\n", + "Completed text 122116\n", + "Completed text 122117\n", + "Completed text 122118\n", + "Completed text 122119\n", + "Completed text 122120\n", + "Completed text 122121\n", + "Completed text 122122\n", + "Completed text 122123\n", + "Completed text 122124\n", + "Completed text 122125\n", + "Completed text 122126\n", + "Completed text 122127\n", + "Completed text 122128\n", + "Completed text 122129\n", + "Completed text 122130\n", + "Completed text 122131\n", + "Completed text 122132\n", + "Completed text 122133\n", + "Completed text 122134\n", + "Completed text 122135\n", + "Completed text 122136\n", + "Completed text 122137\n", + "Completed text 122138\n", + "Completed text 122139\n", + "Completed text 122140\n", + "Completed text 122141\n", + "Completed text 122142\n", + "Completed text 122143\n", + "Completed text 122144\n", + "Completed text 122145\n", + "Completed text 122146\n", + "Completed text 122147\n", + "Completed text 122148\n", + "Completed text 122149\n", + "Completed text 122150\n", + "Completed text 122151\n", + "Completed text 122152\n", + "Completed text 122153\n", + "Completed text 122154\n", + "Completed text 122155\n", + "Completed text 122156\n", + "Completed text 122157\n", + "Completed text 122158\n", + "Completed text 122159\n", + "Completed text 122160\n", + "Completed text 122161\n", + "Completed text 122162\n", + "Completed text 122163\n", + "Completed text 122164\n", + "Completed text 122165\n", + "Completed text 122166\n", + "Completed text 122167\n", + "Completed text 122168\n", + "Completed text 122169\n", + "Completed text 122170\n", + "Completed text 122171\n", + "Completed text 122172\n", + "Completed text 122173\n", + "Completed text 122174\n", + "Completed text 122175\n", + "Completed text 122176\n", + "Completed text 122177\n", + "Completed text 122178\n", + "Completed text 122179\n", + "Completed text 122180\n", + "Completed text 122181\n", + "Completed text 122182\n", + "Completed text 122183\n", + "Completed text 122184\n", + "Completed text 122185\n", + "Completed text 122186\n", + "Completed text 122187\n", + "Completed text 122188\n", + "Completed text 122189\n", + "Completed text 122190\n", + "Completed text 122191\n", + "Completed text 122192\n", + "Completed text 122193\n", + "Completed text 122194\n", + "Completed text 122195\n", + "Completed text 122196\n", + "Completed text 122197\n", + "Completed text 122198\n", + "Completed text 122199\n", + "Completed text 122200\n", + "Completed text 122201\n", + "Completed text 122202\n", + "Completed text 122203\n", + "Completed text 122204\n", + "Completed text 122205\n", + "Completed text 122206\n", + "Completed text 122207\n", + "Completed text 122208\n", + "Completed text 122209\n", + "Completed text 122210\n", + "Completed text 122211\n", + "Completed text 122212\n", + "Completed text 122213\n", + "Completed text 122214\n", + "Completed text 122215\n", + "Completed text 122216\n", + "Completed text 122217\n", + "Completed text 122218\n", + "Completed text 122219\n", + "Completed text 122220\n", + "Completed text 122221\n", + "Completed text 122222\n", + "Completed text 122223\n", + "Completed text 122224\n", + "Completed text 122225\n", + "Completed text 122226\n", + "Completed text 122227\n", + "Completed text 122228\n", + "Completed text 122229\n", + "Completed text 122230\n", + "Completed text 122231\n", + "Completed text 122232\n", + "Completed text 122233\n", + "Completed text 122234\n", + "Completed text 122235\n", + "Completed text 122236\n", + "Completed text 122237\n", + "Completed text 122238\n", + "Completed text 122239\n", + "Completed text 122240\n", + "Completed text 122241\n", + "Completed text 122242\n", + "Completed text 122243\n", + "Completed text 122244\n", + "Completed text 122245\n", + "Completed text 122246\n", + "Completed text 122247\n", + "Completed text 122248\n", + "Completed text 122249\n", + "Completed text 122250\n", + "Completed text 122251\n", + "Completed text 122252\n", + "Completed text 122253\n", + "Completed text 122254\n", + "Completed text 122255\n", + "Completed text 122256\n", + "Completed text 122257\n", + "Completed text 122258\n", + "Completed text 122259\n", + "Completed text 122260\n", + "Completed text 122261\n", + "Completed text 122262\n", + "Completed text 122263\n", + "Completed text 122264\n", + "Completed text 122265\n", + "Completed text 122266\n", + "Completed text 122267\n", + "Completed text 122268\n", + "Completed text 122269\n", + "Completed text 122270\n", + "Completed text 122271\n", + "Completed text 122272\n", + "Completed text 122273\n", + "Completed text 122274\n", + "Completed text 122275\n", + "Completed text 122276\n", + "Completed text 122277\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 122278\n", + "Completed text 122279\n", + "Completed text 122280\n", + "Completed text 122281\n", + "Completed text 122282\n", + "Completed text 122283\n", + "Completed text 122284\n", + "Completed text 122285\n", + "Completed text 122286\n", + "Completed text 122287\n", + "Completed text 122288\n", + "Completed text 122289\n", + "Completed text 122290\n", + "Completed text 122291\n", + "Completed text 122292\n", + "Completed text 122293\n", + "Completed text 122294\n", + "Completed text 122295\n", + "Completed text 122296\n", + "Completed text 122297\n", + "Completed text 122298\n", + "Completed text 122299\n", + "Completed text 122300\n", + "Completed text 122301\n", + "Completed text 122302\n", + "Completed text 122303\n", + "Completed text 122304\n", + "Completed text 122305\n", + "Completed text 122306\n", + "Completed text 122307\n", + "Completed text 122308\n", + "Completed text 122309\n", + "Completed text 122310\n", + "Completed text 122311\n", + "Completed text 122312\n", + "Completed text 122313\n", + "Completed text 122314\n", + "Completed text 122315\n", + "Completed text 122316\n", + "Completed text 122317\n", + "Completed text 122318\n", + "Completed text 122319\n", + "Completed text 122320\n", + "Completed text 122321\n", + "Completed text 122322\n", + "Completed text 122323\n", + "Completed text 122324\n", + "Completed text 122325\n", + "Completed text 122326\n", + "Completed text 122327\n", + "Completed text 122328\n", + "Completed text 122329\n", + "Completed text 122330\n", + "Completed text 122331\n", + "Completed text 122332\n", + "Completed text 122333\n", + "Completed text 122334\n", + "Completed text 122335\n", + "Completed text 122336\n", + "Completed text 122337\n", + "Completed text 122338\n", + "Completed text 122339\n", + "Completed text 122340\n", + "Completed text 122341\n", + "Completed text 122342\n", + "Completed text 122343\n", + "Completed text 122344\n", + "Completed text 122345\n", + "Completed text 122346\n", + "Completed text 122347\n", + "Completed text 122348\n", + "Completed text 122349\n", + "Completed text 122350\n", + "Completed text 122351\n", + "Completed text 122352\n", + "Completed text 122353\n", + "Completed text 122354\n", + "Completed text 122355\n", + "Completed text 122356\n", + "Completed text 122357\n", + "Completed text 122358\n", + "Completed text 122359\n", + "Completed text 122360\n", + "Completed text 122361\n", + "Completed text 122362\n", + "Completed text 122363\n", + "Completed text 122364\n", + "Completed text 122365\n", + "Completed text 122366\n", + "Completed text 122367\n", + "Completed text 122368\n", + "Completed text 122369\n", + "Completed text 122370\n", + "Completed text 122371\n", + "Completed text 122372\n", + "Completed text 122373\n", + "Completed text 122374\n", + "Completed text 122375\n", + "Completed text 122376\n", + "Completed text 122377\n", + "Completed text 122378\n", + "Completed text 122379\n", + "Completed text 122380\n", + "Completed text 122381\n", + "Completed text 122382\n", + "Completed text 122383\n", + "Completed text 122384\n", + "Completed text 122385\n", + "Completed text 122386\n", + "Completed text 122387\n", + "Completed text 122388\n", + "Completed text 122389\n", + "Completed text 122390\n", + "Completed text 122391\n", + "Completed text 122392\n", + "Completed text 122393\n", + "Completed text 122394\n", + "Completed text 122395\n", + "Completed text 122396\n", + "Completed text 122397\n", + "Completed text 122398\n", + "Completed text 122399\n", + "Completed text 122400\n", + "Completed text 122401\n", + "Completed text 122402\n", + "Completed text 122403\n", + "Completed text 122404\n", + "Completed text 122405\n", + "Completed text 122406\n", + "Completed text 122407\n", + "Completed text 122408\n", + "Completed text 122409\n", + "Completed text 122410\n", + "Completed text 122411\n", + "Completed text 122412\n", + "Completed text 122413\n", + "Completed text 122414\n", + "Completed text 122415\n", + "Completed text 122416\n", + "Completed text 122417\n", + "Completed text 122418\n", + "Completed text 122419\n", + "Completed text 122420\n", + "Completed text 122421\n", + "Completed text 122422\n", + "Completed text 122423\n", + "Completed text 122424\n", + "Completed text 122425\n", + "Completed text 122426\n", + "Completed text 122427\n", + "Completed text 122428\n", + "Completed text 122429\n", + "Completed text 122430\n", + "Completed text 122431\n", + "Completed text 122432\n", + "Completed text 122433\n", + "Completed text 122434\n", + "Completed text 122435\n", + "Completed text 122436\n", + "Completed text 122437\n", + "Completed text 122438\n", + "Completed text 122439\n", + "Completed text 122440\n", + "Completed text 122441\n", + "Completed text 122442\n", + "Completed text 122443\n", + "Completed text 122444\n", + "Completed text 122445\n", + "Completed text 122446\n", + "Completed text 122447\n", + "Completed text 122448\n", + "Completed text 122449\n", + "Completed text 122450\n", + "Completed text 122451\n", + "Completed text 122452\n", + "Completed text 122453\n", + "Completed text 122454\n", + "Completed text 122455\n", + "Completed text 122456\n", + "Completed text 122457\n", + "Completed text 122458\n", + "Completed text 122459\n", + "Completed text 122460\n", + "Completed text 122461\n", + "Completed text 122462\n", + "Completed text 122463\n", + "Completed text 122464\n", + "Completed text 122465\n", + "Completed text 122466\n", + "Completed text 122467\n", + "Completed text 122468\n", + "Completed text 122469\n", + "Completed text 122470\n", + "Completed text 122471\n", + "Completed text 122472\n", + "Completed text 122473\n", + "Completed text 122474\n", + "Completed text 122475\n", + "Completed text 122476\n", + "Completed text 122477\n", + "Completed text 122478\n", + "Completed text 122479\n", + "Completed text 122480\n", + "Completed text 122481\n", + "Completed text 122482\n", + "Completed text 122483\n", + "Completed text 122484\n", + "Completed text 122485\n", + "Completed text 122486\n", + "Completed text 122487\n", + "Completed text 122488\n", + "Completed text 122489\n", + "Completed text 122490\n", + "Completed text 122491\n", + "Completed text 122492\n", + "Completed text 122493\n", + "Completed text 122494\n", + "Completed text 122495\n", + "Completed text 122496\n", + "Completed text 122497\n", + "Completed text 122498\n", + "Completed text 122499\n", + "Completed text 122500\n", + "Completed text 122501\n", + "Completed text 122502\n", + "Completed text 122503\n", + "Completed text 122504\n", + "Completed text 122505\n", + "Completed text 122506\n", + "Completed text 122507\n", + "Completed text 122508\n", + "Completed text 122509\n", + "Completed text 122510\n", + "Completed text 122511\n", + "Completed text 122512\n", + "Completed text 122513\n", + "Completed text 122514\n", + "Completed text 122515\n", + "Completed text 122516\n", + "Completed text 122517\n", + "Completed text 122518\n", + "Completed text 122519\n", + "Completed text 122520\n", + "Completed text 122521\n", + "Completed text 122522\n", + "Completed text 122523\n", + "Completed text 122524\n", + "Completed text 122525\n", + "Completed text 122526\n", + "Completed text 122527\n", + "Completed text 122528\n", + "Completed text 122529\n", + "Completed text 122530\n", + "Completed text 122531\n", + "Completed text 122532\n", + "Completed text 122533\n", + "Completed text 122534\n", + "Completed text 122535\n", + "Completed text 122536\n", + "Completed text 122537\n", + "Completed text 122538\n", + "Completed text 122539\n", + "Completed text 122540\n", + "Completed text 122541\n", + "Completed text 122542\n", + "Completed text 122543\n", + "Completed text 122544\n", + "Completed text 122545\n", + "Completed text 122546\n", + "Completed text 122547\n", + "Completed text 122548\n", + "Completed text 122549\n", + "Completed text 122550\n", + "Completed text 122551\n", + "Completed text 122552\n", + "Completed text 122553\n", + "Completed text 122554\n", + "Completed text 122555\n", + "Completed text 122556\n", + "Completed text 122557\n", + "Completed text 122558\n", + "Completed text 122559\n", + "Completed text 122560\n", + "Completed text 122561\n", + "Completed text 122562\n", + "Completed text 122563\n", + "Completed text 122564\n", + "Completed text 122565\n", + "Completed text 122566\n", + "Completed text 122567\n", + "Completed text 122568\n", + "Completed text 122569\n", + "Completed text 122570\n", + "Completed text 122571\n", + "Completed text 122572\n", + "Completed text 122573\n", + "Completed text 122574\n", + "Completed text 122575\n", + "Completed text 122576\n", + "Completed text 122577\n", + "Completed text 122578\n", + "Completed text 122579\n", + "Completed text 122580\n", + "Completed text 122581\n", + "Completed text 122582\n", + "Completed text 122583\n", + "Completed text 122584\n", + "Completed text 122585\n", + "Completed text 122586\n", + "Completed text 122587\n", + "Completed text 122588\n", + "Completed text 122589\n", + "Completed text 122590\n", + "Completed text 122591\n", + "Completed text 122592\n", + "Completed text 122593\n", + "Completed text 122594\n", + "Completed text 122595\n", + "Completed text 122596\n", + "Completed text 122597\n", + "Completed text 122598\n", + "Completed text 122599\n", + "Completed text 122600\n", + "Completed text 122601\n", + "Completed text 122602\n", + "Completed text 122603\n", + "Completed text 122604\n", + "Completed text 122605\n", + "Completed text 122606\n", + "Completed text 122607\n", + "Completed text 122608\n", + "Completed text 122609\n", + "Completed text 122610\n", + "Completed text 122611\n", + "Completed text 122612\n", + "Completed text 122613\n", + "Completed text 122614\n", + "Completed text 122615\n", + "Completed text 122616\n", + "Completed text 122617\n", + "Completed text 122618\n", + "Completed text 122619\n", + "Completed text 122620\n", + "Completed text 122621\n", + "Completed text 122622\n", + "Completed text 122623\n", + "Completed text 122624\n", + "Completed text 122625\n", + "Completed text 122626\n", + "Completed text 122627\n", + "Completed text 122628\n", + "Completed text 122629\n", + "Completed text 122630\n", + "Completed text 122631\n", + "Completed text 122632\n", + "Completed text 122633\n", + "Completed text 122634\n", + "Completed text 122635\n", + "Completed text 122636\n", + "Completed text 122637\n", + "Completed text 122638\n", + "Completed text 122639\n", + "Completed text 122640\n", + "Completed text 122641\n", + "Completed text 122642\n", + "Completed text 122643\n", + "Completed text 122644\n", + "Completed text 122645\n", + "Completed text 122646\n", + "Completed text 122647\n", + "Completed text 122648\n", + "Completed text 122649\n", + "Completed text 122650\n", + "Completed text 122651\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 122652\n", + "Completed text 122653\n", + "Completed text 122654\n", + "Completed text 122655\n", + "Completed text 122656\n", + "Completed text 122657\n", + "Completed text 122658\n", + "Completed text 122659\n", + "Completed text 122660\n", + "Completed text 122661\n", + "Completed text 122662\n", + "Completed text 122663\n", + "Completed text 122664\n", + "Completed text 122665\n", + "Completed text 122666\n", + "Completed text 122667\n", + "Completed text 122668\n", + "Completed text 122669\n", + "Completed text 122670\n", + "Completed text 122671\n", + "Completed text 122672\n", + "Completed text 122673\n", + "Completed text 122674\n", + "Completed text 122675\n", + "Completed text 122676\n", + "Completed text 122677\n", + "Completed text 122678\n", + "Completed text 122679\n", + "Completed text 122680\n", + "Completed text 122681\n", + "Completed text 122682\n", + "Completed text 122683\n", + "Completed text 122684\n", + "Completed text 122685\n", + "Completed text 122686\n", + "Completed text 122687\n", + "Completed text 122688\n", + "Completed text 122689\n", + "Completed text 122690\n", + "Completed text 122691\n", + "Completed text 122692\n", + "Completed text 122693\n", + "Completed text 122694\n", + "Completed text 122695\n", + "Completed text 122696\n", + "Completed text 122697\n", + "Completed text 122698\n", + "Completed text 122699\n", + "Completed text 122700\n", + "Completed text 122701\n", + "Completed text 122702\n", + "Completed text 122703\n", + "Completed text 122704\n", + "Completed text 122705\n", + "Completed text 122706\n", + "Completed text 122707\n", + "Completed text 122708\n", + "Completed text 122709\n", + "Completed text 122710\n", + "Completed text 122711\n", + "Completed text 122712\n", + "Completed text 122713\n", + "Completed text 122714\n", + "Completed text 122715\n", + "Completed text 122716\n", + "Completed text 122717\n", + "Completed text 122718\n", + "Completed text 122719\n", + "Completed text 122720\n", + "Completed text 122721\n", + "Completed text 122722\n", + "Completed text 122723\n", + "Completed text 122724\n", + "Completed text 122725\n", + "Completed text 122726\n", + "Completed text 122727\n", + "Completed text 122728\n", + "Completed text 122729\n", + "Completed text 122730\n", + "Completed text 122731\n", + "Completed text 122732\n", + "Completed text 122733\n", + "Completed text 122734\n", + "Completed text 122735\n", + "Completed text 122736\n", + "Completed text 122737\n", + "Completed text 122738\n", + "Completed text 122739\n", + "Completed text 122740\n", + "Completed text 122741\n", + "Completed text 122742\n", + "Completed text 122743\n", + "Completed text 122744\n", + "Completed text 122745\n", + "Completed text 122746\n", + "Completed text 122747\n", + "Completed text 122748\n", + "Completed text 122749\n", + "Completed text 122750\n", + "Completed text 122751\n", + "Completed text 122752\n", + "Completed text 122753\n", + "Completed text 122754\n", + "Completed text 122755\n", + "Completed text 122756\n", + "Completed text 122757\n", + "Completed text 122758\n", + "Completed text 122759\n", + "Completed text 122760\n", + "Completed text 122761\n", + "Completed text 122762\n", + "Completed text 122763\n", + "Completed text 122764\n", + "Completed text 122765\n", + "Completed text 122766\n", + "Completed text 122767\n", + "Completed text 122768\n", + "Completed text 122769\n", + "Completed text 122770\n", + "Completed text 122771\n", + "Completed text 122772\n", + "Completed text 122773\n", + "Completed text 122774\n", + "Completed text 122775\n", + "Completed text 122776\n", + "Completed text 122777\n", + "Completed text 122778\n", + "Completed text 122779\n", + "Completed text 122780\n", + "Completed text 122781\n", + "Completed text 122782\n", + "Completed text 122783\n", + "Completed text 122784\n", + "Completed text 122785\n", + "Completed text 122786\n", + "Completed text 122787\n", + "Completed text 122788\n", + "Completed text 122789\n", + "Completed text 122790\n", + "Completed text 122791\n", + "Completed text 122792\n", + "Completed text 122793\n", + "Completed text 122794\n", + "Completed text 122795\n", + "Completed text 122796\n", + "Completed text 122797\n", + "Completed text 122798\n", + "Completed text 122799\n", + "Completed text 122800\n", + "Completed text 122801\n", + "Completed text 122802\n", + "Completed text 122803\n", + "Completed text 122804\n", + "Completed text 122805\n", + "Completed text 122806\n", + "Completed text 122807\n", + "Completed text 122808\n", + "Completed text 122809\n", + "Completed text 122810\n", + "Completed text 122811\n", + "Completed text 122812\n", + "Completed text 122813\n", + "Completed text 122814\n", + "Completed text 122815\n", + "Completed text 122816\n", + "Completed text 122817\n", + "Completed text 122818\n", + "Completed text 122819\n", + "Completed text 122820\n", + "Completed text 122821\n", + "Completed text 122822\n", + "Completed text 122823\n", + "Completed text 122824\n", + "Completed text 122825\n", + "Completed text 122826\n", + "Completed text 122827\n", + "Completed text 122828\n", + "Completed text 122829\n", + "Completed text 122830\n", + "Completed text 122831\n", + "Completed text 122832\n", + "Completed text 122833\n", + "Completed text 122834\n", + "Completed text 122835\n", + "Completed text 122836\n", + "Completed text 122837\n", + "Completed text 122838\n", + "Completed text 122839\n", + "Completed text 122840\n", + "Completed text 122841\n", + "Completed text 122842\n", + "Completed text 122843\n", + "Completed text 122844\n", + "Completed text 122845\n", + "Completed text 122846\n", + "Completed text 122847\n", + "Completed text 122848\n", + "Completed text 122849\n", + "Completed text 122850\n", + "Completed text 122851\n", + "Completed text 122852\n", + "Completed text 122853\n", + "Completed text 122854\n", + "Completed text 122855\n", + "Completed text 122856\n", + "Completed text 122857\n", + "Completed text 122858\n", + "Completed text 122859\n", + "Completed text 122860\n", + "Completed text 122861\n", + "Completed text 122862\n", + "Completed text 122863\n", + "Completed text 122864\n", + "Completed text 122865\n", + "Completed text 122866\n", + "Completed text 122867\n", + "Completed text 122868\n", + "Completed text 122869\n", + "Completed text 122870\n", + "Completed text 122871\n", + "Completed text 122872\n", + "Completed text 122873\n", + "Completed text 122874\n", + "Completed text 122875\n", + "Completed text 122876\n", + "Completed text 122877\n", + "Completed text 122878\n", + "Completed text 122879\n", + "Completed text 122880\n", + "Completed text 122881\n", + "Completed text 122882\n", + "Completed text 122883\n", + "Completed text 122884\n", + "Completed text 122885\n", + "Completed text 122886\n", + "Completed text 122887\n", + "Completed text 122888\n", + "Completed text 122889\n", + "Completed text 122890\n", + "Completed text 122891\n", + "Completed text 122892\n", + "Completed text 122893\n", + "Completed text 122894\n", + "Completed text 122895\n", + "Completed text 122896\n", + "Completed text 122897\n", + "Completed text 122898\n", + "Completed text 122899\n", + "Completed text 122900\n", + "Completed text 122901\n", + "Completed text 122902\n", + "Completed text 122903\n", + "Completed text 122904\n", + "Completed text 122905\n", + "Completed text 122906\n", + "Completed text 122907\n", + "Completed text 122908\n", + "Completed text 122909\n", + "Completed text 122910\n", + "Completed text 122911\n", + "Completed text 122912\n", + "Completed text 122913\n", + "Completed text 122914\n", + "Completed text 122915\n", + "Completed text 122916\n", + "Completed text 122917\n", + "Completed text 122918\n", + "Completed text 122919\n", + "Completed text 122920\n", + "Completed text 122921\n", + "Completed text 122922\n", + "Completed text 122923\n", + "Completed text 122924\n", + "Completed text 122925\n", + "Completed text 122926\n", + "Completed text 122927\n", + "Completed text 122928\n", + "Completed text 122929\n", + "Completed text 122930\n", + "Completed text 122931\n", + "Completed text 122932\n", + "Completed text 122933\n", + "Completed text 122934\n", + "Completed text 122935\n", + "Completed text 122936\n", + "Completed text 122937\n", + "Completed text 122938\n", + "Completed text 122939\n", + "Completed text 122940\n", + "Completed text 122941\n", + "Completed text 122942\n", + "Completed text 122943\n", + "Completed text 122944\n", + "Completed text 122945\n", + "Completed text 122946\n", + "Completed text 122947\n", + "Completed text 122948\n", + "Completed text 122949\n", + "Completed text 122950\n", + "Completed text 122951\n", + "Completed text 122952\n", + "Completed text 122953\n", + "Completed text 122954\n", + "Completed text 122955\n", + "Completed text 122956\n", + "Completed text 122957\n", + "Completed text 122958\n", + "Completed text 122959\n", + "Completed text 122960\n", + "Completed text 122961\n", + "Completed text 122962\n", + "Completed text 122963\n", + "Completed text 122964\n", + "Completed text 122965\n", + "Completed text 122966\n", + "Completed text 122967\n", + "Completed text 122968\n", + "Completed text 122969\n", + "Completed text 122970\n", + "Completed text 122971\n", + "Completed text 122972\n", + "Completed text 122973\n", + "Completed text 122974\n", + "Completed text 122975\n", + "Completed text 122976\n", + "Completed text 122977\n", + "Completed text 122978\n", + "Completed text 122979\n", + "Completed text 122980\n", + "Completed text 122981\n", + "Completed text 122982\n", + "Completed text 122983\n", + "Completed text 122984\n", + "Completed text 122985\n", + "Completed text 122986\n", + "Completed text 122987\n", + "Completed text 122988\n", + "Completed text 122989\n", + "Completed text 122990\n", + "Completed text 122991\n", + "Completed text 122992\n", + "Completed text 122993\n", + "Completed text 122994\n", + "Completed text 122995\n", + "Completed text 122996\n", + "Completed text 122997\n", + "Completed text 122998\n", + "Completed text 122999\n", + "Completed text 123000\n", + "Completed text 123001\n", + "Completed text 123002\n", + "Completed text 123003\n", + "Completed text 123004\n", + "Completed text 123005\n", + "Completed text 123006\n", + "Completed text 123007\n", + "Completed text 123008\n", + "Completed text 123009\n", + "Completed text 123010\n", + "Completed text 123011\n", + "Completed text 123012\n", + "Completed text 123013\n", + "Completed text 123014\n", + "Completed text 123015\n", + "Completed text 123016\n", + "Completed text 123017\n", + "Completed text 123018\n", + "Completed text 123019\n", + "Completed text 123020\n", + "Completed text 123021\n", + "Completed text 123022\n", + "Completed text 123023\n", + "Completed text 123024\n", + "Completed text 123025\n", + "Completed text 123026\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 123027\n", + "Completed text 123028\n", + "Completed text 123029\n", + "Completed text 123030\n", + "Completed text 123031\n", + "Completed text 123032\n", + "Completed text 123033\n", + "Completed text 123034\n", + "Completed text 123035\n", + "Completed text 123036\n", + "Completed text 123037\n", + "Completed text 123038\n", + "Completed text 123039\n", + "Completed text 123040\n", + "Completed text 123041\n", + "Completed text 123042\n", + "Completed text 123043\n", + "Completed text 123044\n", + "Completed text 123045\n", + "Completed text 123046\n", + "Completed text 123047\n", + "Completed text 123048\n", + "Completed text 123049\n", + "Completed text 123050\n", + "Completed text 123051\n", + "Completed text 123052\n", + "Completed text 123053\n", + "Completed text 123054\n", + "Completed text 123055\n", + "Completed text 123056\n", + "Completed text 123057\n", + "Completed text 123058\n", + "Completed text 123059\n", + "Completed text 123060\n", + "Completed text 123061\n", + "Completed text 123062\n", + "Completed text 123063\n", + "Completed text 123064\n", + "Completed text 123065\n", + "Completed text 123066\n", + "Completed text 123067\n", + "Completed text 123068\n", + "Completed text 123069\n", + "Completed text 123070\n", + "Completed text 123071\n", + "Completed text 123072\n", + "Completed text 123073\n", + "Completed text 123074\n", + "Completed text 123075\n", + "Completed text 123076\n", + "Completed text 123077\n", + "Completed text 123078\n", + "Completed text 123079\n", + "Completed text 123080\n", + "Completed text 123081\n", + "Completed text 123082\n", + "Completed text 123083\n", + "Completed text 123084\n", + "Completed text 123085\n", + "Completed text 123086\n", + "Completed text 123087\n", + "Completed text 123088\n", + "Completed text 123089\n", + "Completed text 123090\n", + "Completed text 123091\n", + "Completed text 123092\n", + "Completed text 123093\n", + "Completed text 123094\n", + "Completed text 123095\n", + "Completed text 123096\n", + "Completed text 123097\n", + "Completed text 123098\n", + "Completed text 123099\n", + "Completed text 123100\n", + "Completed text 123101\n", + "Completed text 123102\n", + "Completed text 123103\n", + "Completed text 123104\n", + "Completed text 123105\n", + "Completed text 123106\n", + "Completed text 123107\n", + "Completed text 123108\n", + "Completed text 123109\n", + "Completed text 123110\n", + "Completed text 123111\n", + "Completed text 123112\n", + "Completed text 123113\n", + "Completed text 123114\n", + "Completed text 123115\n", + "Completed text 123116\n", + "Completed text 123117\n", + "Completed text 123118\n", + "Completed text 123119\n", + "Completed text 123120\n", + "Completed text 123121\n", + "Completed text 123122\n", + "Completed text 123123\n", + "Completed text 123124\n", + "Completed text 123125\n", + "Completed text 123126\n", + "Completed text 123127\n", + "Completed text 123128\n", + "Completed text 123129\n", + "Completed text 123130\n", + "Completed text 123131\n", + "Completed text 123132\n", + "Completed text 123133\n", + "Completed text 123134\n", + "Completed text 123135\n", + "Completed text 123136\n", + "Completed text 123137\n", + "Completed text 123138\n", + "Completed text 123139\n", + "Completed text 123140\n", + "Completed text 123141\n", + "Completed text 123142\n", + "Completed text 123143\n", + "Completed text 123144\n", + "Completed text 123145\n", + "Completed text 123146\n", + "Completed text 123147\n", + "Completed text 123148\n", + "Completed text 123149\n", + "Completed text 123150\n", + "Completed text 123151\n", + "Completed text 123152\n", + "Completed text 123153\n", + "Completed text 123154\n", + "Completed text 123155\n", + "Completed text 123156\n", + "Completed text 123157\n", + "Completed text 123158\n", + "Completed text 123159\n", + "Completed text 123160\n", + "Completed text 123161\n", + "Completed text 123162\n", + "Completed text 123163\n", + "Completed text 123164\n", + "Completed text 123165\n", + "Completed text 123166\n", + "Completed text 123167\n", + "Completed text 123168\n", + "Completed text 123169\n", + "Completed text 123170\n", + "Completed text 123171\n", + "Completed text 123172\n", + "Completed text 123173\n", + "Completed text 123174\n", + "Completed text 123175\n", + "Completed text 123176\n", + "Completed text 123177\n", + "Completed text 123178\n", + "Completed text 123179\n", + "Completed text 123180\n", + "Completed text 123181\n", + "Completed text 123182\n", + "Completed text 123183\n", + "Completed text 123184\n", + "Completed text 123185\n", + "Completed text 123186\n", + "Completed text 123187\n", + "Completed text 123188\n", + "Completed text 123189\n", + "Completed text 123190\n", + "Completed text 123191\n", + "Completed text 123192\n", + "Completed text 123193\n", + "Completed text 123194\n", + "Completed text 123195\n", + "Completed text 123196\n", + "Completed text 123197\n", + "Completed text 123198\n", + "Completed text 123199\n", + "Completed text 123200\n", + "Completed text 123201\n", + "Completed text 123202\n", + "Completed text 123203\n", + "Completed text 123204\n", + "Completed text 123205\n", + "Completed text 123206\n", + "Completed text 123207\n", + "Completed text 123208\n", + "Completed text 123209\n", + "Completed text 123210\n", + "Completed text 123211\n", + "Completed text 123212\n", + "Completed text 123213\n", + "Completed text 123214\n", + "Completed text 123215\n", + "Completed text 123216\n", + "Completed text 123217\n", + "Completed text 123218\n", + "Completed text 123219\n", + "Completed text 123220\n", + "Completed text 123221\n", + "Completed text 123222\n", + "Completed text 123223\n", + "Completed text 123224\n", + "Completed text 123225\n", + "Completed text 123226\n", + "Completed text 123227\n", + "Completed text 123228\n", + "Completed text 123229\n", + "Completed text 123230\n", + "Completed text 123231\n", + "Completed text 123232\n", + "Completed text 123233\n", + "Completed text 123234\n", + "Completed text 123235\n", + "Completed text 123236\n", + "Completed text 123237\n", + "Completed text 123238\n", + "Completed text 123239\n", + "Completed text 123240\n", + "Completed text 123241\n", + "Completed text 123242\n", + "Completed text 123243\n", + "Completed text 123244\n", + "Completed text 123245\n", + "Completed text 123246\n", + "Completed text 123247\n", + "Completed text 123248\n", + "Completed text 123249\n", + "Completed text 123250\n", + "Completed text 123251\n", + "Completed text 123252\n", + "Completed text 123253\n", + "Completed text 123254\n", + "Completed text 123255\n", + "Completed text 123256\n", + "Completed text 123257\n", + "Completed text 123258\n", + "Completed text 123259\n", + "Completed text 123260\n", + "Completed text 123261\n", + "Completed text 123262\n", + "Completed text 123263\n", + "Completed text 123264\n", + "Completed text 123265\n", + "Completed text 123266\n", + "Completed text 123267\n", + "Completed text 123268\n", + "Completed text 123269\n", + "Completed text 123270\n", + "Completed text 123271\n", + "Completed text 123272\n", + "Completed text 123273\n", + "Completed text 123274\n", + "Completed text 123275\n", + "Completed text 123276\n", + "Completed text 123277\n", + "Completed text 123278\n", + "Completed text 123279\n", + "Completed text 123280\n", + "Completed text 123281\n", + "Completed text 123282\n", + "Completed text 123283\n", + "Completed text 123284\n", + "Completed text 123285\n", + "Completed text 123286\n", + "Completed text 123287\n", + "Completed text 123288\n", + "Completed text 123289\n", + "Completed text 123290\n", + "Completed text 123291\n", + "Completed text 123292\n", + "Completed text 123293\n", + "Completed text 123294\n", + "Completed text 123295\n", + "Completed text 123296\n", + "Completed text 123297\n", + "Completed text 123298\n", + "Completed text 123299\n", + "Completed text 123300\n", + "Completed text 123301\n", + "Completed text 123302\n", + "Completed text 123303\n", + "Completed text 123304\n", + "Completed text 123305\n", + "Completed text 123306\n", + "Completed text 123307\n", + "Completed text 123308\n", + "Completed text 123309\n", + "Completed text 123310\n", + "Completed text 123311\n", + "Completed text 123312\n", + "Completed text 123313\n", + "Completed text 123314\n", + "Completed text 123315\n", + "Completed text 123316\n", + "Completed text 123317\n", + "Completed text 123318\n", + "Completed text 123319\n", + "Completed text 123320\n", + "Completed text 123321\n", + "Completed text 123322\n", + "Completed text 123323\n", + "Completed text 123324\n", + "Completed text 123325\n", + "Completed text 123326\n", + "Completed text 123327\n", + "Completed text 123328\n", + "Completed text 123329\n", + "Completed text 123330\n", + "Completed text 123331\n", + "Completed text 123332\n", + "Completed text 123333\n", + "Completed text 123334\n", + "Completed text 123335\n", + "Completed text 123336\n", + "Completed text 123337\n", + "Completed text 123338\n", + "Completed text 123339\n", + "Completed text 123340\n", + "Completed text 123341\n", + "Completed text 123342\n", + "Completed text 123343\n", + "Completed text 123344\n", + "Completed text 123345\n", + "Completed text 123346\n", + "Completed text 123347\n", + "Completed text 123348\n", + "Completed text 123349\n", + "Completed text 123350\n", + "Completed text 123351\n", + "Completed text 123352\n", + "Completed text 123353\n", + "Completed text 123354\n", + "Completed text 123355\n", + "Completed text 123356\n", + "Completed text 123357\n", + "Completed text 123358\n", + "Completed text 123359\n", + "Completed text 123360\n", + "Completed text 123361\n", + "Completed text 123362\n", + "Completed text 123363\n", + "Completed text 123364\n", + "Completed text 123365\n", + "Completed text 123366\n", + "Completed text 123367\n", + "Completed text 123368\n", + "Completed text 123369\n", + "Completed text 123370\n", + "Completed text 123371\n", + "Completed text 123372\n", + "Completed text 123373\n", + "Completed text 123374\n", + "Completed text 123375\n", + "Completed text 123376\n", + "Completed text 123377\n", + "Completed text 123378\n", + "Completed text 123379\n", + "Completed text 123380\n", + "Completed text 123381\n", + "Completed text 123382\n", + "Completed text 123383\n", + "Completed text 123384\n", + "Completed text 123385\n", + "Completed text 123386\n", + "Completed text 123387\n", + "Completed text 123388\n", + "Completed text 123389\n", + "Completed text 123390\n", + "Completed text 123391\n", + "Completed text 123392\n", + "Completed text 123393\n", + "Completed text 123394\n", + "Completed text 123395\n", + "Completed text 123396\n", + "Completed text 123397\n", + "Completed text 123398\n", + "Completed text 123399\n", + "Completed text 123400\n", + "Completed text 123401\n", + "Completed text 123402\n", + "Completed text 123403\n", + "Completed text 123404\n", + "Completed text 123405\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 123406\n", + "Completed text 123407\n", + "Completed text 123408\n", + "Completed text 123409\n", + "Completed text 123410\n", + "Completed text 123411\n", + "Completed text 123412\n", + "Completed text 123413\n", + "Completed text 123414\n", + "Completed text 123415\n", + "Completed text 123416\n", + "Completed text 123417\n", + "Completed text 123418\n", + "Completed text 123419\n", + "Completed text 123420\n", + "Completed text 123421\n", + "Completed text 123422\n", + "Completed text 123423\n", + "Completed text 123424\n", + "Completed text 123425\n", + "Completed text 123426\n", + "Completed text 123427\n", + "Completed text 123428\n", + "Completed text 123429\n", + "Completed text 123430\n", + "Completed text 123431\n", + "Completed text 123432\n", + "Completed text 123433\n", + "Completed text 123434\n", + "Completed text 123435\n", + "Completed text 123436\n", + "Completed text 123437\n", + "Completed text 123438\n", + "Completed text 123439\n", + "Completed text 123440\n", + "Completed text 123441\n", + "Completed text 123442\n", + "Completed text 123443\n", + "Completed text 123444\n", + "Completed text 123445\n", + "Completed text 123446\n", + "Completed text 123447\n", + "Completed text 123448\n", + "Completed text 123449\n", + "Completed text 123450\n", + "Completed text 123451\n", + "Completed text 123452\n", + "Completed text 123453\n", + "Completed text 123454\n", + "Completed text 123455\n", + "Completed text 123456\n", + "Completed text 123457\n", + "Completed text 123458\n", + "Completed text 123459\n", + "Completed text 123460\n", + "Completed text 123461\n", + "Completed text 123462\n", + "Completed text 123463\n", + "Completed text 123464\n", + "Completed text 123465\n", + "Completed text 123466\n", + "Completed text 123467\n", + "Completed text 123468\n", + "Completed text 123469\n", + "Completed text 123470\n", + "Completed text 123471\n", + "Completed text 123472\n", + "Completed text 123473\n", + "Completed text 123474\n", + "Completed text 123475\n", + "Completed text 123476\n", + "Completed text 123477\n", + "Completed text 123478\n", + "Completed text 123479\n", + "Completed text 123480\n", + "Completed text 123481\n", + "Completed text 123482\n", + "Completed text 123483\n", + "Completed text 123484\n", + "Completed text 123485\n", + "Completed text 123486\n", + "Completed text 123487\n", + "Completed text 123488\n", + "Completed text 123489\n", + "Completed text 123490\n", + "Completed text 123491\n", + "Completed text 123492\n", + "Completed text 123493\n", + "Completed text 123494\n", + "Completed text 123495\n", + "Completed text 123496\n", + "Completed text 123497\n", + "Completed text 123498\n", + "Completed text 123499\n", + "Completed text 123500\n", + "Completed text 123501\n", + "Completed text 123502\n", + "Completed text 123503\n", + "Completed text 123504\n", + "Completed text 123505\n", + "Completed text 123506\n", + "Completed text 123507\n", + "Completed text 123508\n", + "Completed text 123509\n", + "Completed text 123510\n", + "Completed text 123511\n", + "Completed text 123512\n", + "Completed text 123513\n", + "Completed text 123514\n", + "Completed text 123515\n", + "Completed text 123516\n", + "Completed text 123517\n", + "Completed text 123518\n", + "Completed text 123519\n", + "Completed text 123520\n", + "Completed text 123521\n", + "Completed text 123522\n", + "Completed text 123523\n", + "Completed text 123524\n", + "Completed text 123525\n", + "Completed text 123526\n", + "Completed text 123527\n", + "Completed text 123528\n", + "Completed text 123529\n", + "Completed text 123530\n", + "Completed text 123531\n", + "Completed text 123532\n", + "Completed text 123533\n", + "Completed text 123534\n", + "Completed text 123535\n", + "Completed text 123536\n", + "Completed text 123537\n", + "Completed text 123538\n", + "Completed text 123539\n", + "Completed text 123540\n", + "Completed text 123541\n", + "Completed text 123542\n", + "Completed text 123543\n", + "Completed text 123544\n", + "Completed text 123545\n", + "Completed text 123546\n", + "Completed text 123547\n", + "Completed text 123548\n", + "Completed text 123549\n", + "Completed text 123550\n", + "Completed text 123551\n", + "Completed text 123552\n", + "Completed text 123553\n", + "Completed text 123554\n", + "Completed text 123555\n", + "Completed text 123556\n", + "Completed text 123557\n", + "Completed text 123558\n", + "Completed text 123559\n", + "Completed text 123560\n", + "Completed text 123561\n", + "Completed text 123562\n", + "Completed text 123563\n", + "Completed text 123564\n", + "Completed text 123565\n", + "Completed text 123566\n", + "Completed text 123567\n", + "Completed text 123568\n", + "Completed text 123569\n", + "Completed text 123570\n", + "Completed text 123571\n", + "Completed text 123572\n", + "Completed text 123573\n", + "Completed text 123574\n", + "Completed text 123575\n", + "Completed text 123576\n", + "Completed text 123577\n", + "Completed text 123578\n", + "Completed text 123579\n", + "Completed text 123580\n", + "Completed text 123581\n", + "Completed text 123582\n", + "Completed text 123583\n", + "Completed text 123584\n", + "Completed text 123585\n", + "Completed text 123586\n", + "Completed text 123587\n", + "Completed text 123588\n", + "Completed text 123589\n", + "Completed text 123590\n", + "Completed text 123591\n", + "Completed text 123592\n", + "Completed text 123593\n", + "Completed text 123594\n", + "Completed text 123595\n", + "Completed text 123596\n", + "Completed text 123597\n", + "Completed text 123598\n", + "Completed text 123599\n", + "Completed text 123600\n", + "Completed text 123601\n", + "Completed text 123602\n", + "Completed text 123603\n", + "Completed text 123604\n", + "Completed text 123605\n", + "Completed text 123606\n", + "Completed text 123607\n", + "Completed text 123608\n", + "Completed text 123609\n", + "Completed text 123610\n", + "Completed text 123611\n", + "Completed text 123612\n", + "Completed text 123613\n", + "Completed text 123614\n", + "Completed text 123615\n", + "Completed text 123616\n", + "Completed text 123617\n", + "Completed text 123618\n", + "Completed text 123619\n", + "Completed text 123620\n", + "Completed text 123621\n", + "Completed text 123622\n", + "Completed text 123623\n", + "Completed text 123624\n", + "Completed text 123625\n", + "Completed text 123626\n", + "Completed text 123627\n", + "Completed text 123628\n", + "Completed text 123629\n", + "Completed text 123630\n", + "Completed text 123631\n", + "Completed text 123632\n", + "Completed text 123633\n", + "Completed text 123634\n", + "Completed text 123635\n", + "Completed text 123636\n", + "Completed text 123637\n", + "Completed text 123638\n", + "Completed text 123639\n", + "Completed text 123640\n", + "Completed text 123641\n", + "Completed text 123642\n", + "Completed text 123643\n", + "Completed text 123644\n", + "Completed text 123645\n", + "Completed text 123646\n", + "Completed text 123647\n", + "Completed text 123648\n", + "Completed text 123649\n", + "Completed text 123650\n", + "Completed text 123651\n", + "Completed text 123652\n", + "Completed text 123653\n", + "Completed text 123654\n", + "Completed text 123655\n", + "Completed text 123656\n", + "Completed text 123657\n", + "Completed text 123658\n", + "Completed text 123659\n", + "Completed text 123660\n", + "Completed text 123661\n", + "Completed text 123662\n", + "Completed text 123663\n", + "Completed text 123664\n", + "Completed text 123665\n", + "Completed text 123666\n", + "Completed text 123667\n", + "Completed text 123668\n", + "Completed text 123669\n", + "Completed text 123670\n", + "Completed text 123671\n", + "Completed text 123672\n", + "Completed text 123673\n", + "Completed text 123674\n", + "Completed text 123675\n", + "Completed text 123676\n", + "Completed text 123677\n", + "Completed text 123678\n", + "Completed text 123679\n", + "Completed text 123680\n", + "Completed text 123681\n", + "Completed text 123682\n", + "Completed text 123683\n", + "Completed text 123684\n", + "Completed text 123685\n", + "Completed text 123686\n", + "Completed text 123687\n", + "Completed text 123688\n", + "Completed text 123689\n", + "Completed text 123690\n", + "Completed text 123691\n", + "Completed text 123692\n", + "Completed text 123693\n", + "Completed text 123694\n", + "Completed text 123695\n", + "Completed text 123696\n", + "Completed text 123697\n", + "Completed text 123698\n", + "Completed text 123699\n", + "Completed text 123700\n", + "Completed text 123701\n", + "Completed text 123702\n", + "Completed text 123703\n", + "Completed text 123704\n", + "Completed text 123705\n", + "Completed text 123706\n", + "Completed text 123707\n", + "Completed text 123708\n", + "Completed text 123709\n", + "Completed text 123710\n", + "Completed text 123711\n", + "Completed text 123712\n", + "Completed text 123713\n", + "Completed text 123714\n", + "Completed text 123715\n", + "Completed text 123716\n", + "Completed text 123717\n", + "Completed text 123718\n", + "Completed text 123719\n", + "Completed text 123720\n", + "Completed text 123721\n", + "Completed text 123722\n", + "Completed text 123723\n", + "Completed text 123724\n", + "Completed text 123725\n", + "Completed text 123726\n", + "Completed text 123727\n", + "Completed text 123728\n", + "Completed text 123729\n", + "Completed text 123730\n", + "Completed text 123731\n", + "Completed text 123732\n", + "Completed text 123733\n", + "Completed text 123734\n", + "Completed text 123735\n", + "Completed text 123736\n", + "Completed text 123737\n", + "Completed text 123738\n", + "Completed text 123739\n", + "Completed text 123740\n", + "Completed text 123741\n", + "Completed text 123742\n", + "Completed text 123743\n", + "Completed text 123744\n", + "Completed text 123745\n", + "Completed text 123746\n", + "Completed text 123747\n", + "Completed text 123748\n", + "Completed text 123749\n", + "Completed text 123750\n", + "Completed text 123751\n", + "Completed text 123752\n", + "Completed text 123753\n", + "Completed text 123754\n", + "Completed text 123755\n", + "Completed text 123756\n", + "Completed text 123757\n", + "Completed text 123758\n", + "Completed text 123759\n", + "Completed text 123760\n", + "Completed text 123761\n", + "Completed text 123762\n", + "Completed text 123763\n", + "Completed text 123764\n", + "Completed text 123765\n", + "Completed text 123766\n", + "Completed text 123767\n", + "Completed text 123768\n", + "Completed text 123769\n", + "Completed text 123770\n", + "Completed text 123771\n", + "Completed text 123772\n", + "Completed text 123773\n", + "Completed text 123774\n", + "Completed text 123775\n", + "Completed text 123776\n", + "Completed text 123777\n", + "Completed text 123778\n", + "Completed text 123779\n", + "Completed text 123780\n", + "Completed text 123781\n", + "Completed text 123782\n", + "Completed text 123783\n", + "Completed text 123784\n", + "Completed text 123785\n", + "Completed text 123786\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 123787\n", + "Completed text 123788\n", + "Completed text 123789\n", + "Completed text 123790\n", + "Completed text 123791\n", + "Completed text 123792\n", + "Completed text 123793\n", + "Completed text 123794\n", + "Completed text 123795\n", + "Completed text 123796\n", + "Completed text 123797\n", + "Completed text 123798\n", + "Completed text 123799\n", + "Completed text 123800\n", + "Completed text 123801\n", + "Completed text 123802\n", + "Completed text 123803\n", + "Completed text 123804\n", + "Completed text 123805\n", + "Completed text 123806\n", + "Completed text 123807\n", + "Completed text 123808\n", + "Completed text 123809\n", + "Completed text 123810\n", + "Completed text 123811\n", + "Completed text 123812\n", + "Completed text 123813\n", + "Completed text 123814\n", + "Completed text 123815\n", + "Completed text 123816\n", + "Completed text 123817\n", + "Completed text 123818\n", + "Completed text 123819\n", + "Completed text 123820\n", + "Completed text 123821\n", + "Completed text 123822\n", + "Completed text 123823\n", + "Completed text 123824\n", + "Completed text 123825\n", + "Completed text 123826\n", + "Completed text 123827\n", + "Completed text 123828\n", + "Completed text 123829\n", + "Completed text 123830\n", + "Completed text 123831\n", + "Completed text 123832\n", + "Completed text 123833\n", + "Completed text 123834\n", + "Completed text 123835\n", + "Completed text 123836\n", + "Completed text 123837\n", + "Completed text 123838\n", + "Completed text 123839\n", + "Completed text 123840\n", + "Completed text 123841\n", + "Completed text 123842\n", + "Completed text 123843\n", + "Completed text 123844\n", + "Completed text 123845\n", + "Completed text 123846\n", + "Completed text 123847\n", + "Completed text 123848\n", + "Completed text 123849\n", + "Completed text 123850\n", + "Completed text 123851\n", + "Completed text 123852\n", + "Completed text 123853\n", + "Completed text 123854\n", + "Completed text 123855\n", + "Completed text 123856\n", + "Completed text 123857\n", + "Completed text 123858\n", + "Completed text 123859\n", + "Completed text 123860\n", + "Completed text 123861\n", + "Completed text 123862\n", + "Completed text 123863\n", + "Completed text 123864\n", + "Completed text 123865\n", + "Completed text 123866\n", + "Completed text 123867\n", + "Completed text 123868\n", + "Completed text 123869\n", + "Completed text 123870\n", + "Completed text 123871\n", + "Completed text 123872\n", + "Completed text 123873\n", + "Completed text 123874\n", + "Completed text 123875\n", + "Completed text 123876\n", + "Completed text 123877\n", + "Completed text 123878\n", + "Completed text 123879\n", + "Completed text 123880\n", + "Completed text 123881\n", + "Completed text 123882\n", + "Completed text 123883\n", + "Completed text 123884\n", + "Completed text 123885\n", + "Completed text 123886\n", + "Completed text 123887\n", + "Completed text 123888\n", + "Completed text 123889\n", + "Completed text 123890\n", + "Completed text 123891\n", + "Completed text 123892\n", + "Completed text 123893\n", + "Completed text 123894\n", + "Completed text 123895\n", + "Completed text 123896\n", + "Completed text 123897\n", + "Completed text 123898\n", + "Completed text 123899\n", + "Completed text 123900\n", + "Completed text 123901\n", + "Completed text 123902\n", + "Completed text 123903\n", + "Completed text 123904\n", + "Completed text 123905\n", + "Completed text 123906\n", + "Completed text 123907\n", + "Completed text 123908\n", + "Completed text 123909\n", + "Completed text 123910\n", + "Completed text 123911\n", + "Completed text 123912\n", + "Completed text 123913\n", + "Completed text 123914\n", + "Completed text 123915\n", + "Completed text 123916\n", + "Completed text 123917\n", + "Completed text 123918\n", + "Completed text 123919\n", + "Completed text 123920\n", + "Completed text 123921\n", + "Completed text 123922\n", + "Completed text 123923\n", + "Completed text 123924\n", + "Completed text 123925\n", + "Completed text 123926\n", + "Completed text 123927\n", + "Completed text 123928\n", + "Completed text 123929\n", + "Completed text 123930\n", + "Completed text 123931\n", + "Completed text 123932\n", + "Completed text 123933\n", + "Completed text 123934\n", + "Completed text 123935\n", + "Completed text 123936\n", + "Completed text 123937\n", + "Completed text 123938\n", + "Completed text 123939\n", + "Completed text 123940\n", + "Completed text 123941\n", + "Completed text 123942\n", + "Completed text 123943\n", + "Completed text 123944\n", + "Completed text 123945\n", + "Completed text 123946\n", + "Completed text 123947\n", + "Completed text 123948\n", + "Completed text 123949\n", + "Completed text 123950\n", + "Completed text 123951\n", + "Completed text 123952\n", + "Completed text 123953\n", + "Completed text 123954\n", + "Completed text 123955\n", + "Completed text 123956\n", + "Completed text 123957\n", + "Completed text 123958\n", + "Completed text 123959\n", + "Completed text 123960\n", + "Completed text 123961\n", + "Completed text 123962\n", + "Completed text 123963\n", + "Completed text 123964\n", + "Completed text 123965\n", + "Completed text 123966\n", + "Completed text 123967\n", + "Completed text 123968\n", + "Completed text 123969\n", + "Completed text 123970\n", + "Completed text 123971\n", + "Completed text 123972\n", + "Completed text 123973\n", + "Completed text 123974\n", + "Completed text 123975\n", + "Completed text 123976\n", + "Completed text 123977\n", + "Completed text 123978\n", + "Completed text 123979\n", + "Completed text 123980\n", + "Completed text 123981\n", + "Completed text 123982\n", + "Completed text 123983\n", + "Completed text 123984\n", + "Completed text 123985\n", + "Completed text 123986\n", + "Completed text 123987\n", + "Completed text 123988\n", + "Completed text 123989\n", + "Completed text 123990\n", + "Completed text 123991\n", + "Completed text 123992\n", + "Completed text 123993\n", + "Completed text 123994\n", + "Completed text 123995\n", + "Completed text 123996\n", + "Completed text 123997\n", + "Completed text 123998\n", + "Completed text 123999\n", + "Completed text 124000\n", + "Completed text 124001\n", + "Completed text 124002\n", + "Completed text 124003\n", + "Completed text 124004\n", + "Completed text 124005\n", + "Completed text 124006\n", + "Completed text 124007\n", + "Completed text 124008\n", + "Completed text 124009\n", + "Completed text 124010\n", + "Completed text 124011\n", + "Completed text 124012\n", + "Completed text 124013\n", + "Completed text 124014\n", + "Completed text 124015\n", + "Completed text 124016\n", + "Completed text 124017\n", + "Completed text 124018\n", + "Completed text 124019\n", + "Completed text 124020\n", + "Completed text 124021\n", + "Completed text 124022\n", + "Completed text 124023\n", + "Completed text 124024\n", + "Completed text 124025\n", + "Completed text 124026\n", + "Completed text 124027\n", + "Completed text 124028\n", + "Completed text 124029\n", + "Completed text 124030\n", + "Completed text 124031\n", + "Completed text 124032\n", + "Completed text 124033\n", + "Completed text 124034\n", + "Completed text 124035\n", + "Completed text 124036\n", + "Completed text 124037\n", + "Completed text 124038\n", + "Completed text 124039\n", + "Completed text 124040\n", + "Completed text 124041\n", + "Completed text 124042\n", + "Completed text 124043\n", + "Completed text 124044\n", + "Completed text 124045\n", + "Completed text 124046\n", + "Completed text 124047\n", + "Completed text 124048\n", + "Completed text 124049\n", + "Completed text 124050\n", + "Completed text 124051\n", + "Completed text 124052\n", + "Completed text 124053\n", + "Completed text 124054\n", + "Completed text 124055\n", + "Completed text 124056\n", + "Completed text 124057\n", + "Completed text 124058\n", + "Completed text 124059\n", + "Completed text 124060\n", + "Completed text 124061\n", + "Completed text 124062\n", + "Completed text 124063\n", + "Completed text 124064\n", + "Completed text 124065\n", + "Completed text 124066\n", + "Completed text 124067\n", + "Completed text 124068\n", + "Completed text 124069\n", + "Completed text 124070\n", + "Completed text 124071\n", + "Completed text 124072\n", + "Completed text 124073\n", + "Completed text 124074\n", + "Completed text 124075\n", + "Completed text 124076\n", + "Completed text 124077\n", + "Completed text 124078\n", + "Completed text 124079\n", + "Completed text 124080\n", + "Completed text 124081\n", + "Completed text 124082\n", + "Completed text 124083\n", + "Completed text 124084\n", + "Completed text 124085\n", + "Completed text 124086\n", + "Completed text 124087\n", + "Completed text 124088\n", + "Completed text 124089\n", + "Completed text 124090\n", + "Completed text 124091\n", + "Completed text 124092\n", + "Completed text 124093\n", + "Completed text 124094\n", + "Completed text 124095\n", + "Completed text 124096\n", + "Completed text 124097\n", + "Completed text 124098\n", + "Completed text 124099\n", + "Completed text 124100\n", + "Completed text 124101\n", + "Completed text 124102\n", + "Completed text 124103\n", + "Completed text 124104\n", + "Completed text 124105\n", + "Completed text 124106\n", + "Completed text 124107\n", + "Completed text 124108\n", + "Completed text 124109\n", + "Completed text 124110\n", + "Completed text 124111\n", + "Completed text 124112\n", + "Completed text 124113\n", + "Completed text 124114\n", + "Completed text 124115\n", + "Completed text 124116\n", + "Completed text 124117\n", + "Completed text 124118\n", + "Completed text 124119\n", + "Completed text 124120\n", + "Completed text 124121\n", + "Completed text 124122\n", + "Completed text 124123\n", + "Completed text 124124\n", + "Completed text 124125\n", + "Completed text 124126\n", + "Completed text 124127\n", + "Completed text 124128\n", + "Completed text 124129\n", + "Completed text 124130\n", + "Completed text 124131\n", + "Completed text 124132\n", + "Completed text 124133\n", + "Completed text 124134\n", + "Completed text 124135\n", + "Completed text 124136\n", + "Completed text 124137\n", + "Completed text 124138\n", + "Completed text 124139\n", + "Completed text 124140\n", + "Completed text 124141\n", + "Completed text 124142\n", + "Completed text 124143\n", + "Completed text 124144\n", + "Completed text 124145\n", + "Completed text 124146\n", + "Completed text 124147\n", + "Completed text 124148\n", + "Completed text 124149\n", + "Completed text 124150\n", + "Completed text 124151\n", + "Completed text 124152\n", + "Completed text 124153\n", + "Completed text 124154\n", + "Completed text 124155\n", + "Completed text 124156\n", + "Completed text 124157\n", + "Completed text 124158\n", + "Completed text 124159\n", + "Completed text 124160\n", + "Completed text 124161\n", + "Completed text 124162\n", + "Completed text 124163\n", + "Completed text 124164\n", + "Completed text 124165\n", + "Completed text 124166\n", + "Completed text 124167\n", + "Completed text 124168\n", + "Completed text 124169\n", + "Completed text 124170\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 124171\n", + "Completed text 124172\n", + "Completed text 124173\n", + "Completed text 124174\n", + "Completed text 124175\n", + "Completed text 124176\n", + "Completed text 124177\n", + "Completed text 124178\n", + "Completed text 124179\n", + "Completed text 124180\n", + "Completed text 124181\n", + "Completed text 124182\n", + "Completed text 124183\n", + "Completed text 124184\n", + "Completed text 124185\n", + "Completed text 124186\n", + "Completed text 124187\n", + "Completed text 124188\n", + "Completed text 124189\n", + "Completed text 124190\n", + "Completed text 124191\n", + "Completed text 124192\n", + "Completed text 124193\n", + "Completed text 124194\n", + "Completed text 124195\n", + "Completed text 124196\n", + "Completed text 124197\n", + "Completed text 124198\n", + "Completed text 124199\n", + "Completed text 124200\n", + "Completed text 124201\n", + "Completed text 124202\n", + "Completed text 124203\n", + "Completed text 124204\n", + "Completed text 124205\n", + "Completed text 124206\n", + "Completed text 124207\n", + "Completed text 124208\n", + "Completed text 124209\n", + "Completed text 124210\n", + "Completed text 124211\n", + "Completed text 124212\n", + "Completed text 124213\n", + "Completed text 124214\n", + "Completed text 124215\n", + "Completed text 124216\n", + "Completed text 124217\n", + "Completed text 124218\n", + "Completed text 124219\n", + "Completed text 124220\n", + "Completed text 124221\n", + "Completed text 124222\n", + "Completed text 124223\n", + "Completed text 124224\n", + "Completed text 124225\n", + "Completed text 124226\n", + "Completed text 124227\n", + "Completed text 124228\n", + "Completed text 124229\n", + "Completed text 124230\n", + "Completed text 124231\n", + "Completed text 124232\n", + "Completed text 124233\n", + "Completed text 124234\n", + "Completed text 124235\n", + "Completed text 124236\n", + "Completed text 124237\n", + "Completed text 124238\n", + "Completed text 124239\n", + "Completed text 124240\n", + "Completed text 124241\n", + "Completed text 124242\n", + "Completed text 124243\n", + "Completed text 124244\n", + "Completed text 124245\n", + "Completed text 124246\n", + "Completed text 124247\n", + "Completed text 124248\n", + "Completed text 124249\n", + "Completed text 124250\n", + "Completed text 124251\n", + "Completed text 124252\n", + "Completed text 124253\n", + "Completed text 124254\n", + "Completed text 124255\n", + "Completed text 124256\n", + "Completed text 124257\n", + "Completed text 124258\n", + "Completed text 124259\n", + "Completed text 124260\n", + "Completed text 124261\n", + "Completed text 124262\n", + "Completed text 124263\n", + "Completed text 124264\n", + "Completed text 124265\n", + "Completed text 124266\n", + "Completed text 124267\n", + "Completed text 124268\n", + "Completed text 124269\n", + "Completed text 124270\n", + "Completed text 124271\n", + "Completed text 124272\n", + "Completed text 124273\n", + "Completed text 124274\n", + "Completed text 124275\n", + "Completed text 124276\n", + "Completed text 124277\n", + "Completed text 124278\n", + "Completed text 124279\n", + "Completed text 124280\n", + "Completed text 124281\n", + "Completed text 124282\n", + "Completed text 124283\n", + "Completed text 124284\n", + "Completed text 124285\n", + "Completed text 124286\n", + "Completed text 124287\n", + "Completed text 124288\n", + "Completed text 124289\n", + "Completed text 124290\n", + "Completed text 124291\n", + "Completed text 124292\n", + "Completed text 124293\n", + "Completed text 124294\n", + "Completed text 124295\n", + "Completed text 124296\n", + "Completed text 124297\n", + "Completed text 124298\n", + "Completed text 124299\n", + "Completed text 124300\n", + "Completed text 124301\n", + "Completed text 124302\n", + "Completed text 124303\n", + "Completed text 124304\n", + "Completed text 124305\n", + "Completed text 124306\n", + "Completed text 124307\n", + "Completed text 124308\n", + "Completed text 124309\n", + "Completed text 124310\n", + "Completed text 124311\n", + "Completed text 124312\n", + "Completed text 124313\n", + "Completed text 124314\n", + "Completed text 124315\n", + "Completed text 124316\n", + "Completed text 124317\n", + "Completed text 124318\n", + "Completed text 124319\n", + "Completed text 124320\n", + "Completed text 124321\n", + "Completed text 124322\n", + "Completed text 124323\n", + "Completed text 124324\n", + "Completed text 124325\n", + "Completed text 124326\n", + "Completed text 124327\n", + "Completed text 124328\n", + "Completed text 124329\n", + "Completed text 124330\n", + "Completed text 124331\n", + "Completed text 124332\n", + "Completed text 124333\n", + "Completed text 124334\n", + "Completed text 124335\n", + "Completed text 124336\n", + "Completed text 124337\n", + "Completed text 124338\n", + "Completed text 124339\n", + "Completed text 124340\n", + "Completed text 124341\n", + "Completed text 124342\n", + "Completed text 124343\n", + "Completed text 124344\n", + "Completed text 124345\n", + "Completed text 124346\n", + "Completed text 124347\n", + "Completed text 124348\n", + "Completed text 124349\n", + "Completed text 124350\n", + "Completed text 124351\n", + "Completed text 124352\n", + "Completed text 124353\n", + "Completed text 124354\n", + "Completed text 124355\n", + "Completed text 124356\n", + "Completed text 124357\n", + "Completed text 124358\n", + "Completed text 124359\n", + "Completed text 124360\n", + "Completed text 124361\n", + "Completed text 124362\n", + "Completed text 124363\n", + "Completed text 124364\n", + "Completed text 124365\n", + "Completed text 124366\n", + "Completed text 124367\n", + "Completed text 124368\n", + "Completed text 124369\n", + "Completed text 124370\n", + "Completed text 124371\n", + "Completed text 124372\n", + "Completed text 124373\n", + "Completed text 124374\n", + "Completed text 124375\n", + "Completed text 124376\n", + "Completed text 124377\n", + "Completed text 124378\n", + "Completed text 124379\n", + "Completed text 124380\n", + "Completed text 124381\n", + "Completed text 124382\n", + "Completed text 124383\n", + "Completed text 124384\n", + "Completed text 124385\n", + "Completed text 124386\n", + "Completed text 124387\n", + "Completed text 124388\n", + "Completed text 124389\n", + "Completed text 124390\n", + "Completed text 124391\n", + "Completed text 124392\n", + "Completed text 124393\n", + "Completed text 124394\n", + "Completed text 124395\n", + "Completed text 124396\n", + "Completed text 124397\n", + "Completed text 124398\n", + "Completed text 124399\n", + "Completed text 124400\n", + "Completed text 124401\n", + "Completed text 124402\n", + "Completed text 124403\n", + "Completed text 124404\n", + "Completed text 124405\n", + "Completed text 124406\n", + "Completed text 124407\n", + "Completed text 124408\n", + "Completed text 124409\n", + "Completed text 124410\n", + "Completed text 124411\n", + "Completed text 124412\n", + "Completed text 124413\n", + "Completed text 124414\n", + "Completed text 124415\n", + "Completed text 124416\n", + "Completed text 124417\n", + "Completed text 124418\n", + "Completed text 124419\n", + "Completed text 124420\n", + "Completed text 124421\n", + "Completed text 124422\n", + "Completed text 124423\n", + "Completed text 124424\n", + "Completed text 124425\n", + "Completed text 124426\n", + "Completed text 124427\n", + "Completed text 124428\n", + "Completed text 124429\n", + "Completed text 124430\n", + "Completed text 124431\n", + "Completed text 124432\n", + "Completed text 124433\n", + "Completed text 124434\n", + "Completed text 124435\n", + "Completed text 124436\n", + "Completed text 124437\n", + "Completed text 124438\n", + "Completed text 124439\n", + "Completed text 124440\n", + "Completed text 124441\n", + "Completed text 124442\n", + "Completed text 124443\n", + "Completed text 124444\n", + "Completed text 124445\n", + "Completed text 124446\n", + "Completed text 124447\n", + "Completed text 124448\n", + "Completed text 124449\n", + "Completed text 124450\n", + "Completed text 124451\n", + "Completed text 124452\n", + "Completed text 124453\n", + "Completed text 124454\n", + "Completed text 124455\n", + "Completed text 124456\n", + "Completed text 124457\n", + "Completed text 124458\n", + "Completed text 124459\n", + "Completed text 124460\n", + "Completed text 124461\n", + "Completed text 124462\n", + "Completed text 124463\n", + "Completed text 124464\n", + "Completed text 124465\n", + "Completed text 124466\n", + "Completed text 124467\n", + "Completed text 124468\n", + "Completed text 124469\n", + "Completed text 124470\n", + "Completed text 124471\n", + "Completed text 124472\n", + "Completed text 124473\n", + "Completed text 124474\n", + "Completed text 124475\n", + "Completed text 124476\n", + "Completed text 124477\n", + "Completed text 124478\n", + "Completed text 124479\n", + "Completed text 124480\n", + "Completed text 124481\n", + "Completed text 124482\n", + "Completed text 124483\n", + "Completed text 124484\n", + "Completed text 124485\n", + "Completed text 124486\n", + "Completed text 124487\n", + "Completed text 124488\n", + "Completed text 124489\n", + "Completed text 124490\n", + "Completed text 124491\n", + "Completed text 124492\n", + "Completed text 124493\n", + "Completed text 124494\n", + "Completed text 124495\n", + "Completed text 124496\n", + "Completed text 124497\n", + "Completed text 124498\n", + "Completed text 124499\n", + "Completed text 124500\n", + "Completed text 124501\n", + "Completed text 124502\n", + "Completed text 124503\n", + "Completed text 124504\n", + "Completed text 124505\n", + "Completed text 124506\n", + "Completed text 124507\n", + "Completed text 124508\n", + "Completed text 124509\n", + "Completed text 124510\n", + "Completed text 124511\n", + "Completed text 124512\n", + "Completed text 124513\n", + "Completed text 124514\n", + "Completed text 124515\n", + "Completed text 124516\n", + "Completed text 124517\n", + "Completed text 124518\n", + "Completed text 124519\n", + "Completed text 124520\n", + "Completed text 124521\n", + "Completed text 124522\n", + "Completed text 124523\n", + "Completed text 124524\n", + "Completed text 124525\n", + "Completed text 124526\n", + "Completed text 124527\n", + "Completed text 124528\n", + "Completed text 124529\n", + "Completed text 124530\n", + "Completed text 124531\n", + "Completed text 124532\n", + "Completed text 124533\n", + "Completed text 124534\n", + "Completed text 124535\n", + "Completed text 124536\n", + "Completed text 124537\n", + "Completed text 124538\n", + "Completed text 124539\n", + "Completed text 124540\n", + "Completed text 124541\n", + "Completed text 124542\n", + "Completed text 124543\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 124544\n", + "Completed text 124545\n", + "Completed text 124546\n", + "Completed text 124547\n", + "Completed text 124548\n", + "Completed text 124549\n", + "Completed text 124550\n", + "Completed text 124551\n", + "Completed text 124552\n", + "Completed text 124553\n", + "Completed text 124554\n", + "Completed text 124555\n", + "Completed text 124556\n", + "Completed text 124557\n", + "Completed text 124558\n", + "Completed text 124559\n", + "Completed text 124560\n", + "Completed text 124561\n", + "Completed text 124562\n", + "Completed text 124563\n", + "Completed text 124564\n", + "Completed text 124565\n", + "Completed text 124566\n", + "Completed text 124567\n", + "Completed text 124568\n", + "Completed text 124569\n", + "Completed text 124570\n", + "Completed text 124571\n", + "Completed text 124572\n", + "Completed text 124573\n", + "Completed text 124574\n", + "Completed text 124575\n", + "Completed text 124576\n", + "Completed text 124577\n", + "Completed text 124578\n", + "Completed text 124579\n", + "Completed text 124580\n", + "Completed text 124581\n", + "Completed text 124582\n", + "Completed text 124583\n", + "Completed text 124584\n", + "Completed text 124585\n", + "Completed text 124586\n", + "Completed text 124587\n", + "Completed text 124588\n", + "Completed text 124589\n", + "Completed text 124590\n", + "Completed text 124591\n", + "Completed text 124592\n", + "Completed text 124593\n", + "Completed text 124594\n", + "Completed text 124595\n", + "Completed text 124596\n", + "Completed text 124597\n", + "Completed text 124598\n", + "Completed text 124599\n", + "Completed text 124600\n", + "Completed text 124601\n", + "Completed text 124602\n", + "Completed text 124603\n", + "Completed text 124604\n", + "Completed text 124605\n", + "Completed text 124606\n", + "Completed text 124607\n", + "Completed text 124608\n", + "Completed text 124609\n", + "Completed text 124610\n", + "Completed text 124611\n", + "Completed text 124612\n", + "Completed text 124613\n", + "Completed text 124614\n", + "Completed text 124615\n", + "Completed text 124616\n", + "Completed text 124617\n", + "Completed text 124618\n", + "Completed text 124619\n", + "Completed text 124620\n", + "Completed text 124621\n", + "Completed text 124622\n", + "Completed text 124623\n", + "Completed text 124624\n", + "Completed text 124625\n", + "Completed text 124626\n", + "Completed text 124627\n", + "Completed text 124628\n", + "Completed text 124629\n", + "Completed text 124630\n", + "Completed text 124631\n", + "Completed text 124632\n", + "Completed text 124633\n", + "Completed text 124634\n", + "Completed text 124635\n", + "Completed text 124636\n", + "Completed text 124637\n", + "Completed text 124638\n", + "Completed text 124639\n", + "Completed text 124640\n", + "Completed text 124641\n", + "Completed text 124642\n", + "Completed text 124643\n", + "Completed text 124644\n", + "Completed text 124645\n", + "Completed text 124646\n", + "Completed text 124647\n", + "Completed text 124648\n", + "Completed text 124649\n", + "Completed text 124650\n", + "Completed text 124651\n", + "Completed text 124652\n", + "Completed text 124653\n", + "Completed text 124654\n", + "Completed text 124655\n", + "Completed text 124656\n", + "Completed text 124657\n", + "Completed text 124658\n", + "Completed text 124659\n", + "Completed text 124660\n", + "Completed text 124661\n", + "Completed text 124662\n", + "Completed text 124663\n", + "Completed text 124664\n", + "Completed text 124665\n", + "Completed text 124666\n", + "Completed text 124667\n", + "Completed text 124668\n", + "Completed text 124669\n", + "Completed text 124670\n", + "Completed text 124671\n", + "Completed text 124672\n", + "Completed text 124673\n", + "Completed text 124674\n", + "Completed text 124675\n", + "Completed text 124676\n", + "Completed text 124677\n", + "Completed text 124678\n", + "Completed text 124679\n", + "Completed text 124680\n", + "Completed text 124681\n", + "Completed text 124682\n", + "Completed text 124683\n", + "Completed text 124684\n", + "Completed text 124685\n", + "Completed text 124686\n", + "Completed text 124687\n", + "Completed text 124688\n", + "Completed text 124689\n", + "Completed text 124690\n", + "Completed text 124691\n", + "Completed text 124692\n", + "Completed text 124693\n", + "Completed text 124694\n", + "Completed text 124695\n", + "Completed text 124696\n", + "Completed text 124697\n", + "Completed text 124698\n", + "Completed text 124699\n", + "Completed text 124700\n", + "Completed text 124701\n", + "Completed text 124702\n", + "Completed text 124703\n", + "Completed text 124704\n", + "Completed text 124705\n", + "Completed text 124706\n", + "Completed text 124707\n", + "Completed text 124708\n", + "Completed text 124709\n", + "Completed text 124710\n", + "Completed text 124711\n", + "Completed text 124712\n", + "Completed text 124713\n", + "Completed text 124714\n", + "Completed text 124715\n", + "Completed text 124716\n", + "Completed text 124717\n", + "Completed text 124718\n", + "Completed text 124719\n", + "Completed text 124720\n", + "Completed text 124721\n", + "Completed text 124722\n", + "Completed text 124723\n", + "Completed text 124724\n", + "Completed text 124725\n", + "Completed text 124726\n", + "Completed text 124727\n", + "Completed text 124728\n", + "Completed text 124729\n", + "Completed text 124730\n", + "Completed text 124731\n", + "Completed text 124732\n", + "Completed text 124733\n", + "Completed text 124734\n", + "Completed text 124735\n", + "Completed text 124736\n", + "Completed text 124737\n", + "Completed text 124738\n", + "Completed text 124739\n", + "Completed text 124740\n", + "Completed text 124741\n", + "Completed text 124742\n", + "Completed text 124743\n", + "Completed text 124744\n", + "Completed text 124745\n", + "Completed text 124746\n", + "Completed text 124747\n", + "Completed text 124748\n", + "Completed text 124749\n", + "Completed text 124750\n", + "Completed text 124751\n", + "Completed text 124752\n", + "Completed text 124753\n", + "Completed text 124754\n", + "Completed text 124755\n", + "Completed text 124756\n", + "Completed text 124757\n", + "Completed text 124758\n", + "Completed text 124759\n", + "Completed text 124760\n", + "Completed text 124761\n", + "Completed text 124762\n", + "Completed text 124763\n", + "Completed text 124764\n", + "Completed text 124765\n", + "Completed text 124766\n", + "Completed text 124767\n", + "Completed text 124768\n", + "Completed text 124769\n", + "Completed text 124770\n", + "Completed text 124771\n", + "Completed text 124772\n", + "Completed text 124773\n", + "Completed text 124774\n", + "Completed text 124775\n", + "Completed text 124776\n", + "Completed text 124777\n", + "Completed text 124778\n", + "Completed text 124779\n", + "Completed text 124780\n", + "Completed text 124781\n", + "Completed text 124782\n", + "Completed text 124783\n", + "Completed text 124784\n", + "Completed text 124785\n", + "Completed text 124786\n", + "Completed text 124787\n", + "Completed text 124788\n", + "Completed text 124789\n", + "Completed text 124790\n", + "Completed text 124791\n", + "Completed text 124792\n", + "Completed text 124793\n", + "Completed text 124794\n", + "Completed text 124795\n", + "Completed text 124796\n", + "Completed text 124797\n", + "Completed text 124798\n", + "Completed text 124799\n", + "Completed text 124800\n", + "Completed text 124801\n", + "Completed text 124802\n", + "Completed text 124803\n", + "Completed text 124804\n", + "Completed text 124805\n", + "Completed text 124806\n", + "Completed text 124807\n", + "Completed text 124808\n", + "Completed text 124809\n", + "Completed text 124810\n", + "Completed text 124811\n", + "Completed text 124812\n", + "Completed text 124813\n", + "Completed text 124814\n", + "Completed text 124815\n", + "Completed text 124816\n", + "Completed text 124817\n", + "Completed text 124818\n", + "Completed text 124819\n", + "Completed text 124820\n", + "Completed text 124821\n", + "Completed text 124822\n", + "Completed text 124823\n", + "Completed text 124824\n", + "Completed text 124825\n", + "Completed text 124826\n", + "Completed text 124827\n", + "Completed text 124828\n", + "Completed text 124829\n", + "Completed text 124830\n", + "Completed text 124831\n", + "Completed text 124832\n", + "Completed text 124833\n", + "Completed text 124834\n", + "Completed text 124835\n", + "Completed text 124836\n", + "Completed text 124837\n", + "Completed text 124838\n", + "Completed text 124839\n", + "Completed text 124840\n", + "Completed text 124841\n", + "Completed text 124842\n", + "Completed text 124843\n", + "Completed text 124844\n", + "Completed text 124845\n", + "Completed text 124846\n", + "Completed text 124847\n", + "Completed text 124848\n", + "Completed text 124849\n", + "Completed text 124850\n", + "Completed text 124851\n", + "Completed text 124852\n", + "Completed text 124853\n", + "Completed text 124854\n", + "Completed text 124855\n", + "Completed text 124856\n", + "Completed text 124857\n", + "Completed text 124858\n", + "Completed text 124859\n", + "Completed text 124860\n", + "Completed text 124861\n", + "Completed text 124862\n", + "Completed text 124863\n", + "Completed text 124864\n", + "Completed text 124865\n", + "Completed text 124866\n", + "Completed text 124867\n", + "Completed text 124868\n", + "Completed text 124869\n", + "Completed text 124870\n", + "Completed text 124871\n", + "Completed text 124872\n", + "Completed text 124873\n", + "Completed text 124874\n", + "Completed text 124875\n", + "Completed text 124876\n", + "Completed text 124877\n", + "Completed text 124878\n", + "Completed text 124879\n", + "Completed text 124880\n", + "Completed text 124881\n", + "Completed text 124882\n", + "Completed text 124883\n", + "Completed text 124884\n", + "Completed text 124885\n", + "Completed text 124886\n", + "Completed text 124887\n", + "Completed text 124888\n", + "Completed text 124889\n", + "Completed text 124890\n", + "Completed text 124891\n", + "Completed text 124892\n", + "Completed text 124893\n", + "Completed text 124894\n", + "Completed text 124895\n", + "Completed text 124896\n", + "Completed text 124897\n", + "Completed text 124898\n", + "Completed text 124899\n", + "Completed text 124900\n", + "Completed text 124901\n", + "Completed text 124902\n", + "Completed text 124903\n", + "Completed text 124904\n", + "Completed text 124905\n", + "Completed text 124906\n", + "Completed text 124907\n", + "Completed text 124908\n", + "Completed text 124909\n", + "Completed text 124910\n", + "Completed text 124911\n", + "Completed text 124912\n", + "Completed text 124913\n", + "Completed text 124914\n", + "Completed text 124915\n", + "Completed text 124916\n", + "Completed text 124917\n", + "Completed text 124918\n", + "Completed text 124919\n", + "Completed text 124920\n", + "Completed text 124921\n", + "Completed text 124922\n", + "Completed text 124923\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 124924\n", + "Completed text 124925\n", + "Completed text 124926\n", + "Completed text 124927\n", + "Completed text 124928\n", + "Completed text 124929\n", + "Completed text 124930\n", + "Completed text 124931\n", + "Completed text 124932\n", + "Completed text 124933\n", + "Completed text 124934\n", + "Completed text 124935\n", + "Completed text 124936\n", + "Completed text 124937\n", + "Completed text 124938\n", + "Completed text 124939\n", + "Completed text 124940\n", + "Completed text 124941\n", + "Completed text 124942\n", + "Completed text 124943\n", + "Completed text 124944\n", + "Completed text 124945\n", + "Completed text 124946\n", + "Completed text 124947\n", + "Completed text 124948\n", + "Completed text 124949\n", + "Completed text 124950\n", + "Completed text 124951\n", + "Completed text 124952\n", + "Completed text 124953\n", + "Completed text 124954\n", + "Completed text 124955\n", + "Completed text 124956\n", + "Completed text 124957\n", + "Completed text 124958\n", + "Completed text 124959\n", + "Completed text 124960\n", + "Completed text 124961\n", + "Completed text 124962\n", + "Completed text 124963\n", + "Completed text 124964\n", + "Completed text 124965\n", + "Completed text 124966\n", + "Completed text 124967\n", + "Completed text 124968\n", + "Completed text 124969\n", + "Completed text 124970\n", + "Completed text 124971\n", + "Completed text 124972\n", + "Completed text 124973\n", + "Completed text 124974\n", + "Completed text 124975\n", + "Completed text 124976\n", + "Completed text 124977\n", + "Completed text 124978\n", + "Completed text 124979\n", + "Completed text 124980\n", + "Completed text 124981\n", + "Completed text 124982\n", + "Completed text 124983\n", + "Completed text 124984\n", + "Completed text 124985\n", + "Completed text 124986\n", + "Completed text 124987\n", + "Completed text 124988\n", + "Completed text 124989\n", + "Completed text 124990\n", + "Completed text 124991\n", + "Completed text 124992\n", + "Completed text 124993\n", + "Completed text 124994\n", + "Completed text 124995\n", + "Completed text 124996\n", + "Completed text 124997\n", + "Completed text 124998\n", + "Completed text 124999\n", + "Completed text 125000\n", + "Completed text 125001\n", + "Completed text 125002\n", + "Completed text 125003\n", + "Completed text 125004\n", + "Completed text 125005\n", + "Completed text 125006\n", + "Completed text 125007\n", + "Completed text 125008\n", + "Completed text 125009\n", + "Completed text 125010\n", + "Completed text 125011\n", + "Completed text 125012\n", + "Completed text 125013\n", + "Completed text 125014\n", + "Completed text 125015\n", + "Completed text 125016\n", + "Completed text 125017\n", + "Completed text 125018\n", + "Completed text 125019\n", + "Completed text 125020\n", + "Completed text 125021\n", + "Completed text 125022\n", + "Completed text 125023\n", + "Completed text 125024\n", + "Completed text 125025\n", + "Completed text 125026\n", + "Completed text 125027\n", + "Completed text 125028\n", + "Completed text 125029\n", + "Completed text 125030\n", + "Completed text 125031\n", + "Completed text 125032\n", + "Completed text 125033\n", + "Completed text 125034\n", + "Completed text 125035\n", + "Completed text 125036\n", + "Completed text 125037\n", + "Completed text 125038\n", + "Completed text 125039\n", + "Completed text 125040\n", + "Completed text 125041\n", + "Completed text 125042\n", + "Completed text 125043\n", + "Completed text 125044\n", + "Completed text 125045\n", + "Completed text 125046\n", + "Completed text 125047\n", + "Completed text 125048\n", + "Completed text 125049\n", + "Completed text 125050\n", + "Completed text 125051\n", + "Completed text 125052\n", + "Completed text 125053\n", + "Completed text 125054\n", + "Completed text 125055\n", + "Completed text 125056\n", + "Completed text 125057\n", + "Completed text 125058\n", + "Completed text 125059\n", + "Completed text 125060\n", + "Completed text 125061\n", + "Completed text 125062\n", + "Completed text 125063\n", + "Completed text 125064\n", + "Completed text 125065\n", + "Completed text 125066\n", + "Completed text 125067\n", + "Completed text 125068\n", + "Completed text 125069\n", + "Completed text 125070\n", + "Completed text 125071\n", + "Completed text 125072\n", + "Completed text 125073\n", + "Completed text 125074\n", + "Completed text 125075\n", + "Completed text 125076\n", + "Completed text 125077\n", + "Completed text 125078\n", + "Completed text 125079\n", + "Completed text 125080\n", + "Completed text 125081\n", + "Completed text 125082\n", + "Completed text 125083\n", + "Completed text 125084\n", + "Completed text 125085\n", + "Completed text 125086\n", + "Completed text 125087\n", + "Completed text 125088\n", + "Completed text 125089\n", + "Completed text 125090\n", + "Completed text 125091\n", + "Completed text 125092\n", + "Completed text 125093\n", + "Completed text 125094\n", + "Completed text 125095\n", + "Completed text 125096\n", + "Completed text 125097\n", + "Completed text 125098\n", + "Completed text 125099\n", + "Completed text 125100\n", + "Completed text 125101\n", + "Completed text 125102\n", + "Completed text 125103\n", + "Completed text 125104\n", + "Completed text 125105\n", + "Completed text 125106\n", + "Completed text 125107\n", + "Completed text 125108\n", + "Completed text 125109\n", + "Completed text 125110\n", + "Completed text 125111\n", + "Completed text 125112\n", + "Completed text 125113\n", + "Completed text 125114\n", + "Completed text 125115\n", + "Completed text 125116\n", + "Completed text 125117\n", + "Completed text 125118\n", + "Completed text 125119\n", + "Completed text 125120\n", + "Completed text 125121\n", + "Completed text 125122\n", + "Completed text 125123\n", + "Completed text 125124\n", + "Completed text 125125\n", + "Completed text 125126\n", + "Completed text 125127\n", + "Completed text 125128\n", + "Completed text 125129\n", + "Completed text 125130\n", + "Completed text 125131\n", + "Completed text 125132\n", + "Completed text 125133\n", + "Completed text 125134\n", + "Completed text 125135\n", + "Completed text 125136\n", + "Completed text 125137\n", + "Completed text 125138\n", + "Completed text 125139\n", + "Completed text 125140\n", + "Completed text 125141\n", + "Completed text 125142\n", + "Completed text 125143\n", + "Completed text 125144\n", + "Completed text 125145\n", + "Completed text 125146\n", + "Completed text 125147\n", + "Completed text 125148\n", + "Completed text 125149\n", + "Completed text 125150\n", + "Completed text 125151\n", + "Completed text 125152\n", + "Completed text 125153\n", + "Completed text 125154\n", + "Completed text 125155\n", + "Completed text 125156\n", + "Completed text 125157\n", + "Completed text 125158\n", + "Completed text 125159\n", + "Completed text 125160\n", + "Completed text 125161\n", + "Completed text 125162\n", + "Completed text 125163\n", + "Completed text 125164\n", + "Completed text 125165\n", + "Completed text 125166\n", + "Completed text 125167\n", + "Completed text 125168\n", + "Completed text 125169\n", + "Completed text 125170\n", + "Completed text 125171\n", + "Completed text 125172\n", + "Completed text 125173\n", + "Completed text 125174\n", + "Completed text 125175\n", + "Completed text 125176\n", + "Completed text 125177\n", + "Completed text 125178\n", + "Completed text 125179\n", + "Completed text 125180\n", + "Completed text 125181\n", + "Completed text 125182\n", + "Completed text 125183\n", + "Completed text 125184\n", + "Completed text 125185\n", + "Completed text 125186\n", + "Completed text 125187\n", + "Completed text 125188\n", + "Completed text 125189\n", + "Completed text 125190\n", + "Completed text 125191\n", + "Completed text 125192\n", + "Completed text 125193\n", + "Completed text 125194\n", + "Completed text 125195\n", + "Completed text 125196\n", + "Completed text 125197\n", + "Completed text 125198\n", + "Completed text 125199\n", + "Completed text 125200\n", + "Completed text 125201\n", + "Completed text 125202\n", + "Completed text 125203\n", + "Completed text 125204\n", + "Completed text 125205\n", + "Completed text 125206\n", + "Completed text 125207\n", + "Completed text 125208\n", + "Completed text 125209\n", + "Completed text 125210\n", + "Completed text 125211\n", + "Completed text 125212\n", + "Completed text 125213\n", + "Completed text 125214\n", + "Completed text 125215\n", + "Completed text 125216\n", + "Completed text 125217\n", + "Completed text 125218\n", + "Completed text 125219\n", + "Completed text 125220\n", + "Completed text 125221\n", + "Completed text 125222\n", + "Completed text 125223\n", + "Completed text 125224\n", + "Completed text 125225\n", + "Completed text 125226\n", + "Completed text 125227\n", + "Completed text 125228\n", + "Completed text 125229\n", + "Completed text 125230\n", + "Completed text 125231\n", + "Completed text 125232\n", + "Completed text 125233\n", + "Completed text 125234\n", + "Completed text 125235\n", + "Completed text 125236\n", + "Completed text 125237\n", + "Completed text 125238\n", + "Completed text 125239\n", + "Completed text 125240\n", + "Completed text 125241\n", + "Completed text 125242\n", + "Completed text 125243\n", + "Completed text 125244\n", + "Completed text 125245\n", + "Completed text 125246\n", + "Completed text 125247\n", + "Completed text 125248\n", + "Completed text 125249\n", + "Completed text 125250\n", + "Completed text 125251\n", + "Completed text 125252\n", + "Completed text 125253\n", + "Completed text 125254\n", + "Completed text 125255\n", + "Completed text 125256\n", + "Completed text 125257\n", + "Completed text 125258\n", + "Completed text 125259\n", + "Completed text 125260\n", + "Completed text 125261\n", + "Completed text 125262\n", + "Completed text 125263\n", + "Completed text 125264\n", + "Completed text 125265\n", + "Completed text 125266\n", + "Completed text 125267\n", + "Completed text 125268\n", + "Completed text 125269\n", + "Completed text 125270\n", + "Completed text 125271\n", + "Completed text 125272\n", + "Completed text 125273\n", + "Completed text 125274\n", + "Completed text 125275\n", + "Completed text 125276\n", + "Completed text 125277\n", + "Completed text 125278\n", + "Completed text 125279\n", + "Completed text 125280\n", + "Completed text 125281\n", + "Completed text 125282\n", + "Completed text 125283\n", + "Completed text 125284\n", + "Completed text 125285\n", + "Completed text 125286\n", + "Completed text 125287\n", + "Completed text 125288\n", + "Completed text 125289\n", + "Completed text 125290\n", + "Completed text 125291\n", + "Completed text 125292\n", + "Completed text 125293\n", + "Completed text 125294\n", + "Completed text 125295\n", + "Completed text 125296\n", + "Completed text 125297\n", + "Completed text 125298\n", + "Completed text 125299\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 125300\n", + "Completed text 125301\n", + "Completed text 125302\n", + "Completed text 125303\n", + "Completed text 125304\n", + "Completed text 125305\n", + "Completed text 125306\n", + "Completed text 125307\n", + "Completed text 125308\n", + "Completed text 125309\n", + "Completed text 125310\n", + "Completed text 125311\n", + "Completed text 125312\n", + "Completed text 125313\n", + "Completed text 125314\n", + "Completed text 125315\n", + "Completed text 125316\n", + "Completed text 125317\n", + "Completed text 125318\n", + "Completed text 125319\n", + "Completed text 125320\n", + "Completed text 125321\n", + "Completed text 125322\n", + "Completed text 125323\n", + "Completed text 125324\n", + "Completed text 125325\n", + "Completed text 125326\n", + "Completed text 125327\n", + "Completed text 125328\n", + "Completed text 125329\n", + "Completed text 125330\n", + "Completed text 125331\n", + "Completed text 125332\n", + "Completed text 125333\n", + "Completed text 125334\n", + "Completed text 125335\n", + "Completed text 125336\n", + "Completed text 125337\n", + "Completed text 125338\n", + "Completed text 125339\n", + "Completed text 125340\n", + "Completed text 125341\n", + "Completed text 125342\n", + "Completed text 125343\n", + "Completed text 125344\n", + "Completed text 125345\n", + "Completed text 125346\n", + "Completed text 125347\n", + "Completed text 125348\n", + "Completed text 125349\n", + "Completed text 125350\n", + "Completed text 125351\n", + "Completed text 125352\n", + "Completed text 125353\n", + "Completed text 125354\n", + "Completed text 125355\n", + "Completed text 125356\n", + "Completed text 125357\n", + "Completed text 125358\n", + "Completed text 125359\n", + "Completed text 125360\n", + "Completed text 125361\n", + "Completed text 125362\n", + "Completed text 125363\n", + "Completed text 125364\n", + "Completed text 125365\n", + "Completed text 125366\n", + "Completed text 125367\n", + "Completed text 125368\n", + "Completed text 125369\n", + "Completed text 125370\n", + "Completed text 125371\n", + "Completed text 125372\n", + "Completed text 125373\n", + "Completed text 125374\n", + "Completed text 125375\n", + "Completed text 125376\n", + "Completed text 125377\n", + "Completed text 125378\n", + "Completed text 125379\n", + "Completed text 125380\n", + "Completed text 125381\n", + "Completed text 125382\n", + "Completed text 125383\n", + "Completed text 125384\n", + "Completed text 125385\n", + "Completed text 125386\n", + "Completed text 125387\n", + "Completed text 125388\n", + "Completed text 125389\n", + "Completed text 125390\n", + "Completed text 125391\n", + "Completed text 125392\n", + "Completed text 125393\n", + "Completed text 125394\n", + "Completed text 125395\n", + "Completed text 125396\n", + "Completed text 125397\n", + "Completed text 125398\n", + "Completed text 125399\n", + "Completed text 125400\n", + "Completed text 125401\n", + "Completed text 125402\n", + "Completed text 125403\n", + "Completed text 125404\n", + "Completed text 125405\n", + "Completed text 125406\n", + "Completed text 125407\n", + "Completed text 125408\n", + "Completed text 125409\n", + "Completed text 125410\n", + "Completed text 125411\n", + "Completed text 125412\n", + "Completed text 125413\n", + "Completed text 125414\n", + "Completed text 125415\n", + "Completed text 125416\n", + "Completed text 125417\n", + "Completed text 125418\n", + "Completed text 125419\n", + "Completed text 125420\n", + "Completed text 125421\n", + "Completed text 125422\n", + "Completed text 125423\n", + "Completed text 125424\n", + "Completed text 125425\n", + "Completed text 125426\n", + "Completed text 125427\n", + "Completed text 125428\n", + "Completed text 125429\n", + "Completed text 125430\n", + "Completed text 125431\n", + "Completed text 125432\n", + "Completed text 125433\n", + "Completed text 125434\n", + "Completed text 125435\n", + "Completed text 125436\n", + "Completed text 125437\n", + "Completed text 125438\n", + "Completed text 125439\n", + "Completed text 125440\n", + "Completed text 125441\n", + "Completed text 125442\n", + "Completed text 125443\n", + "Completed text 125444\n", + "Completed text 125445\n", + "Completed text 125446\n", + "Completed text 125447\n", + "Completed text 125448\n", + "Completed text 125449\n", + "Completed text 125450\n", + "Completed text 125451\n", + "Completed text 125452\n", + "Completed text 125453\n", + "Completed text 125454\n", + "Completed text 125455\n", + "Completed text 125456\n", + "Completed text 125457\n", + "Completed text 125458\n", + "Completed text 125459\n", + "Completed text 125460\n", + "Completed text 125461\n", + "Completed text 125462\n", + "Completed text 125463\n", + "Completed text 125464\n", + "Completed text 125465\n", + "Completed text 125466\n", + "Completed text 125467\n", + "Completed text 125468\n", + "Completed text 125469\n", + "Completed text 125470\n", + "Completed text 125471\n", + "Completed text 125472\n", + "Completed text 125473\n", + "Completed text 125474\n", + "Completed text 125475\n", + "Completed text 125476\n", + "Completed text 125477\n", + "Completed text 125478\n", + "Completed text 125479\n", + "Completed text 125480\n", + "Completed text 125481\n", + "Completed text 125482\n", + "Completed text 125483\n", + "Completed text 125484\n", + "Completed text 125485\n", + "Completed text 125486\n", + "Completed text 125487\n", + "Completed text 125488\n", + "Completed text 125489\n", + "Completed text 125490\n", + "Completed text 125491\n", + "Completed text 125492\n", + "Completed text 125493\n", + "Completed text 125494\n", + "Completed text 125495\n", + "Completed text 125496\n", + "Completed text 125497\n", + "Completed text 125498\n", + "Completed text 125499\n", + "Completed text 125500\n", + "Completed text 125501\n", + "Completed text 125502\n", + "Completed text 125503\n", + "Completed text 125504\n", + "Completed text 125505\n", + "Completed text 125506\n", + "Completed text 125507\n", + "Completed text 125508\n", + "Completed text 125509\n", + "Completed text 125510\n", + "Completed text 125511\n", + "Completed text 125512\n", + "Completed text 125513\n", + "Completed text 125514\n", + "Completed text 125515\n", + "Completed text 125516\n", + "Completed text 125517\n", + "Completed text 125518\n", + "Completed text 125519\n", + "Completed text 125520\n", + "Completed text 125521\n", + "Completed text 125522\n", + "Completed text 125523\n", + "Completed text 125524\n", + "Completed text 125525\n", + "Completed text 125526\n", + "Completed text 125527\n", + "Completed text 125528\n", + "Completed text 125529\n", + "Completed text 125530\n", + "Completed text 125531\n", + "Completed text 125532\n", + "Completed text 125533\n", + "Completed text 125534\n", + "Completed text 125535\n", + "Completed text 125536\n", + "Completed text 125537\n", + "Completed text 125538\n", + "Completed text 125539\n", + "Completed text 125540\n", + "Completed text 125541\n", + "Completed text 125542\n", + "Completed text 125543\n", + "Completed text 125544\n", + "Completed text 125545\n", + "Completed text 125546\n", + "Completed text 125547\n", + "Completed text 125548\n", + "Completed text 125549\n", + "Completed text 125550\n", + "Completed text 125551\n", + "Completed text 125552\n", + "Completed text 125553\n", + "Completed text 125554\n", + "Completed text 125555\n", + "Completed text 125556\n", + "Completed text 125557\n", + "Completed text 125558\n", + "Completed text 125559\n", + "Completed text 125560\n", + "Completed text 125561\n", + "Completed text 125562\n", + "Completed text 125563\n", + "Completed text 125564\n", + "Completed text 125565\n", + "Completed text 125566\n", + "Completed text 125567\n", + "Completed text 125568\n", + "Completed text 125569\n", + "Completed text 125570\n", + "Completed text 125571\n", + "Completed text 125572\n", + "Completed text 125573\n", + "Completed text 125574\n", + "Completed text 125575\n", + "Completed text 125576\n", + "Completed text 125577\n", + "Completed text 125578\n", + "Completed text 125579\n", + "Completed text 125580\n", + "Completed text 125581\n", + "Completed text 125582\n", + "Completed text 125583\n", + "Completed text 125584\n", + "Completed text 125585\n", + "Completed text 125586\n", + "Completed text 125587\n", + "Completed text 125588\n", + "Completed text 125589\n", + "Completed text 125590\n", + "Completed text 125591\n", + "Completed text 125592\n", + "Completed text 125593\n", + "Completed text 125594\n", + "Completed text 125595\n", + "Completed text 125596\n", + "Completed text 125597\n", + "Completed text 125598\n", + "Completed text 125599\n", + "Completed text 125600\n", + "Completed text 125601\n", + "Completed text 125602\n", + "Completed text 125603\n", + "Completed text 125604\n", + "Completed text 125605\n", + "Completed text 125606\n", + "Completed text 125607\n", + "Completed text 125608\n", + "Completed text 125609\n", + "Completed text 125610\n", + "Completed text 125611\n", + "Completed text 125612\n", + "Completed text 125613\n", + "Completed text 125614\n", + "Completed text 125615\n", + "Completed text 125616\n", + "Completed text 125617\n", + "Completed text 125618\n", + "Completed text 125619\n", + "Completed text 125620\n", + "Completed text 125621\n", + "Completed text 125622\n", + "Completed text 125623\n", + "Completed text 125624\n", + "Completed text 125625\n", + "Completed text 125626\n", + "Completed text 125627\n", + "Completed text 125628\n", + "Completed text 125629\n", + "Completed text 125630\n", + "Completed text 125631\n", + "Completed text 125632\n", + "Completed text 125633\n", + "Completed text 125634\n", + "Completed text 125635\n", + "Completed text 125636\n", + "Completed text 125637\n", + "Completed text 125638\n", + "Completed text 125639\n", + "Completed text 125640\n", + "Completed text 125641\n", + "Completed text 125642\n", + "Completed text 125643\n", + "Completed text 125644\n", + "Completed text 125645\n", + "Completed text 125646\n", + "Completed text 125647\n", + "Completed text 125648\n", + "Completed text 125649\n", + "Completed text 125650\n", + "Completed text 125651\n", + "Completed text 125652\n", + "Completed text 125653\n", + "Completed text 125654\n", + "Completed text 125655\n", + "Completed text 125656\n", + "Completed text 125657\n", + "Completed text 125658\n", + "Completed text 125659\n", + "Completed text 125660\n", + "Completed text 125661\n", + "Completed text 125662\n", + "Completed text 125663\n", + "Completed text 125664\n", + "Completed text 125665\n", + "Completed text 125666\n", + "Completed text 125667\n", + "Completed text 125668\n", + "Completed text 125669\n", + "Completed text 125670\n", + "Completed text 125671\n", + "Completed text 125672\n", + "Completed text 125673\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 125674\n", + "Completed text 125675\n", + "Completed text 125676\n", + "Completed text 125677\n", + "Completed text 125678\n", + "Completed text 125679\n", + "Completed text 125680\n", + "Completed text 125681\n", + "Completed text 125682\n", + "Completed text 125683\n", + "Completed text 125684\n", + "Completed text 125685\n", + "Completed text 125686\n", + "Completed text 125687\n", + "Completed text 125688\n", + "Completed text 125689\n", + "Completed text 125690\n", + "Completed text 125691\n", + "Completed text 125692\n", + "Completed text 125693\n", + "Completed text 125694\n", + "Completed text 125695\n", + "Completed text 125696\n", + "Completed text 125697\n", + "Completed text 125698\n", + "Completed text 125699\n", + "Completed text 125700\n", + "Completed text 125701\n", + "Completed text 125702\n", + "Completed text 125703\n", + "Completed text 125704\n", + "Completed text 125705\n", + "Completed text 125706\n", + "Completed text 125707\n", + "Completed text 125708\n", + "Completed text 125709\n", + "Completed text 125710\n", + "Completed text 125711\n", + "Completed text 125712\n", + "Completed text 125713\n", + "Completed text 125714\n", + "Completed text 125715\n", + "Completed text 125716\n", + "Completed text 125717\n", + "Completed text 125718\n", + "Completed text 125719\n", + "Completed text 125720\n", + "Completed text 125721\n", + "Completed text 125722\n", + "Completed text 125723\n", + "Completed text 125724\n", + "Completed text 125725\n", + "Completed text 125726\n", + "Completed text 125727\n", + "Completed text 125728\n", + "Completed text 125729\n", + "Completed text 125730\n", + "Completed text 125731\n", + "Completed text 125732\n", + "Completed text 125733\n", + "Completed text 125734\n", + "Completed text 125735\n", + "Completed text 125736\n", + "Completed text 125737\n", + "Completed text 125738\n", + "Completed text 125739\n", + "Completed text 125740\n", + "Completed text 125741\n", + "Completed text 125742\n", + "Completed text 125743\n", + "Completed text 125744\n", + "Completed text 125745\n", + "Completed text 125746\n", + "Completed text 125747\n", + "Completed text 125748\n", + "Completed text 125749\n", + "Completed text 125750\n", + "Completed text 125751\n", + "Completed text 125752\n", + "Completed text 125753\n", + "Completed text 125754\n", + "Completed text 125755\n", + "Completed text 125756\n", + "Completed text 125757\n", + "Completed text 125758\n", + "Completed text 125759\n", + "Completed text 125760\n", + "Completed text 125761\n", + "Completed text 125762\n", + "Completed text 125763\n", + "Completed text 125764\n", + "Completed text 125765\n", + "Completed text 125766\n", + "Completed text 125767\n", + "Completed text 125768\n", + "Completed text 125769\n", + "Completed text 125770\n", + "Completed text 125771\n", + "Completed text 125772\n", + "Completed text 125773\n", + "Completed text 125774\n", + "Completed text 125775\n", + "Completed text 125776\n", + "Completed text 125777\n", + "Completed text 125778\n", + "Completed text 125779\n", + "Completed text 125780\n", + "Completed text 125781\n", + "Completed text 125782\n", + "Completed text 125783\n", + "Completed text 125784\n", + "Completed text 125785\n", + "Completed text 125786\n", + "Completed text 125787\n", + "Completed text 125788\n", + "Completed text 125789\n", + "Completed text 125790\n", + "Completed text 125791\n", + "Completed text 125792\n", + "Completed text 125793\n", + "Completed text 125794\n", + "Completed text 125795\n", + "Completed text 125796\n", + "Completed text 125797\n", + "Completed text 125798\n", + "Completed text 125799\n", + "Completed text 125800\n", + "Completed text 125801\n", + "Completed text 125802\n", + "Completed text 125803\n", + "Completed text 125804\n", + "Completed text 125805\n", + "Completed text 125806\n", + "Completed text 125807\n", + "Completed text 125808\n", + "Completed text 125809\n", + "Completed text 125810\n", + "Completed text 125811\n", + "Completed text 125812\n", + "Completed text 125813\n", + "Completed text 125814\n", + "Completed text 125815\n", + "Completed text 125816\n", + "Completed text 125817\n", + "Completed text 125818\n", + "Completed text 125819\n", + "Completed text 125820\n", + "Completed text 125821\n", + "Completed text 125822\n", + "Completed text 125823\n", + "Completed text 125824\n", + "Completed text 125825\n", + "Completed text 125826\n", + "Completed text 125827\n", + "Completed text 125828\n", + "Completed text 125829\n", + "Completed text 125830\n", + "Completed text 125831\n", + "Completed text 125832\n", + "Completed text 125833\n", + "Completed text 125834\n", + "Completed text 125835\n", + "Completed text 125836\n", + "Completed text 125837\n", + "Completed text 125838\n", + "Completed text 125839\n", + "Completed text 125840\n", + "Completed text 125841\n", + "Completed text 125842\n", + "Completed text 125843\n", + "Completed text 125844\n", + "Completed text 125845\n", + "Completed text 125846\n", + "Completed text 125847\n", + "Completed text 125848\n", + "Completed text 125849\n", + "Completed text 125850\n", + "Completed text 125851\n", + "Completed text 125852\n", + "Completed text 125853\n", + "Completed text 125854\n", + "Completed text 125855\n", + "Completed text 125856\n", + "Completed text 125857\n", + "Completed text 125858\n", + "Completed text 125859\n", + "Completed text 125860\n", + "Completed text 125861\n", + "Completed text 125862\n", + "Completed text 125863\n", + "Completed text 125864\n", + "Completed text 125865\n", + "Completed text 125866\n", + "Completed text 125867\n", + "Completed text 125868\n", + "Completed text 125869\n", + "Completed text 125870\n", + "Completed text 125871\n", + "Completed text 125872\n", + "Completed text 125873\n", + "Completed text 125874\n", + "Completed text 125875\n", + "Completed text 125876\n", + "Completed text 125877\n", + "Completed text 125878\n", + "Completed text 125879\n", + "Completed text 125880\n", + "Completed text 125881\n", + "Completed text 125882\n", + "Completed text 125883\n", + "Completed text 125884\n", + "Completed text 125885\n", + "Completed text 125886\n", + "Completed text 125887\n", + "Completed text 125888\n", + "Completed text 125889\n", + "Completed text 125890\n", + "Completed text 125891\n", + "Completed text 125892\n", + "Completed text 125893\n", + "Completed text 125894\n", + "Completed text 125895\n", + "Completed text 125896\n", + "Completed text 125897\n", + "Completed text 125898\n", + "Completed text 125899\n", + "Completed text 125900\n", + "Completed text 125901\n", + "Completed text 125902\n", + "Completed text 125903\n", + "Completed text 125904\n", + "Completed text 125905\n", + "Completed text 125906\n", + "Completed text 125907\n", + "Completed text 125908\n", + "Completed text 125909\n", + "Completed text 125910\n", + "Completed text 125911\n", + "Completed text 125912\n", + "Completed text 125913\n", + "Completed text 125914\n", + "Completed text 125915\n", + "Completed text 125916\n", + "Completed text 125917\n", + "Completed text 125918\n", + "Completed text 125919\n", + "Completed text 125920\n", + "Completed text 125921\n", + "Completed text 125922\n", + "Completed text 125923\n", + "Completed text 125924\n", + "Completed text 125925\n", + "Completed text 125926\n", + "Completed text 125927\n", + "Completed text 125928\n", + "Completed text 125929\n", + "Completed text 125930\n", + "Completed text 125931\n", + "Completed text 125932\n", + "Completed text 125933\n", + "Completed text 125934\n", + "Completed text 125935\n", + "Completed text 125936\n", + "Completed text 125937\n", + "Completed text 125938\n", + "Completed text 125939\n", + "Completed text 125940\n", + "Completed text 125941\n", + "Completed text 125942\n", + "Completed text 125943\n", + "Completed text 125944\n", + "Completed text 125945\n", + "Completed text 125946\n", + "Completed text 125947\n", + "Completed text 125948\n", + "Completed text 125949\n", + "Completed text 125950\n", + "Completed text 125951\n", + "Completed text 125952\n", + "Completed text 125953\n", + "Completed text 125954\n", + "Completed text 125955\n", + "Completed text 125956\n", + "Completed text 125957\n", + "Completed text 125958\n", + "Completed text 125959\n", + "Completed text 125960\n", + "Completed text 125961\n", + "Completed text 125962\n", + "Completed text 125963\n", + "Completed text 125964\n", + "Completed text 125965\n", + "Completed text 125966\n", + "Completed text 125967\n", + "Completed text 125968\n", + "Completed text 125969\n", + "Completed text 125970\n", + "Completed text 125971\n", + "Completed text 125972\n", + "Completed text 125973\n", + "Completed text 125974\n", + "Completed text 125975\n", + "Completed text 125976\n", + "Completed text 125977\n", + "Completed text 125978\n", + "Completed text 125979\n", + "Completed text 125980\n", + "Completed text 125981\n", + "Completed text 125982\n", + "Completed text 125983\n", + "Completed text 125984\n", + "Completed text 125985\n", + "Completed text 125986\n", + "Completed text 125987\n", + "Completed text 125988\n", + "Completed text 125989\n", + "Completed text 125990\n", + "Completed text 125991\n", + "Completed text 125992\n", + "Completed text 125993\n", + "Completed text 125994\n", + "Completed text 125995\n", + "Completed text 125996\n", + "Completed text 125997\n", + "Completed text 125998\n", + "Completed text 125999\n", + "Completed text 126000\n", + "Completed text 126001\n", + "Completed text 126002\n", + "Completed text 126003\n", + "Completed text 126004\n", + "Completed text 126005\n", + "Completed text 126006\n", + "Completed text 126007\n", + "Completed text 126008\n", + "Completed text 126009\n", + "Completed text 126010\n", + "Completed text 126011\n", + "Completed text 126012\n", + "Completed text 126013\n", + "Completed text 126014\n", + "Completed text 126015\n", + "Completed text 126016\n", + "Completed text 126017\n", + "Completed text 126018\n", + "Completed text 126019\n", + "Completed text 126020\n", + "Completed text 126021\n", + "Completed text 126022\n", + "Completed text 126023\n", + "Completed text 126024\n", + "Completed text 126025\n", + "Completed text 126026\n", + "Completed text 126027\n", + "Completed text 126028\n", + "Completed text 126029\n", + "Completed text 126030\n", + "Completed text 126031\n", + "Completed text 126032\n", + "Completed text 126033\n", + "Completed text 126034\n", + "Completed text 126035\n", + "Completed text 126036\n", + "Completed text 126037\n", + "Completed text 126038\n", + "Completed text 126039\n", + "Completed text 126040\n", + "Completed text 126041\n", + "Completed text 126042\n", + "Completed text 126043\n", + "Completed text 126044\n", + "Completed text 126045\n", + "Completed text 126046\n", + "Completed text 126047\n", + "Completed text 126048\n", + "Completed text 126049\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 126050\n", + "Completed text 126051\n", + "Completed text 126052\n", + "Completed text 126053\n", + "Completed text 126054\n", + "Completed text 126055\n", + "Completed text 126056\n", + "Completed text 126057\n", + "Completed text 126058\n", + "Completed text 126059\n", + "Completed text 126060\n", + "Completed text 126061\n", + "Completed text 126062\n", + "Completed text 126063\n", + "Completed text 126064\n", + "Completed text 126065\n", + "Completed text 126066\n", + "Completed text 126067\n", + "Completed text 126068\n", + "Completed text 126069\n", + "Completed text 126070\n", + "Completed text 126071\n", + "Completed text 126072\n", + "Completed text 126073\n", + "Completed text 126074\n", + "Completed text 126075\n", + "Completed text 126076\n", + "Completed text 126077\n", + "Completed text 126078\n", + "Completed text 126079\n", + "Completed text 126080\n", + "Completed text 126081\n", + "Completed text 126082\n", + "Completed text 126083\n", + "Completed text 126084\n", + "Completed text 126085\n", + "Completed text 126086\n", + "Completed text 126087\n", + "Completed text 126088\n", + "Completed text 126089\n", + "Completed text 126090\n", + "Completed text 126091\n", + "Completed text 126092\n", + "Completed text 126093\n", + "Completed text 126094\n", + "Completed text 126095\n", + "Completed text 126096\n", + "Completed text 126097\n", + "Completed text 126098\n", + "Completed text 126099\n", + "Completed text 126100\n", + "Completed text 126101\n", + "Completed text 126102\n", + "Completed text 126103\n", + "Completed text 126104\n", + "Completed text 126105\n", + "Completed text 126106\n", + "Completed text 126107\n", + "Completed text 126108\n", + "Completed text 126109\n", + "Completed text 126110\n", + "Completed text 126111\n", + "Completed text 126112\n", + "Completed text 126113\n", + "Completed text 126114\n", + "Completed text 126115\n", + "Completed text 126116\n", + "Completed text 126117\n", + "Completed text 126118\n", + "Completed text 126119\n", + "Completed text 126120\n", + "Completed text 126121\n", + "Completed text 126122\n", + "Completed text 126123\n", + "Completed text 126124\n", + "Completed text 126125\n", + "Completed text 126126\n", + "Completed text 126127\n", + "Completed text 126128\n", + "Completed text 126129\n", + "Completed text 126130\n", + "Completed text 126131\n", + "Completed text 126132\n", + "Completed text 126133\n", + "Completed text 126134\n", + "Completed text 126135\n", + "Completed text 126136\n", + "Completed text 126137\n", + "Completed text 126138\n", + "Completed text 126139\n", + "Completed text 126140\n", + "Completed text 126141\n", + "Completed text 126142\n", + "Completed text 126143\n", + "Completed text 126144\n", + "Completed text 126145\n", + "Completed text 126146\n", + "Completed text 126147\n", + "Completed text 126148\n", + "Completed text 126149\n", + "Completed text 126150\n", + "Completed text 126151\n", + "Completed text 126152\n", + "Completed text 126153\n", + "Completed text 126154\n", + "Completed text 126155\n", + "Completed text 126156\n", + "Completed text 126157\n", + "Completed text 126158\n", + "Completed text 126159\n", + "Completed text 126160\n", + "Completed text 126161\n", + "Completed text 126162\n", + "Completed text 126163\n", + "Completed text 126164\n", + "Completed text 126165\n", + "Completed text 126166\n", + "Completed text 126167\n", + "Completed text 126168\n", + "Completed text 126169\n", + "Completed text 126170\n", + "Completed text 126171\n", + "Completed text 126172\n", + "Completed text 126173\n", + "Completed text 126174\n", + "Completed text 126175\n", + "Completed text 126176\n", + "Completed text 126177\n", + "Completed text 126178\n", + "Completed text 126179\n", + "Completed text 126180\n", + "Completed text 126181\n", + "Completed text 126182\n", + "Completed text 126183\n", + "Completed text 126184\n", + "Completed text 126185\n", + "Completed text 126186\n", + "Completed text 126187\n", + "Completed text 126188\n", + "Completed text 126189\n", + "Completed text 126190\n", + "Completed text 126191\n", + "Completed text 126192\n", + "Completed text 126193\n", + "Completed text 126194\n", + "Completed text 126195\n", + "Completed text 126196\n", + "Completed text 126197\n", + "Completed text 126198\n", + "Completed text 126199\n", + "Completed text 126200\n", + "Completed text 126201\n", + "Completed text 126202\n", + "Completed text 126203\n", + "Completed text 126204\n", + "Completed text 126205\n", + "Completed text 126206\n", + "Completed text 126207\n", + "Completed text 126208\n", + "Completed text 126209\n", + "Completed text 126210\n", + "Completed text 126211\n", + "Completed text 126212\n", + "Completed text 126213\n", + "Completed text 126214\n", + "Completed text 126215\n", + "Completed text 126216\n", + "Completed text 126217\n", + "Completed text 126218\n", + "Completed text 126219\n", + "Completed text 126220\n", + "Completed text 126221\n", + "Completed text 126222\n", + "Completed text 126223\n", + "Completed text 126224\n", + "Completed text 126225\n", + "Completed text 126226\n", + "Completed text 126227\n", + "Completed text 126228\n", + "Completed text 126229\n", + "Completed text 126230\n", + "Completed text 126231\n", + "Completed text 126232\n", + "Completed text 126233\n", + "Completed text 126234\n", + "Completed text 126235\n", + "Completed text 126236\n", + "Completed text 126237\n", + "Completed text 126238\n", + "Completed text 126239\n", + "Completed text 126240\n", + "Completed text 126241\n", + "Completed text 126242\n", + "Completed text 126243\n", + "Completed text 126244\n", + "Completed text 126245\n", + "Completed text 126246\n", + "Completed text 126247\n", + "Completed text 126248\n", + "Completed text 126249\n", + "Completed text 126250\n", + "Completed text 126251\n", + "Completed text 126252\n", + "Completed text 126253\n", + "Completed text 126254\n", + "Completed text 126255\n", + "Completed text 126256\n", + "Completed text 126257\n", + "Completed text 126258\n", + "Completed text 126259\n", + "Completed text 126260\n", + "Completed text 126261\n", + "Completed text 126262\n", + "Completed text 126263\n", + "Completed text 126264\n", + "Completed text 126265\n", + "Completed text 126266\n", + "Completed text 126267\n", + "Completed text 126268\n", + "Completed text 126269\n", + "Completed text 126270\n", + "Completed text 126271\n", + "Completed text 126272\n", + "Completed text 126273\n", + "Completed text 126274\n", + "Completed text 126275\n", + "Completed text 126276\n", + "Completed text 126277\n", + "Completed text 126278\n", + "Completed text 126279\n", + "Completed text 126280\n", + "Completed text 126281\n", + "Completed text 126282\n", + "Completed text 126283\n", + "Completed text 126284\n", + "Completed text 126285\n", + "Completed text 126286\n", + "Completed text 126287\n", + "Completed text 126288\n", + "Completed text 126289\n", + "Completed text 126290\n", + "Completed text 126291\n", + "Completed text 126292\n", + "Completed text 126293\n", + "Completed text 126294\n", + "Completed text 126295\n", + "Completed text 126296\n", + "Completed text 126297\n", + "Completed text 126298\n", + "Completed text 126299\n", + "Completed text 126300\n", + "Completed text 126301\n", + "Completed text 126302\n", + "Completed text 126303\n", + "Completed text 126304\n", + "Completed text 126305\n", + "Completed text 126306\n", + "Completed text 126307\n", + "Completed text 126308\n", + "Completed text 126309\n", + "Completed text 126310\n", + "Completed text 126311\n", + "Completed text 126312\n", + "Completed text 126313\n", + "Completed text 126314\n", + "Completed text 126315\n", + "Completed text 126316\n", + "Completed text 126317\n", + "Completed text 126318\n", + "Completed text 126319\n", + "Completed text 126320\n", + "Completed text 126321\n", + "Completed text 126322\n", + "Completed text 126323\n", + "Completed text 126324\n", + "Completed text 126325\n", + "Completed text 126326\n", + "Completed text 126327\n", + "Completed text 126328\n", + "Completed text 126329\n", + "Completed text 126330\n", + "Completed text 126331\n", + "Completed text 126332\n", + "Completed text 126333\n", + "Completed text 126334\n", + "Completed text 126335\n", + "Completed text 126336\n", + "Completed text 126337\n", + "Completed text 126338\n", + "Completed text 126339\n", + "Completed text 126340\n", + "Completed text 126341\n", + "Completed text 126342\n", + "Completed text 126343\n", + "Completed text 126344\n", + "Completed text 126345\n", + "Completed text 126346\n", + "Completed text 126347\n", + "Completed text 126348\n", + "Completed text 126349\n", + "Completed text 126350\n", + "Completed text 126351\n", + "Completed text 126352\n", + "Completed text 126353\n", + "Completed text 126354\n", + "Completed text 126355\n", + "Completed text 126356\n", + "Completed text 126357\n", + "Completed text 126358\n", + "Completed text 126359\n", + "Completed text 126360\n", + "Completed text 126361\n", + "Completed text 126362\n", + "Completed text 126363\n", + "Completed text 126364\n", + "Completed text 126365\n", + "Completed text 126366\n", + "Completed text 126367\n", + "Completed text 126368\n", + "Completed text 126369\n", + "Completed text 126370\n", + "Completed text 126371\n", + "Completed text 126372\n", + "Completed text 126373\n", + "Completed text 126374\n", + "Completed text 126375\n", + "Completed text 126376\n", + "Completed text 126377\n", + "Completed text 126378\n", + "Completed text 126379\n", + "Completed text 126380\n", + "Completed text 126381\n", + "Completed text 126382\n", + "Completed text 126383\n", + "Completed text 126384\n", + "Completed text 126385\n", + "Completed text 126386\n", + "Completed text 126387\n", + "Completed text 126388\n", + "Completed text 126389\n", + "Completed text 126390\n", + "Completed text 126391\n", + "Completed text 126392\n", + "Completed text 126393\n", + "Completed text 126394\n", + "Completed text 126395\n", + "Completed text 126396\n", + "Completed text 126397\n", + "Completed text 126398\n", + "Completed text 126399\n", + "Completed text 126400\n", + "Completed text 126401\n", + "Completed text 126402\n", + "Completed text 126403\n", + "Completed text 126404\n", + "Completed text 126405\n", + "Completed text 126406\n", + "Completed text 126407\n", + "Completed text 126408\n", + "Completed text 126409\n", + "Completed text 126410\n", + "Completed text 126411\n", + "Completed text 126412\n", + "Completed text 126413\n", + "Completed text 126414\n", + "Completed text 126415\n", + "Completed text 126416\n", + "Completed text 126417\n", + "Completed text 126418\n", + "Completed text 126419\n", + "Completed text 126420\n", + "Completed text 126421\n", + "Completed text 126422\n", + "Completed text 126423\n", + "Completed text 126424\n", + "Completed text 126425\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 126426\n", + "Completed text 126427\n", + "Completed text 126428\n", + "Completed text 126429\n", + "Completed text 126430\n", + "Completed text 126431\n", + "Completed text 126432\n", + "Completed text 126433\n", + "Completed text 126434\n", + "Completed text 126435\n", + "Completed text 126436\n", + "Completed text 126437\n", + "Completed text 126438\n", + "Completed text 126439\n", + "Completed text 126440\n", + "Completed text 126441\n", + "Completed text 126442\n", + "Completed text 126443\n", + "Completed text 126444\n", + "Completed text 126445\n", + "Completed text 126446\n", + "Completed text 126447\n", + "Completed text 126448\n", + "Completed text 126449\n", + "Completed text 126450\n", + "Completed text 126451\n", + "Completed text 126452\n", + "Completed text 126453\n", + "Completed text 126454\n", + "Completed text 126455\n", + "Completed text 126456\n", + "Completed text 126457\n", + "Completed text 126458\n", + "Completed text 126459\n", + "Completed text 126460\n", + "Completed text 126461\n", + "Completed text 126462\n", + "Completed text 126463\n", + "Completed text 126464\n", + "Completed text 126465\n", + "Completed text 126466\n", + "Completed text 126467\n", + "Completed text 126468\n", + "Completed text 126469\n", + "Completed text 126470\n", + "Completed text 126471\n", + "Completed text 126472\n", + "Completed text 126473\n", + "Completed text 126474\n", + "Completed text 126475\n", + "Completed text 126476\n", + "Completed text 126477\n", + "Completed text 126478\n", + "Completed text 126479\n", + "Completed text 126480\n", + "Completed text 126481\n", + "Completed text 126482\n", + "Completed text 126483\n", + "Completed text 126484\n", + "Completed text 126485\n", + "Completed text 126486\n", + "Completed text 126487\n", + "Completed text 126488\n", + "Completed text 126489\n", + "Completed text 126490\n", + "Completed text 126491\n", + "Completed text 126492\n", + "Completed text 126493\n", + "Completed text 126494\n", + "Completed text 126495\n", + "Completed text 126496\n", + "Completed text 126497\n", + "Completed text 126498\n", + "Completed text 126499\n", + "Completed text 126500\n", + "Completed text 126501\n", + "Completed text 126502\n", + "Completed text 126503\n", + "Completed text 126504\n", + "Completed text 126505\n", + "Completed text 126506\n", + "Completed text 126507\n", + "Completed text 126508\n", + "Completed text 126509\n", + "Completed text 126510\n", + "Completed text 126511\n", + "Completed text 126512\n", + "Completed text 126513\n", + "Completed text 126514\n", + "Completed text 126515\n", + "Completed text 126516\n", + "Completed text 126517\n", + "Completed text 126518\n", + "Completed text 126519\n", + "Completed text 126520\n", + "Completed text 126521\n", + "Completed text 126522\n", + "Completed text 126523\n", + "Completed text 126524\n", + "Completed text 126525\n", + "Completed text 126526\n", + "Completed text 126527\n", + "Completed text 126528\n", + "Completed text 126529\n", + "Completed text 126530\n", + "Completed text 126531\n", + "Completed text 126532\n", + "Completed text 126533\n", + "Completed text 126534\n", + "Completed text 126535\n", + "Completed text 126536\n", + "Completed text 126537\n", + "Completed text 126538\n", + "Completed text 126539\n", + "Completed text 126540\n", + "Completed text 126541\n", + "Completed text 126542\n", + "Completed text 126543\n", + "Completed text 126544\n", + "Completed text 126545\n", + "Completed text 126546\n", + "Completed text 126547\n", + "Completed text 126548\n", + "Completed text 126549\n", + "Completed text 126550\n", + "Completed text 126551\n", + "Completed text 126552\n", + "Completed text 126553\n", + "Completed text 126554\n", + "Completed text 126555\n", + "Completed text 126556\n", + "Completed text 126557\n", + "Completed text 126558\n", + "Completed text 126559\n", + "Completed text 126560\n", + "Completed text 126561\n", + "Completed text 126562\n", + "Completed text 126563\n", + "Completed text 126564\n", + "Completed text 126565\n", + "Completed text 126566\n", + "Completed text 126567\n", + "Completed text 126568\n", + "Completed text 126569\n", + "Completed text 126570\n", + "Completed text 126571\n", + "Completed text 126572\n", + "Completed text 126573\n", + "Completed text 126574\n", + "Completed text 126575\n", + "Completed text 126576\n", + "Completed text 126577\n", + "Completed text 126578\n", + "Completed text 126579\n", + "Completed text 126580\n", + "Completed text 126581\n", + "Completed text 126582\n", + "Completed text 126583\n", + "Completed text 126584\n", + "Completed text 126585\n", + "Completed text 126586\n", + "Completed text 126587\n", + "Completed text 126588\n", + "Completed text 126589\n", + "Completed text 126590\n", + "Completed text 126591\n", + "Completed text 126592\n", + "Completed text 126593\n", + "Completed text 126594\n", + "Completed text 126595\n", + "Completed text 126596\n", + "Completed text 126597\n", + "Completed text 126598\n", + "Completed text 126599\n", + "Completed text 126600\n", + "Completed text 126601\n", + "Completed text 126602\n", + "Completed text 126603\n", + "Completed text 126604\n", + "Completed text 126605\n", + "Completed text 126606\n", + "Completed text 126607\n", + "Completed text 126608\n", + "Completed text 126609\n", + "Completed text 126610\n", + "Completed text 126611\n", + "Completed text 126612\n", + "Completed text 126613\n", + "Completed text 126614\n", + "Completed text 126615\n", + "Completed text 126616\n", + "Completed text 126617\n", + "Completed text 126618\n", + "Completed text 126619\n", + "Completed text 126620\n", + "Completed text 126621\n", + "Completed text 126622\n", + "Completed text 126623\n", + "Completed text 126624\n", + "Completed text 126625\n", + "Completed text 126626\n", + "Completed text 126627\n", + "Completed text 126628\n", + "Completed text 126629\n", + "Completed text 126630\n", + "Completed text 126631\n", + "Completed text 126632\n", + "Completed text 126633\n", + "Completed text 126634\n", + "Completed text 126635\n", + "Completed text 126636\n", + "Completed text 126637\n", + "Completed text 126638\n", + "Completed text 126639\n", + "Completed text 126640\n", + "Completed text 126641\n", + "Completed text 126642\n", + "Completed text 126643\n", + "Completed text 126644\n", + "Completed text 126645\n", + "Completed text 126646\n", + "Completed text 126647\n", + "Completed text 126648\n", + "Completed text 126649\n", + "Completed text 126650\n", + "Completed text 126651\n", + "Completed text 126652\n", + "Completed text 126653\n", + "Completed text 126654\n", + "Completed text 126655\n", + "Completed text 126656\n", + "Completed text 126657\n", + "Completed text 126658\n", + "Completed text 126659\n", + "Completed text 126660\n", + "Completed text 126661\n", + "Completed text 126662\n", + "Completed text 126663\n", + "Completed text 126664\n", + "Completed text 126665\n", + "Completed text 126666\n", + "Completed text 126667\n", + "Completed text 126668\n", + "Completed text 126669\n", + "Completed text 126670\n", + "Completed text 126671\n", + "Completed text 126672\n", + "Completed text 126673\n", + "Completed text 126674\n", + "Completed text 126675\n", + "Completed text 126676\n", + "Completed text 126677\n", + "Completed text 126678\n", + "Completed text 126679\n", + "Completed text 126680\n", + "Completed text 126681\n", + "Completed text 126682\n", + "Completed text 126683\n", + "Completed text 126684\n", + "Completed text 126685\n", + "Completed text 126686\n", + "Completed text 126687\n", + "Completed text 126688\n", + "Completed text 126689\n", + "Completed text 126690\n", + "Completed text 126691\n", + "Completed text 126692\n", + "Completed text 126693\n", + "Completed text 126694\n", + "Completed text 126695\n", + "Completed text 126696\n", + "Completed text 126697\n", + "Completed text 126698\n", + "Completed text 126699\n", + "Completed text 126700\n", + "Completed text 126701\n", + "Completed text 126702\n", + "Completed text 126703\n", + "Completed text 126704\n", + "Completed text 126705\n", + "Completed text 126706\n", + "Completed text 126707\n", + "Completed text 126708\n", + "Completed text 126709\n", + "Completed text 126710\n", + "Completed text 126711\n", + "Completed text 126712\n", + "Completed text 126713\n", + "Completed text 126714\n", + "Completed text 126715\n", + "Completed text 126716\n", + "Completed text 126717\n", + "Completed text 126718\n", + "Completed text 126719\n", + "Completed text 126720\n", + "Completed text 126721\n", + "Completed text 126722\n", + "Completed text 126723\n", + "Completed text 126724\n", + "Completed text 126725\n", + "Completed text 126726\n", + "Completed text 126727\n", + "Completed text 126728\n", + "Completed text 126729\n", + "Completed text 126730\n", + "Completed text 126731\n", + "Completed text 126732\n", + "Completed text 126733\n", + "Completed text 126734\n", + "Completed text 126735\n", + "Completed text 126736\n", + "Completed text 126737\n", + "Completed text 126738\n", + "Completed text 126739\n", + "Completed text 126740\n", + "Completed text 126741\n", + "Completed text 126742\n", + "Completed text 126743\n", + "Completed text 126744\n", + "Completed text 126745\n", + "Completed text 126746\n", + "Completed text 126747\n", + "Completed text 126748\n", + "Completed text 126749\n", + "Completed text 126750\n", + "Completed text 126751\n", + "Completed text 126752\n", + "Completed text 126753\n", + "Completed text 126754\n", + "Completed text 126755\n", + "Completed text 126756\n", + "Completed text 126757\n", + "Completed text 126758\n", + "Completed text 126759\n", + "Completed text 126760\n", + "Completed text 126761\n", + "Completed text 126762\n", + "Completed text 126763\n", + "Completed text 126764\n", + "Completed text 126765\n", + "Completed text 126766\n", + "Completed text 126767\n", + "Completed text 126768\n", + "Completed text 126769\n", + "Completed text 126770\n", + "Completed text 126771\n", + "Completed text 126772\n", + "Completed text 126773\n", + "Completed text 126774\n", + "Completed text 126775\n", + "Completed text 126776\n", + "Completed text 126777\n", + "Completed text 126778\n", + "Completed text 126779\n", + "Completed text 126780\n", + "Completed text 126781\n", + "Completed text 126782\n", + "Completed text 126783\n", + "Completed text 126784\n", + "Completed text 126785\n", + "Completed text 126786\n", + "Completed text 126787\n", + "Completed text 126788\n", + "Completed text 126789\n", + "Completed text 126790\n", + "Completed text 126791\n", + "Completed text 126792\n", + "Completed text 126793\n", + "Completed text 126794\n", + "Completed text 126795\n", + "Completed text 126796\n", + "Completed text 126797\n", + "Completed text 126798\n", + "Completed text 126799\n", + "Completed text 126800\n", + "Completed text 126801\n", + "Completed text 126802\n", + "Completed text 126803\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 126804\n", + "Completed text 126805\n", + "Completed text 126806\n", + "Completed text 126807\n", + "Completed text 126808\n", + "Completed text 126809\n", + "Completed text 126810\n", + "Completed text 126811\n", + "Completed text 126812\n", + "Completed text 126813\n", + "Completed text 126814\n", + "Completed text 126815\n", + "Completed text 126816\n", + "Completed text 126817\n", + "Completed text 126818\n", + "Completed text 126819\n", + "Completed text 126820\n", + "Completed text 126821\n", + "Completed text 126822\n", + "Completed text 126823\n", + "Completed text 126824\n", + "Completed text 126825\n", + "Completed text 126826\n", + "Completed text 126827\n", + "Completed text 126828\n", + "Completed text 126829\n", + "Completed text 126830\n", + "Completed text 126831\n", + "Completed text 126832\n", + "Completed text 126833\n", + "Completed text 126834\n", + "Completed text 126835\n", + "Completed text 126836\n", + "Completed text 126837\n", + "Completed text 126838\n", + "Completed text 126839\n", + "Completed text 126840\n", + "Completed text 126841\n", + "Completed text 126842\n", + "Completed text 126843\n", + "Completed text 126844\n", + "Completed text 126845\n", + "Completed text 126846\n", + "Completed text 126847\n", + "Completed text 126848\n", + "Completed text 126849\n", + "Completed text 126850\n", + "Completed text 126851\n", + "Completed text 126852\n", + "Completed text 126853\n", + "Completed text 126854\n", + "Completed text 126855\n", + "Completed text 126856\n", + "Completed text 126857\n", + "Completed text 126858\n", + "Completed text 126859\n", + "Completed text 126860\n", + "Completed text 126861\n", + "Completed text 126862\n", + "Completed text 126863\n", + "Completed text 126864\n", + "Completed text 126865\n", + "Completed text 126866\n", + "Completed text 126867\n", + "Completed text 126868\n", + "Completed text 126869\n", + "Completed text 126870\n", + "Completed text 126871\n", + "Completed text 126872\n", + "Completed text 126873\n", + "Completed text 126874\n", + "Completed text 126875\n", + "Completed text 126876\n", + "Completed text 126877\n", + "Completed text 126878\n", + "Completed text 126879\n", + "Completed text 126880\n", + "Completed text 126881\n", + "Completed text 126882\n", + "Completed text 126883\n", + "Completed text 126884\n", + "Completed text 126885\n", + "Completed text 126886\n", + "Completed text 126887\n", + "Completed text 126888\n", + "Completed text 126889\n", + "Completed text 126890\n", + "Completed text 126891\n", + "Completed text 126892\n", + "Completed text 126893\n", + "Completed text 126894\n", + "Completed text 126895\n", + "Completed text 126896\n", + "Completed text 126897\n", + "Completed text 126898\n", + "Completed text 126899\n", + "Completed text 126900\n", + "Completed text 126901\n", + "Completed text 126902\n", + "Completed text 126903\n", + "Completed text 126904\n", + "Completed text 126905\n", + "Completed text 126906\n", + "Completed text 126907\n", + "Completed text 126908\n", + "Completed text 126909\n", + "Completed text 126910\n", + "Completed text 126911\n", + "Completed text 126912\n", + "Completed text 126913\n", + "Completed text 126914\n", + "Completed text 126915\n", + "Completed text 126916\n", + "Completed text 126917\n", + "Completed text 126918\n", + "Completed text 126919\n", + "Completed text 126920\n", + "Completed text 126921\n", + "Completed text 126922\n", + "Completed text 126923\n", + "Completed text 126924\n", + "Completed text 126925\n", + "Completed text 126926\n", + "Completed text 126927\n", + "Completed text 126928\n", + "Completed text 126929\n", + "Completed text 126930\n", + "Completed text 126931\n", + "Completed text 126932\n", + "Completed text 126933\n", + "Completed text 126934\n", + "Completed text 126935\n", + "Completed text 126936\n", + "Completed text 126937\n", + "Completed text 126938\n", + "Completed text 126939\n", + "Completed text 126940\n", + "Completed text 126941\n", + "Completed text 126942\n", + "Completed text 126943\n", + "Completed text 126944\n", + "Completed text 126945\n", + "Completed text 126946\n", + "Completed text 126947\n", + "Completed text 126948\n", + "Completed text 126949\n", + "Completed text 126950\n", + "Completed text 126951\n", + "Completed text 126952\n", + "Completed text 126953\n", + "Completed text 126954\n", + "Completed text 126955\n", + "Completed text 126956\n", + "Completed text 126957\n", + "Completed text 126958\n", + "Completed text 126959\n", + "Completed text 126960\n", + "Completed text 126961\n", + "Completed text 126962\n", + "Completed text 126963\n", + "Completed text 126964\n", + "Completed text 126965\n", + "Completed text 126966\n", + "Completed text 126967\n", + "Completed text 126968\n", + "Completed text 126969\n", + "Completed text 126970\n", + "Completed text 126971\n", + "Completed text 126972\n", + "Completed text 126973\n", + "Completed text 126974\n", + "Completed text 126975\n", + "Completed text 126976\n", + "Completed text 126977\n", + "Completed text 126978\n", + "Completed text 126979\n", + "Completed text 126980\n", + "Completed text 126981\n", + "Completed text 126982\n", + "Completed text 126983\n", + "Completed text 126984\n", + "Completed text 126985\n", + "Completed text 126986\n", + "Completed text 126987\n", + "Completed text 126988\n", + "Completed text 126989\n", + "Completed text 126990\n", + "Completed text 126991\n", + "Completed text 126992\n", + "Completed text 126993\n", + "Completed text 126994\n", + "Completed text 126995\n", + "Completed text 126996\n", + "Completed text 126997\n", + "Completed text 126998\n", + "Completed text 126999\n", + "Completed text 127000\n", + "Completed text 127001\n", + "Completed text 127002\n", + "Completed text 127003\n", + "Completed text 127004\n", + "Completed text 127005\n", + "Completed text 127006\n", + "Completed text 127007\n", + "Completed text 127008\n", + "Completed text 127009\n", + "Completed text 127010\n", + "Completed text 127011\n", + "Completed text 127012\n", + "Completed text 127013\n", + "Completed text 127014\n", + "Completed text 127015\n", + "Completed text 127016\n", + "Completed text 127017\n", + "Completed text 127018\n", + "Completed text 127019\n", + "Completed text 127020\n", + "Completed text 127021\n", + "Completed text 127022\n", + "Completed text 127023\n", + "Completed text 127024\n", + "Completed text 127025\n", + "Completed text 127026\n", + "Completed text 127027\n", + "Completed text 127028\n", + "Completed text 127029\n", + "Completed text 127030\n", + "Completed text 127031\n", + "Completed text 127032\n", + "Completed text 127033\n", + "Completed text 127034\n", + "Completed text 127035\n", + "Completed text 127036\n", + "Completed text 127037\n", + "Completed text 127038\n", + "Completed text 127039\n", + "Completed text 127040\n", + "Completed text 127041\n", + "Completed text 127042\n", + "Completed text 127043\n", + "Completed text 127044\n", + "Completed text 127045\n", + "Completed text 127046\n", + "Completed text 127047\n", + "Completed text 127048\n", + "Completed text 127049\n", + "Completed text 127050\n", + "Completed text 127051\n", + "Completed text 127052\n", + "Completed text 127053\n", + "Completed text 127054\n", + "Completed text 127055\n", + "Completed text 127056\n", + "Completed text 127057\n", + "Completed text 127058\n", + "Completed text 127059\n", + "Completed text 127060\n", + "Completed text 127061\n", + "Completed text 127062\n", + "Completed text 127063\n", + "Completed text 127064\n", + "Completed text 127065\n", + "Completed text 127066\n", + "Completed text 127067\n", + "Completed text 127068\n", + "Completed text 127069\n", + "Completed text 127070\n", + "Completed text 127071\n", + "Completed text 127072\n", + "Completed text 127073\n", + "Completed text 127074\n", + "Completed text 127075\n", + "Completed text 127076\n", + "Completed text 127077\n", + "Completed text 127078\n", + "Completed text 127079\n", + "Completed text 127080\n", + "Completed text 127081\n", + "Completed text 127082\n", + "Completed text 127083\n", + "Completed text 127084\n", + "Completed text 127085\n", + "Completed text 127086\n", + "Completed text 127087\n", + "Completed text 127088\n", + "Completed text 127089\n", + "Completed text 127090\n", + "Completed text 127091\n", + "Completed text 127092\n", + "Completed text 127093\n", + "Completed text 127094\n", + "Completed text 127095\n", + "Completed text 127096\n", + "Completed text 127097\n", + "Completed text 127098\n", + "Completed text 127099\n", + "Completed text 127100\n", + "Completed text 127101\n", + "Completed text 127102\n", + "Completed text 127103\n", + "Completed text 127104\n", + "Completed text 127105\n", + "Completed text 127106\n", + "Completed text 127107\n", + "Completed text 127108\n", + "Completed text 127109\n", + "Completed text 127110\n", + "Completed text 127111\n", + "Completed text 127112\n", + "Completed text 127113\n", + "Completed text 127114\n", + "Completed text 127115\n", + "Completed text 127116\n", + "Completed text 127117\n", + "Completed text 127118\n", + "Completed text 127119\n", + "Completed text 127120\n", + "Completed text 127121\n", + "Completed text 127122\n", + "Completed text 127123\n", + "Completed text 127124\n", + "Completed text 127125\n", + "Completed text 127126\n", + "Completed text 127127\n", + "Completed text 127128\n", + "Completed text 127129\n", + "Completed text 127130\n", + "Completed text 127131\n", + "Completed text 127132\n", + "Completed text 127133\n", + "Completed text 127134\n", + "Completed text 127135\n", + "Completed text 127136\n", + "Completed text 127137\n", + "Completed text 127138\n", + "Completed text 127139\n", + "Completed text 127140\n", + "Completed text 127141\n", + "Completed text 127142\n", + "Completed text 127143\n", + "Completed text 127144\n", + "Completed text 127145\n", + "Completed text 127146\n", + "Completed text 127147\n", + "Completed text 127148\n", + "Completed text 127149\n", + "Completed text 127150\n", + "Completed text 127151\n", + "Completed text 127152\n", + "Completed text 127153\n", + "Completed text 127154\n", + "Completed text 127155\n", + "Completed text 127156\n", + "Completed text 127157\n", + "Completed text 127158\n", + "Completed text 127159\n", + "Completed text 127160\n", + "Completed text 127161\n", + "Completed text 127162\n", + "Completed text 127163\n", + "Completed text 127164\n", + "Completed text 127165\n", + "Completed text 127166\n", + "Completed text 127167\n", + "Completed text 127168\n", + "Completed text 127169\n", + "Completed text 127170\n", + "Completed text 127171\n", + "Completed text 127172\n", + "Completed text 127173\n", + "Completed text 127174\n", + "Completed text 127175\n", + "Completed text 127176\n", + "Completed text 127177\n", + "Completed text 127178\n", + "Completed text 127179\n", + "Completed text 127180\n", + "Completed text 127181\n", + "Completed text 127182\n", + "Completed text 127183\n", + "Completed text 127184\n", + "Completed text 127185\n", + "Completed text 127186\n", + "Completed text 127187\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 127188\n", + "Completed text 127189\n", + "Completed text 127190\n", + "Completed text 127191\n", + "Completed text 127192\n", + "Completed text 127193\n", + "Completed text 127194\n", + "Completed text 127195\n", + "Completed text 127196\n", + "Completed text 127197\n", + "Completed text 127198\n", + "Completed text 127199\n", + "Completed text 127200\n", + "Completed text 127201\n", + "Completed text 127202\n", + "Completed text 127203\n", + "Completed text 127204\n", + "Completed text 127205\n", + "Completed text 127206\n", + "Completed text 127207\n", + "Completed text 127208\n", + "Completed text 127209\n", + "Completed text 127210\n", + "Completed text 127211\n", + "Completed text 127212\n", + "Completed text 127213\n", + "Completed text 127214\n", + "Completed text 127215\n", + "Completed text 127216\n", + "Completed text 127217\n", + "Completed text 127218\n", + "Completed text 127219\n", + "Completed text 127220\n", + "Completed text 127221\n", + "Completed text 127222\n", + "Completed text 127223\n", + "Completed text 127224\n", + "Completed text 127225\n", + "Completed text 127226\n", + "Completed text 127227\n", + "Completed text 127228\n", + "Completed text 127229\n", + "Completed text 127230\n", + "Completed text 127231\n", + "Completed text 127232\n", + "Completed text 127233\n", + "Completed text 127234\n", + "Completed text 127235\n", + "Completed text 127236\n", + "Completed text 127237\n", + "Completed text 127238\n", + "Completed text 127239\n", + "Completed text 127240\n", + "Completed text 127241\n", + "Completed text 127242\n", + "Completed text 127243\n", + "Completed text 127244\n", + "Completed text 127245\n", + "Completed text 127246\n", + "Completed text 127247\n", + "Completed text 127248\n", + "Completed text 127249\n", + "Completed text 127250\n", + "Completed text 127251\n", + "Completed text 127252\n", + "Completed text 127253\n", + "Completed text 127254\n", + "Completed text 127255\n", + "Completed text 127256\n", + "Completed text 127257\n", + "Completed text 127258\n", + "Completed text 127259\n", + "Completed text 127260\n", + "Completed text 127261\n", + "Completed text 127262\n", + "Completed text 127263\n", + "Completed text 127264\n", + "Completed text 127265\n", + "Completed text 127266\n", + "Completed text 127267\n", + "Completed text 127268\n", + "Completed text 127269\n", + "Completed text 127270\n", + "Completed text 127271\n", + "Completed text 127272\n", + "Completed text 127273\n", + "Completed text 127274\n", + "Completed text 127275\n", + "Completed text 127276\n", + "Completed text 127277\n", + "Completed text 127278\n", + "Completed text 127279\n", + "Completed text 127280\n", + "Completed text 127281\n", + "Completed text 127282\n", + "Completed text 127283\n", + "Completed text 127284\n", + "Completed text 127285\n", + "Completed text 127286\n", + "Completed text 127287\n", + "Completed text 127288\n", + "Completed text 127289\n", + "Completed text 127290\n", + "Completed text 127291\n", + "Completed text 127292\n", + "Completed text 127293\n", + "Completed text 127294\n", + "Completed text 127295\n", + "Completed text 127296\n", + "Completed text 127297\n", + "Completed text 127298\n", + "Completed text 127299\n", + "Completed text 127300\n", + "Completed text 127301\n", + "Completed text 127302\n", + "Completed text 127303\n", + "Completed text 127304\n", + "Completed text 127305\n", + "Completed text 127306\n", + "Completed text 127307\n", + "Completed text 127308\n", + "Completed text 127309\n", + "Completed text 127310\n", + "Completed text 127311\n", + "Completed text 127312\n", + "Completed text 127313\n", + "Completed text 127314\n", + "Completed text 127315\n", + "Completed text 127316\n", + "Completed text 127317\n", + "Completed text 127318\n", + "Completed text 127319\n", + "Completed text 127320\n", + "Completed text 127321\n", + "Completed text 127322\n", + "Completed text 127323\n", + "Completed text 127324\n", + "Completed text 127325\n", + "Completed text 127326\n", + "Completed text 127327\n", + "Completed text 127328\n", + "Completed text 127329\n", + "Completed text 127330\n", + "Completed text 127331\n", + "Completed text 127332\n", + "Completed text 127333\n", + "Completed text 127334\n", + "Completed text 127335\n", + "Completed text 127336\n", + "Completed text 127337\n", + "Completed text 127338\n", + "Completed text 127339\n", + "Completed text 127340\n", + "Completed text 127341\n", + "Completed text 127342\n", + "Completed text 127343\n", + "Completed text 127344\n", + "Completed text 127345\n", + "Completed text 127346\n", + "Completed text 127347\n", + "Completed text 127348\n", + "Completed text 127349\n", + "Completed text 127350\n", + "Completed text 127351\n", + "Completed text 127352\n", + "Completed text 127353\n", + "Completed text 127354\n", + "Completed text 127355\n", + "Completed text 127356\n", + "Completed text 127357\n", + "Completed text 127358\n", + "Completed text 127359\n", + "Completed text 127360\n", + "Completed text 127361\n", + "Completed text 127362\n", + "Completed text 127363\n", + "Completed text 127364\n", + "Completed text 127365\n", + "Completed text 127366\n", + "Completed text 127367\n", + "Completed text 127368\n", + "Completed text 127369\n", + "Completed text 127370\n", + "Completed text 127371\n", + "Completed text 127372\n", + "Completed text 127373\n", + "Completed text 127374\n", + "Completed text 127375\n", + "Completed text 127376\n", + "Completed text 127377\n", + "Completed text 127378\n", + "Completed text 127379\n", + "Completed text 127380\n", + "Completed text 127381\n", + "Completed text 127382\n", + "Completed text 127383\n", + "Completed text 127384\n", + "Completed text 127385\n", + "Completed text 127386\n", + "Completed text 127387\n", + "Completed text 127388\n", + "Completed text 127389\n", + "Completed text 127390\n", + "Completed text 127391\n", + "Completed text 127392\n", + "Completed text 127393\n", + "Completed text 127394\n", + "Completed text 127395\n", + "Completed text 127396\n", + "Completed text 127397\n", + "Completed text 127398\n", + "Completed text 127399\n", + "Completed text 127400\n", + "Completed text 127401\n", + "Completed text 127402\n", + "Completed text 127403\n", + "Completed text 127404\n", + "Completed text 127405\n", + "Completed text 127406\n", + "Completed text 127407\n", + "Completed text 127408\n", + "Completed text 127409\n", + "Completed text 127410\n", + "Completed text 127411\n", + "Completed text 127412\n", + "Completed text 127413\n", + "Completed text 127414\n", + "Completed text 127415\n", + "Completed text 127416\n", + "Completed text 127417\n", + "Completed text 127418\n", + "Completed text 127419\n", + "Completed text 127420\n", + "Completed text 127421\n", + "Completed text 127422\n", + "Completed text 127423\n", + "Completed text 127424\n", + "Completed text 127425\n", + "Completed text 127426\n", + "Completed text 127427\n", + "Completed text 127428\n", + "Completed text 127429\n", + "Completed text 127430\n", + "Completed text 127431\n", + "Completed text 127432\n", + "Completed text 127433\n", + "Completed text 127434\n", + "Completed text 127435\n", + "Completed text 127436\n", + "Completed text 127437\n", + "Completed text 127438\n", + "Completed text 127439\n", + "Completed text 127440\n", + "Completed text 127441\n", + "Completed text 127442\n", + "Completed text 127443\n", + "Completed text 127444\n", + "Completed text 127445\n", + "Completed text 127446\n", + "Completed text 127447\n", + "Completed text 127448\n", + "Completed text 127449\n", + "Completed text 127450\n", + "Completed text 127451\n", + "Completed text 127452\n", + "Completed text 127453\n", + "Completed text 127454\n", + "Completed text 127455\n", + "Completed text 127456\n", + "Completed text 127457\n", + "Completed text 127458\n", + "Completed text 127459\n", + "Completed text 127460\n", + "Completed text 127461\n", + "Completed text 127462\n", + "Completed text 127463\n", + "Completed text 127464\n", + "Completed text 127465\n", + "Completed text 127466\n", + "Completed text 127467\n", + "Completed text 127468\n", + "Completed text 127469\n", + "Completed text 127470\n", + "Completed text 127471\n", + "Completed text 127472\n", + "Completed text 127473\n", + "Completed text 127474\n", + "Completed text 127475\n", + "Completed text 127476\n", + "Completed text 127477\n", + "Completed text 127478\n", + "Completed text 127479\n", + "Completed text 127480\n", + "Completed text 127481\n", + "Completed text 127482\n", + "Completed text 127483\n", + "Completed text 127484\n", + "Completed text 127485\n", + "Completed text 127486\n", + "Completed text 127487\n", + "Completed text 127488\n", + "Completed text 127489\n", + "Completed text 127490\n", + "Completed text 127491\n", + "Completed text 127492\n", + "Completed text 127493\n", + "Completed text 127494\n", + "Completed text 127495\n", + "Completed text 127496\n", + "Completed text 127497\n", + "Completed text 127498\n", + "Completed text 127499\n", + "Completed text 127500\n", + "Completed text 127501\n", + "Completed text 127502\n", + "Completed text 127503\n", + "Completed text 127504\n", + "Completed text 127505\n", + "Completed text 127506\n", + "Completed text 127507\n", + "Completed text 127508\n", + "Completed text 127509\n", + "Completed text 127510\n", + "Completed text 127511\n", + "Completed text 127512\n", + "Completed text 127513\n", + "Completed text 127514\n", + "Completed text 127515\n", + "Completed text 127516\n", + "Completed text 127517\n", + "Completed text 127518\n", + "Completed text 127519\n", + "Completed text 127520\n", + "Completed text 127521\n", + "Completed text 127522\n", + "Completed text 127523\n", + "Completed text 127524\n", + "Completed text 127525\n", + "Completed text 127526\n", + "Completed text 127527\n", + "Completed text 127528\n", + "Completed text 127529\n", + "Completed text 127530\n", + "Completed text 127531\n", + "Completed text 127532\n", + "Completed text 127533\n", + "Completed text 127534\n", + "Completed text 127535\n", + "Completed text 127536\n", + "Completed text 127537\n", + "Completed text 127538\n", + "Completed text 127539\n", + "Completed text 127540\n", + "Completed text 127541\n", + "Completed text 127542\n", + "Completed text 127543\n", + "Completed text 127544\n", + "Completed text 127545\n", + "Completed text 127546\n", + "Completed text 127547\n", + "Completed text 127548\n", + "Completed text 127549\n", + "Completed text 127550\n", + "Completed text 127551\n", + "Completed text 127552\n", + "Completed text 127553\n", + "Completed text 127554\n", + "Completed text 127555\n", + "Completed text 127556\n", + "Completed text 127557\n", + "Completed text 127558\n", + "Completed text 127559\n", + "Completed text 127560\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 127561\n", + "Completed text 127562\n", + "Completed text 127563\n", + "Completed text 127564\n", + "Completed text 127565\n", + "Completed text 127566\n", + "Completed text 127567\n", + "Completed text 127568\n", + "Completed text 127569\n", + "Completed text 127570\n", + "Completed text 127571\n", + "Completed text 127572\n", + "Completed text 127573\n", + "Completed text 127574\n", + "Completed text 127575\n", + "Completed text 127576\n", + "Completed text 127577\n", + "Completed text 127578\n", + "Completed text 127579\n", + "Completed text 127580\n", + "Completed text 127581\n", + "Completed text 127582\n", + "Completed text 127583\n", + "Completed text 127584\n", + "Completed text 127585\n", + "Completed text 127586\n", + "Completed text 127587\n", + "Completed text 127588\n", + "Completed text 127589\n", + "Completed text 127590\n", + "Completed text 127591\n", + "Completed text 127592\n", + "Completed text 127593\n", + "Completed text 127594\n", + "Completed text 127595\n", + "Completed text 127596\n", + "Completed text 127597\n", + "Completed text 127598\n", + "Completed text 127599\n", + "Completed text 127600\n", + "Completed text 127601\n", + "Completed text 127602\n", + "Completed text 127603\n", + "Completed text 127604\n", + "Completed text 127605\n", + "Completed text 127606\n", + "Completed text 127607\n", + "Completed text 127608\n", + "Completed text 127609\n", + "Completed text 127610\n", + "Completed text 127611\n", + "Completed text 127612\n", + "Completed text 127613\n", + "Completed text 127614\n", + "Completed text 127615\n", + "Completed text 127616\n", + "Completed text 127617\n", + "Completed text 127618\n", + "Completed text 127619\n", + "Completed text 127620\n", + "Completed text 127621\n", + "Completed text 127622\n", + "Completed text 127623\n", + "Completed text 127624\n", + "Completed text 127625\n", + "Completed text 127626\n", + "Completed text 127627\n", + "Completed text 127628\n", + "Completed text 127629\n", + "Completed text 127630\n", + "Completed text 127631\n", + "Completed text 127632\n", + "Completed text 127633\n", + "Completed text 127634\n", + "Completed text 127635\n", + "Completed text 127636\n", + "Completed text 127637\n", + "Completed text 127638\n", + "Completed text 127639\n", + "Completed text 127640\n", + "Completed text 127641\n", + "Completed text 127642\n", + "Completed text 127643\n", + "Completed text 127644\n", + "Completed text 127645\n", + "Completed text 127646\n", + "Completed text 127647\n", + "Completed text 127648\n", + "Completed text 127649\n", + "Completed text 127650\n", + "Completed text 127651\n", + "Completed text 127652\n", + "Completed text 127653\n", + "Completed text 127654\n", + "Completed text 127655\n", + "Completed text 127656\n", + "Completed text 127657\n", + "Completed text 127658\n", + "Completed text 127659\n", + "Completed text 127660\n", + "Completed text 127661\n", + "Completed text 127662\n", + "Completed text 127663\n", + "Completed text 127664\n", + "Completed text 127665\n", + "Completed text 127666\n", + "Completed text 127667\n", + "Completed text 127668\n", + "Completed text 127669\n", + "Completed text 127670\n", + "Completed text 127671\n", + "Completed text 127672\n", + "Completed text 127673\n", + "Completed text 127674\n", + "Completed text 127675\n", + "Completed text 127676\n", + "Completed text 127677\n", + "Completed text 127678\n", + "Completed text 127679\n", + "Completed text 127680\n", + "Completed text 127681\n", + "Completed text 127682\n", + "Completed text 127683\n", + "Completed text 127684\n", + "Completed text 127685\n", + "Completed text 127686\n", + "Completed text 127687\n", + "Completed text 127688\n", + "Completed text 127689\n", + "Completed text 127690\n", + "Completed text 127691\n", + "Completed text 127692\n", + "Completed text 127693\n", + "Completed text 127694\n", + "Completed text 127695\n", + "Completed text 127696\n", + "Completed text 127697\n", + "Completed text 127698\n", + "Completed text 127699\n", + "Completed text 127700\n", + "Completed text 127701\n", + "Completed text 127702\n", + "Completed text 127703\n", + "Completed text 127704\n", + "Completed text 127705\n", + "Completed text 127706\n", + "Completed text 127707\n", + "Completed text 127708\n", + "Completed text 127709\n", + "Completed text 127710\n", + "Completed text 127711\n", + "Completed text 127712\n", + "Completed text 127713\n", + "Completed text 127714\n", + "Completed text 127715\n", + "Completed text 127716\n", + "Completed text 127717\n", + "Completed text 127718\n", + "Completed text 127719\n", + "Completed text 127720\n", + "Completed text 127721\n", + "Completed text 127722\n", + "Completed text 127723\n", + "Completed text 127724\n", + "Completed text 127725\n", + "Completed text 127726\n", + "Completed text 127727\n", + "Completed text 127728\n", + "Completed text 127729\n", + "Completed text 127730\n", + "Completed text 127731\n", + "Completed text 127732\n", + "Completed text 127733\n", + "Completed text 127734\n", + "Completed text 127735\n", + "Completed text 127736\n", + "Completed text 127737\n", + "Completed text 127738\n", + "Completed text 127739\n", + "Completed text 127740\n", + "Completed text 127741\n", + "Completed text 127742\n", + "Completed text 127743\n", + "Completed text 127744\n", + "Completed text 127745\n", + "Completed text 127746\n", + "Completed text 127747\n", + "Completed text 127748\n", + "Completed text 127749\n", + "Completed text 127750\n", + "Completed text 127751\n", + "Completed text 127752\n", + "Completed text 127753\n", + "Completed text 127754\n", + "Completed text 127755\n", + "Completed text 127756\n", + "Completed text 127757\n", + "Completed text 127758\n", + "Completed text 127759\n", + "Completed text 127760\n", + "Completed text 127761\n", + "Completed text 127762\n", + "Completed text 127763\n", + "Completed text 127764\n", + "Completed text 127765\n", + "Completed text 127766\n", + "Completed text 127767\n", + "Completed text 127768\n", + "Completed text 127769\n", + "Completed text 127770\n", + "Completed text 127771\n", + "Completed text 127772\n", + "Completed text 127773\n", + "Completed text 127774\n", + "Completed text 127775\n", + "Completed text 127776\n", + "Completed text 127777\n", + "Completed text 127778\n", + "Completed text 127779\n", + "Completed text 127780\n", + "Completed text 127781\n", + "Completed text 127782\n", + "Completed text 127783\n", + "Completed text 127784\n", + "Completed text 127785\n", + "Completed text 127786\n", + "Completed text 127787\n", + "Completed text 127788\n", + "Completed text 127789\n", + "Completed text 127790\n", + "Completed text 127791\n", + "Completed text 127792\n", + "Completed text 127793\n", + "Completed text 127794\n", + "Completed text 127795\n", + "Completed text 127796\n", + "Completed text 127797\n", + "Completed text 127798\n", + "Completed text 127799\n", + "Completed text 127800\n", + "Completed text 127801\n", + "Completed text 127802\n", + "Completed text 127803\n", + "Completed text 127804\n", + "Completed text 127805\n", + "Completed text 127806\n", + "Completed text 127807\n", + "Completed text 127808\n", + "Completed text 127809\n", + "Completed text 127810\n", + "Completed text 127811\n", + "Completed text 127812\n", + "Completed text 127813\n", + "Completed text 127814\n", + "Completed text 127815\n", + "Completed text 127816\n", + "Completed text 127817\n", + "Completed text 127818\n", + "Completed text 127819\n", + "Completed text 127820\n", + "Completed text 127821\n", + "Completed text 127822\n", + "Completed text 127823\n", + "Completed text 127824\n", + "Completed text 127825\n", + "Completed text 127826\n", + "Completed text 127827\n", + "Completed text 127828\n", + "Completed text 127829\n", + "Completed text 127830\n", + "Completed text 127831\n", + "Completed text 127832\n", + "Completed text 127833\n", + "Completed text 127834\n", + "Completed text 127835\n", + "Completed text 127836\n", + "Completed text 127837\n", + "Completed text 127838\n", + "Completed text 127839\n", + "Completed text 127840\n", + "Completed text 127841\n", + "Completed text 127842\n", + "Completed text 127843\n", + "Completed text 127844\n", + "Completed text 127845\n", + "Completed text 127846\n", + "Completed text 127847\n", + "Completed text 127848\n", + "Completed text 127849\n", + "Completed text 127850\n", + "Completed text 127851\n", + "Completed text 127852\n", + "Completed text 127853\n", + "Completed text 127854\n", + "Completed text 127855\n", + "Completed text 127856\n", + "Completed text 127857\n", + "Completed text 127858\n", + "Completed text 127859\n", + "Completed text 127860\n", + "Completed text 127861\n", + "Completed text 127862\n", + "Completed text 127863\n", + "Completed text 127864\n", + "Completed text 127865\n", + "Completed text 127866\n", + "Completed text 127867\n", + "Completed text 127868\n", + "Completed text 127869\n", + "Completed text 127870\n", + "Completed text 127871\n", + "Completed text 127872\n", + "Completed text 127873\n", + "Completed text 127874\n", + "Completed text 127875\n", + "Completed text 127876\n", + "Completed text 127877\n", + "Completed text 127878\n", + "Completed text 127879\n", + "Completed text 127880\n", + "Completed text 127881\n", + "Completed text 127882\n", + "Completed text 127883\n", + "Completed text 127884\n", + "Completed text 127885\n", + "Completed text 127886\n", + "Completed text 127887\n", + "Completed text 127888\n", + "Completed text 127889\n", + "Completed text 127890\n", + "Completed text 127891\n", + "Completed text 127892\n", + "Completed text 127893\n", + "Completed text 127894\n", + "Completed text 127895\n", + "Completed text 127896\n", + "Completed text 127897\n", + "Completed text 127898\n", + "Completed text 127899\n", + "Completed text 127900\n", + "Completed text 127901\n", + "Completed text 127902\n", + "Completed text 127903\n", + "Completed text 127904\n", + "Completed text 127905\n", + "Completed text 127906\n", + "Completed text 127907\n", + "Completed text 127908\n", + "Completed text 127909\n", + "Completed text 127910\n", + "Completed text 127911\n", + "Completed text 127912\n", + "Completed text 127913\n", + "Completed text 127914\n", + "Completed text 127915\n", + "Completed text 127916\n", + "Completed text 127917\n", + "Completed text 127918\n", + "Completed text 127919\n", + "Completed text 127920\n", + "Completed text 127921\n", + "Completed text 127922\n", + "Completed text 127923\n", + "Completed text 127924\n", + "Completed text 127925\n", + "Completed text 127926\n", + "Completed text 127927\n", + "Completed text 127928\n", + "Completed text 127929\n", + "Completed text 127930\n", + "Completed text 127931\n", + "Completed text 127932\n", + "Completed text 127933\n", + "Completed text 127934\n", + "Completed text 127935\n", + "Completed text 127936\n", + "Completed text 127937\n", + "Completed text 127938\n", + "Completed text 127939\n", + "Completed text 127940\n", + "Completed text 127941\n", + "Completed text 127942\n", + "Completed text 127943\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 127944\n", + "Completed text 127945\n", + "Completed text 127946\n", + "Completed text 127947\n", + "Completed text 127948\n", + "Completed text 127949\n", + "Completed text 127950\n", + "Completed text 127951\n", + "Completed text 127952\n", + "Completed text 127953\n", + "Completed text 127954\n", + "Completed text 127955\n", + "Completed text 127956\n", + "Completed text 127957\n", + "Completed text 127958\n", + "Completed text 127959\n", + "Completed text 127960\n", + "Completed text 127961\n", + "Completed text 127962\n", + "Completed text 127963\n", + "Completed text 127964\n", + "Completed text 127965\n", + "Completed text 127966\n", + "Completed text 127967\n", + "Completed text 127968\n", + "Completed text 127969\n", + "Completed text 127970\n", + "Completed text 127971\n", + "Completed text 127972\n", + "Completed text 127973\n", + "Completed text 127974\n", + "Completed text 127975\n", + "Completed text 127976\n", + "Completed text 127977\n", + "Completed text 127978\n", + "Completed text 127979\n", + "Completed text 127980\n", + "Completed text 127981\n", + "Completed text 127982\n", + "Completed text 127983\n", + "Completed text 127984\n", + "Completed text 127985\n", + "Completed text 127986\n", + "Completed text 127987\n", + "Completed text 127988\n", + "Completed text 127989\n", + "Completed text 127990\n", + "Completed text 127991\n", + "Completed text 127992\n", + "Completed text 127993\n", + "Completed text 127994\n", + "Completed text 127995\n", + "Completed text 127996\n", + "Completed text 127997\n", + "Completed text 127998\n", + "Completed text 127999\n", + "Completed text 128000\n", + "Completed text 128001\n", + "Completed text 128002\n", + "Completed text 128003\n", + "Completed text 128004\n", + "Completed text 128005\n", + "Completed text 128006\n", + "Completed text 128007\n", + "Completed text 128008\n", + "Completed text 128009\n", + "Completed text 128010\n", + "Completed text 128011\n", + "Completed text 128012\n", + "Completed text 128013\n", + "Completed text 128014\n", + "Completed text 128015\n", + "Completed text 128016\n", + "Completed text 128017\n", + "Completed text 128018\n", + "Completed text 128019\n", + "Completed text 128020\n", + "Completed text 128021\n", + "Completed text 128022\n", + "Completed text 128023\n", + "Completed text 128024\n", + "Completed text 128025\n", + "Completed text 128026\n", + "Completed text 128027\n", + "Completed text 128028\n", + "Completed text 128029\n", + "Completed text 128030\n", + "Completed text 128031\n", + "Completed text 128032\n", + "Completed text 128033\n", + "Completed text 128034\n", + "Completed text 128035\n", + "Completed text 128036\n", + "Completed text 128037\n", + "Completed text 128038\n", + "Completed text 128039\n", + "Completed text 128040\n", + "Completed text 128041\n", + "Completed text 128042\n", + "Completed text 128043\n", + "Completed text 128044\n", + "Completed text 128045\n", + "Completed text 128046\n", + "Completed text 128047\n", + "Completed text 128048\n", + "Completed text 128049\n", + "Completed text 128050\n", + "Completed text 128051\n", + "Completed text 128052\n", + "Completed text 128053\n", + "Completed text 128054\n", + "Completed text 128055\n", + "Completed text 128056\n", + "Completed text 128057\n", + "Completed text 128058\n", + "Completed text 128059\n", + "Completed text 128060\n", + "Completed text 128061\n", + "Completed text 128062\n", + "Completed text 128063\n", + "Completed text 128064\n", + "Completed text 128065\n", + "Completed text 128066\n", + "Completed text 128067\n", + "Completed text 128068\n", + "Completed text 128069\n", + "Completed text 128070\n", + "Completed text 128071\n", + "Completed text 128072\n", + "Completed text 128073\n", + "Completed text 128074\n", + "Completed text 128075\n", + "Completed text 128076\n", + "Completed text 128077\n", + "Completed text 128078\n", + "Completed text 128079\n", + "Completed text 128080\n", + "Completed text 128081\n", + "Completed text 128082\n", + "Completed text 128083\n", + "Completed text 128084\n", + "Completed text 128085\n", + "Completed text 128086\n", + "Completed text 128087\n", + "Completed text 128088\n", + "Completed text 128089\n", + "Completed text 128090\n", + "Completed text 128091\n", + "Completed text 128092\n", + "Completed text 128093\n", + "Completed text 128094\n", + "Completed text 128095\n", + "Completed text 128096\n", + "Completed text 128097\n", + "Completed text 128098\n", + "Completed text 128099\n", + "Completed text 128100\n", + "Completed text 128101\n", + "Completed text 128102\n", + "Completed text 128103\n", + "Completed text 128104\n", + "Completed text 128105\n", + "Completed text 128106\n", + "Completed text 128107\n", + "Completed text 128108\n", + "Completed text 128109\n", + "Completed text 128110\n", + "Completed text 128111\n", + "Completed text 128112\n", + "Completed text 128113\n", + "Completed text 128114\n", + "Completed text 128115\n", + "Completed text 128116\n", + "Completed text 128117\n", + "Completed text 128118\n", + "Completed text 128119\n", + "Completed text 128120\n", + "Completed text 128121\n", + "Completed text 128122\n", + "Completed text 128123\n", + "Completed text 128124\n", + "Completed text 128125\n", + "Completed text 128126\n", + "Completed text 128127\n", + "Completed text 128128\n", + "Completed text 128129\n", + "Completed text 128130\n", + "Completed text 128131\n", + "Completed text 128132\n", + "Completed text 128133\n", + "Completed text 128134\n", + "Completed text 128135\n", + "Completed text 128136\n", + "Completed text 128137\n", + "Completed text 128138\n", + "Completed text 128139\n", + "Completed text 128140\n", + "Completed text 128141\n", + "Completed text 128142\n", + "Completed text 128143\n", + "Completed text 128144\n", + "Completed text 128145\n", + "Completed text 128146\n", + "Completed text 128147\n", + "Completed text 128148\n", + "Completed text 128149\n", + "Completed text 128150\n", + "Completed text 128151\n", + "Completed text 128152\n", + "Completed text 128153\n", + "Completed text 128154\n", + "Completed text 128155\n", + "Completed text 128156\n", + "Completed text 128157\n", + "Completed text 128158\n", + "Completed text 128159\n", + "Completed text 128160\n", + "Completed text 128161\n", + "Completed text 128162\n", + "Completed text 128163\n", + "Completed text 128164\n", + "Completed text 128165\n", + "Completed text 128166\n", + "Completed text 128167\n", + "Completed text 128168\n", + "Completed text 128169\n", + "Completed text 128170\n", + "Completed text 128171\n", + "Completed text 128172\n", + "Completed text 128173\n", + "Completed text 128174\n", + "Completed text 128175\n", + "Completed text 128176\n", + "Completed text 128177\n", + "Completed text 128178\n", + "Completed text 128179\n", + "Completed text 128180\n", + "Completed text 128181\n", + "Completed text 128182\n", + "Completed text 128183\n", + "Completed text 128184\n", + "Completed text 128185\n", + "Completed text 128186\n", + "Completed text 128187\n", + "Completed text 128188\n", + "Completed text 128189\n", + "Completed text 128190\n", + "Completed text 128191\n", + "Completed text 128192\n", + "Completed text 128193\n", + "Completed text 128194\n", + "Completed text 128195\n", + "Completed text 128196\n", + "Completed text 128197\n", + "Completed text 128198\n", + "Completed text 128199\n", + "Completed text 128200\n", + "Completed text 128201\n", + "Completed text 128202\n", + "Completed text 128203\n", + "Completed text 128204\n", + "Completed text 128205\n", + "Completed text 128206\n", + "Completed text 128207\n", + "Completed text 128208\n", + "Completed text 128209\n", + "Completed text 128210\n", + "Completed text 128211\n", + "Completed text 128212\n", + "Completed text 128213\n", + "Completed text 128214\n", + "Completed text 128215\n", + "Completed text 128216\n", + "Completed text 128217\n", + "Completed text 128218\n", + "Completed text 128219\n", + "Completed text 128220\n", + "Completed text 128221\n", + "Completed text 128222\n", + "Completed text 128223\n", + "Completed text 128224\n", + "Completed text 128225\n", + "Completed text 128226\n", + "Completed text 128227\n", + "Completed text 128228\n", + "Completed text 128229\n", + "Completed text 128230\n", + "Completed text 128231\n", + "Completed text 128232\n", + "Completed text 128233\n", + "Completed text 128234\n", + "Completed text 128235\n", + "Completed text 128236\n", + "Completed text 128237\n", + "Completed text 128238\n", + "Completed text 128239\n", + "Completed text 128240\n", + "Completed text 128241\n", + "Completed text 128242\n", + "Completed text 128243\n", + "Completed text 128244\n", + "Completed text 128245\n", + "Completed text 128246\n", + "Completed text 128247\n", + "Completed text 128248\n", + "Completed text 128249\n", + "Completed text 128250\n", + "Completed text 128251\n", + "Completed text 128252\n", + "Completed text 128253\n", + "Completed text 128254\n", + "Completed text 128255\n", + "Completed text 128256\n", + "Completed text 128257\n", + "Completed text 128258\n", + "Completed text 128259\n", + "Completed text 128260\n", + "Completed text 128261\n", + "Completed text 128262\n", + "Completed text 128263\n", + "Completed text 128264\n", + "Completed text 128265\n", + "Completed text 128266\n", + "Completed text 128267\n", + "Completed text 128268\n", + "Completed text 128269\n", + "Completed text 128270\n", + "Completed text 128271\n", + "Completed text 128272\n", + "Completed text 128273\n", + "Completed text 128274\n", + "Completed text 128275\n", + "Completed text 128276\n", + "Completed text 128277\n", + "Completed text 128278\n", + "Completed text 128279\n", + "Completed text 128280\n", + "Completed text 128281\n", + "Completed text 128282\n", + "Completed text 128283\n", + "Completed text 128284\n", + "Completed text 128285\n", + "Completed text 128286\n", + "Completed text 128287\n", + "Completed text 128288\n", + "Completed text 128289\n", + "Completed text 128290\n", + "Completed text 128291\n", + "Completed text 128292\n", + "Completed text 128293\n", + "Completed text 128294\n", + "Completed text 128295\n", + "Completed text 128296\n", + "Completed text 128297\n", + "Completed text 128298\n", + "Completed text 128299\n", + "Completed text 128300\n", + "Completed text 128301\n", + "Completed text 128302\n", + "Completed text 128303\n", + "Completed text 128304\n", + "Completed text 128305\n", + "Completed text 128306\n", + "Completed text 128307\n", + "Completed text 128308\n", + "Completed text 128309\n", + "Completed text 128310\n", + "Completed text 128311\n", + "Completed text 128312\n", + "Completed text 128313\n", + "Completed text 128314\n", + "Completed text 128315\n", + "Completed text 128316\n", + "Completed text 128317\n", + "Completed text 128318\n", + "Completed text 128319\n", + "Completed text 128320\n", + "Completed text 128321\n", + "Completed text 128322\n", + "Completed text 128323\n", + "Completed text 128324\n", + "Completed text 128325\n", + "Completed text 128326\n", + "Completed text 128327\n", + "Completed text 128328\n", + "Completed text 128329\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 128330\n", + "Completed text 128331\n", + "Completed text 128332\n", + "Completed text 128333\n", + "Completed text 128334\n", + "Completed text 128335\n", + "Completed text 128336\n", + "Completed text 128337\n", + "Completed text 128338\n", + "Completed text 128339\n", + "Completed text 128340\n", + "Completed text 128341\n", + "Completed text 128342\n", + "Completed text 128343\n", + "Completed text 128344\n", + "Completed text 128345\n", + "Completed text 128346\n", + "Completed text 128347\n", + "Completed text 128348\n", + "Completed text 128349\n", + "Completed text 128350\n", + "Completed text 128351\n", + "Completed text 128352\n", + "Completed text 128353\n", + "Completed text 128354\n", + "Completed text 128355\n", + "Completed text 128356\n", + "Completed text 128357\n", + "Completed text 128358\n", + "Completed text 128359\n", + "Completed text 128360\n", + "Completed text 128361\n", + "Completed text 128362\n", + "Completed text 128363\n", + "Completed text 128364\n", + "Completed text 128365\n", + "Completed text 128366\n", + "Completed text 128367\n", + "Completed text 128368\n", + "Completed text 128369\n", + "Completed text 128370\n", + "Completed text 128371\n", + "Completed text 128372\n", + "Completed text 128373\n", + "Completed text 128374\n", + "Completed text 128375\n", + "Completed text 128376\n", + "Completed text 128377\n", + "Completed text 128378\n", + "Completed text 128379\n", + "Completed text 128380\n", + "Completed text 128381\n", + "Completed text 128382\n", + "Completed text 128383\n", + "Completed text 128384\n", + "Completed text 128385\n", + "Completed text 128386\n", + "Completed text 128387\n", + "Completed text 128388\n", + "Completed text 128389\n", + "Completed text 128390\n", + "Completed text 128391\n", + "Completed text 128392\n", + "Completed text 128393\n", + "Completed text 128394\n", + "Completed text 128395\n", + "Completed text 128396\n", + "Completed text 128397\n", + "Completed text 128398\n", + "Completed text 128399\n", + "Completed text 128400\n", + "Completed text 128401\n", + "Completed text 128402\n", + "Completed text 128403\n", + "Completed text 128404\n", + "Completed text 128405\n", + "Completed text 128406\n", + "Completed text 128407\n", + "Completed text 128408\n", + "Completed text 128409\n", + "Completed text 128410\n", + "Completed text 128411\n", + "Completed text 128412\n", + "Completed text 128413\n", + "Completed text 128414\n", + "Completed text 128415\n", + "Completed text 128416\n", + "Completed text 128417\n", + "Completed text 128418\n", + "Completed text 128419\n", + "Completed text 128420\n", + "Completed text 128421\n", + "Completed text 128422\n", + "Completed text 128423\n", + "Completed text 128424\n", + "Completed text 128425\n", + "Completed text 128426\n", + "Completed text 128427\n", + "Completed text 128428\n", + "Completed text 128429\n", + "Completed text 128430\n", + "Completed text 128431\n", + "Completed text 128432\n", + "Completed text 128433\n", + "Completed text 128434\n", + "Completed text 128435\n", + "Completed text 128436\n", + "Completed text 128437\n", + "Completed text 128438\n", + "Completed text 128439\n", + "Completed text 128440\n", + "Completed text 128441\n", + "Completed text 128442\n", + "Completed text 128443\n", + "Completed text 128444\n", + "Completed text 128445\n", + "Completed text 128446\n", + "Completed text 128447\n", + "Completed text 128448\n", + "Completed text 128449\n", + "Completed text 128450\n", + "Completed text 128451\n", + "Completed text 128452\n", + "Completed text 128453\n", + "Completed text 128454\n", + "Completed text 128455\n", + "Completed text 128456\n", + "Completed text 128457\n", + "Completed text 128458\n", + "Completed text 128459\n", + "Completed text 128460\n", + "Completed text 128461\n", + "Completed text 128462\n", + "Completed text 128463\n", + "Completed text 128464\n", + "Completed text 128465\n", + "Completed text 128466\n", + "Completed text 128467\n", + "Completed text 128468\n", + "Completed text 128469\n", + "Completed text 128470\n", + "Completed text 128471\n", + "Completed text 128472\n", + "Completed text 128473\n", + "Completed text 128474\n", + "Completed text 128475\n", + "Completed text 128476\n", + "Completed text 128477\n", + "Completed text 128478\n", + "Completed text 128479\n", + "Completed text 128480\n", + "Completed text 128481\n", + "Completed text 128482\n", + "Completed text 128483\n", + "Completed text 128484\n", + "Completed text 128485\n", + "Completed text 128486\n", + "Completed text 128487\n", + "Completed text 128488\n", + "Completed text 128489\n", + "Completed text 128490\n", + "Completed text 128491\n", + "Completed text 128492\n", + "Completed text 128493\n", + "Completed text 128494\n", + "Completed text 128495\n", + "Completed text 128496\n", + "Completed text 128497\n", + "Completed text 128498\n", + "Completed text 128499\n", + "Completed text 128500\n", + "Completed text 128501\n", + "Completed text 128502\n", + "Completed text 128503\n", + "Completed text 128504\n", + "Completed text 128505\n", + "Completed text 128506\n", + "Completed text 128507\n", + "Completed text 128508\n", + "Completed text 128509\n", + "Completed text 128510\n", + "Completed text 128511\n", + "Completed text 128512\n", + "Completed text 128513\n", + "Completed text 128514\n", + "Completed text 128515\n", + "Completed text 128516\n", + "Completed text 128517\n", + "Completed text 128518\n", + "Completed text 128519\n", + "Completed text 128520\n", + "Completed text 128521\n", + "Completed text 128522\n", + "Completed text 128523\n", + "Completed text 128524\n", + "Completed text 128525\n", + "Completed text 128526\n", + "Completed text 128527\n", + "Completed text 128528\n", + "Completed text 128529\n", + "Completed text 128530\n", + "Completed text 128531\n", + "Completed text 128532\n", + "Completed text 128533\n", + "Completed text 128534\n", + "Completed text 128535\n", + "Completed text 128536\n", + "Completed text 128537\n", + "Completed text 128538\n", + "Completed text 128539\n", + "Completed text 128540\n", + "Completed text 128541\n", + "Completed text 128542\n", + "Completed text 128543\n", + "Completed text 128544\n", + "Completed text 128545\n", + "Completed text 128546\n", + "Completed text 128547\n", + "Completed text 128548\n", + "Completed text 128549\n", + "Completed text 128550\n", + "Completed text 128551\n", + "Completed text 128552\n", + "Completed text 128553\n", + "Completed text 128554\n", + "Completed text 128555\n", + "Completed text 128556\n", + "Completed text 128557\n", + "Completed text 128558\n", + "Completed text 128559\n", + "Completed text 128560\n", + "Completed text 128561\n", + "Completed text 128562\n", + "Completed text 128563\n", + "Completed text 128564\n", + "Completed text 128565\n", + "Completed text 128566\n", + "Completed text 128567\n", + "Completed text 128568\n", + "Completed text 128569\n", + "Completed text 128570\n", + "Completed text 128571\n", + "Completed text 128572\n", + "Completed text 128573\n", + "Completed text 128574\n", + "Completed text 128575\n", + "Completed text 128576\n", + "Completed text 128577\n", + "Completed text 128578\n", + "Completed text 128579\n", + "Completed text 128580\n", + "Completed text 128581\n", + "Completed text 128582\n", + "Completed text 128583\n", + "Completed text 128584\n", + "Completed text 128585\n", + "Completed text 128586\n", + "Completed text 128587\n", + "Completed text 128588\n", + "Completed text 128589\n", + "Completed text 128590\n", + "Completed text 128591\n", + "Completed text 128592\n", + "Completed text 128593\n", + "Completed text 128594\n", + "Completed text 128595\n", + "Completed text 128596\n", + "Completed text 128597\n", + "Completed text 128598\n", + "Completed text 128599\n", + "Completed text 128600\n", + "Completed text 128601\n", + "Completed text 128602\n", + "Completed text 128603\n", + "Completed text 128604\n", + "Completed text 128605\n", + "Completed text 128606\n", + "Completed text 128607\n", + "Completed text 128608\n", + "Completed text 128609\n", + "Completed text 128610\n", + "Completed text 128611\n", + "Completed text 128612\n", + "Completed text 128613\n", + "Completed text 128614\n", + "Completed text 128615\n", + "Completed text 128616\n", + "Completed text 128617\n", + "Completed text 128618\n", + "Completed text 128619\n", + "Completed text 128620\n", + "Completed text 128621\n", + "Completed text 128622\n", + "Completed text 128623\n", + "Completed text 128624\n", + "Completed text 128625\n", + "Completed text 128626\n", + "Completed text 128627\n", + "Completed text 128628\n", + "Completed text 128629\n", + "Completed text 128630\n", + "Completed text 128631\n", + "Completed text 128632\n", + "Completed text 128633\n", + "Completed text 128634\n", + "Completed text 128635\n", + "Completed text 128636\n", + "Completed text 128637\n", + "Completed text 128638\n", + "Completed text 128639\n", + "Completed text 128640\n", + "Completed text 128641\n", + "Completed text 128642\n", + "Completed text 128643\n", + "Completed text 128644\n", + "Completed text 128645\n", + "Completed text 128646\n", + "Completed text 128647\n", + "Completed text 128648\n", + "Completed text 128649\n", + "Completed text 128650\n", + "Completed text 128651\n", + "Completed text 128652\n", + "Completed text 128653\n", + "Completed text 128654\n", + "Completed text 128655\n", + "Completed text 128656\n", + "Completed text 128657\n", + "Completed text 128658\n", + "Completed text 128659\n", + "Completed text 128660\n", + "Completed text 128661\n", + "Completed text 128662\n", + "Completed text 128663\n", + "Completed text 128664\n", + "Completed text 128665\n", + "Completed text 128666\n", + "Completed text 128667\n", + "Completed text 128668\n", + "Completed text 128669\n", + "Completed text 128670\n", + "Completed text 128671\n", + "Completed text 128672\n", + "Completed text 128673\n", + "Completed text 128674\n", + "Completed text 128675\n", + "Completed text 128676\n", + "Completed text 128677\n", + "Completed text 128678\n", + "Completed text 128679\n", + "Completed text 128680\n", + "Completed text 128681\n", + "Completed text 128682\n", + "Completed text 128683\n", + "Completed text 128684\n", + "Completed text 128685\n", + "Completed text 128686\n", + "Completed text 128687\n", + "Completed text 128688\n", + "Completed text 128689\n", + "Completed text 128690\n", + "Completed text 128691\n", + "Completed text 128692\n", + "Completed text 128693\n", + "Completed text 128694\n", + "Completed text 128695\n", + "Completed text 128696\n", + "Completed text 128697\n", + "Completed text 128698\n", + "Completed text 128699\n", + "Completed text 128700\n", + "Completed text 128701\n", + "Completed text 128702\n", + "Completed text 128703\n", + "Completed text 128704\n", + "Completed text 128705\n", + "Completed text 128706\n", + "Completed text 128707\n", + "Completed text 128708\n", + "Completed text 128709\n", + "Completed text 128710\n", + "Completed text 128711\n", + "Completed text 128712\n", + "Completed text 128713\n", + "Completed text 128714\n", + "Completed text 128715\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 128716\n", + "Completed text 128717\n", + "Completed text 128718\n", + "Completed text 128719\n", + "Completed text 128720\n", + "Completed text 128721\n", + "Completed text 128722\n", + "Completed text 128723\n", + "Completed text 128724\n", + "Completed text 128725\n", + "Completed text 128726\n", + "Completed text 128727\n", + "Completed text 128728\n", + "Completed text 128729\n", + "Completed text 128730\n", + "Completed text 128731\n", + "Completed text 128732\n", + "Completed text 128733\n", + "Completed text 128734\n", + "Completed text 128735\n", + "Completed text 128736\n", + "Completed text 128737\n", + "Completed text 128738\n", + "Completed text 128739\n", + "Completed text 128740\n", + "Completed text 128741\n", + "Completed text 128742\n", + "Completed text 128743\n", + "Completed text 128744\n", + "Completed text 128745\n", + "Completed text 128746\n", + "Completed text 128747\n", + "Completed text 128748\n", + "Completed text 128749\n", + "Completed text 128750\n", + "Completed text 128751\n", + "Completed text 128752\n", + "Completed text 128753\n", + "Completed text 128754\n", + "Completed text 128755\n", + "Completed text 128756\n", + "Completed text 128757\n", + "Completed text 128758\n", + "Completed text 128759\n", + "Completed text 128760\n", + "Completed text 128761\n", + "Completed text 128762\n", + "Completed text 128763\n", + "Completed text 128764\n", + "Completed text 128765\n", + "Completed text 128766\n", + "Completed text 128767\n", + "Completed text 128768\n", + "Completed text 128769\n", + "Completed text 128770\n", + "Completed text 128771\n", + "Completed text 128772\n", + "Completed text 128773\n", + "Completed text 128774\n", + "Completed text 128775\n", + "Completed text 128776\n", + "Completed text 128777\n", + "Completed text 128778\n", + "Completed text 128779\n", + "Completed text 128780\n", + "Completed text 128781\n", + "Completed text 128782\n", + "Completed text 128783\n", + "Completed text 128784\n", + "Completed text 128785\n", + "Completed text 128786\n", + "Completed text 128787\n", + "Completed text 128788\n", + "Completed text 128789\n", + "Completed text 128790\n", + "Completed text 128791\n", + "Completed text 128792\n", + "Completed text 128793\n", + "Completed text 128794\n", + "Completed text 128795\n", + "Completed text 128796\n", + "Completed text 128797\n", + "Completed text 128798\n", + "Completed text 128799\n", + "Completed text 128800\n", + "Completed text 128801\n", + "Completed text 128802\n", + "Completed text 128803\n", + "Completed text 128804\n", + "Completed text 128805\n", + "Completed text 128806\n", + "Completed text 128807\n", + "Completed text 128808\n", + "Completed text 128809\n", + "Completed text 128810\n", + "Completed text 128811\n", + "Completed text 128812\n", + "Completed text 128813\n", + "Completed text 128814\n", + "Completed text 128815\n", + "Completed text 128816\n", + "Completed text 128817\n", + "Completed text 128818\n", + "Completed text 128819\n", + "Completed text 128820\n", + "Completed text 128821\n", + "Completed text 128822\n", + "Completed text 128823\n", + "Completed text 128824\n", + "Completed text 128825\n", + "Completed text 128826\n", + "Completed text 128827\n", + "Completed text 128828\n", + "Completed text 128829\n", + "Completed text 128830\n", + "Completed text 128831\n", + "Completed text 128832\n", + "Completed text 128833\n", + "Completed text 128834\n", + "Completed text 128835\n", + "Completed text 128836\n", + "Completed text 128837\n", + "Completed text 128838\n", + "Completed text 128839\n", + "Completed text 128840\n", + "Completed text 128841\n", + "Completed text 128842\n", + "Completed text 128843\n", + "Completed text 128844\n", + "Completed text 128845\n", + "Completed text 128846\n", + "Completed text 128847\n", + "Completed text 128848\n", + "Completed text 128849\n", + "Completed text 128850\n", + "Completed text 128851\n", + "Completed text 128852\n", + "Completed text 128853\n", + "Completed text 128854\n", + "Completed text 128855\n", + "Completed text 128856\n", + "Completed text 128857\n", + "Completed text 128858\n", + "Completed text 128859\n", + "Completed text 128860\n", + "Completed text 128861\n", + "Completed text 128862\n", + "Completed text 128863\n", + "Completed text 128864\n", + "Completed text 128865\n", + "Completed text 128866\n", + "Completed text 128867\n", + "Completed text 128868\n", + "Completed text 128869\n", + "Completed text 128870\n", + "Completed text 128871\n", + "Completed text 128872\n", + "Completed text 128873\n", + "Completed text 128874\n", + "Completed text 128875\n", + "Completed text 128876\n", + "Completed text 128877\n", + "Completed text 128878\n", + "Completed text 128879\n", + "Completed text 128880\n", + "Completed text 128881\n", + "Completed text 128882\n", + "Completed text 128883\n", + "Completed text 128884\n", + "Completed text 128885\n", + "Completed text 128886\n", + "Completed text 128887\n", + "Completed text 128888\n", + "Completed text 128889\n", + "Completed text 128890\n", + "Completed text 128891\n", + "Completed text 128892\n", + "Completed text 128893\n", + "Completed text 128894\n", + "Completed text 128895\n", + "Completed text 128896\n", + "Completed text 128897\n", + "Completed text 128898\n", + "Completed text 128899\n", + "Completed text 128900\n", + "Completed text 128901\n", + "Completed text 128902\n", + "Completed text 128903\n", + "Completed text 128904\n", + "Completed text 128905\n", + "Completed text 128906\n", + "Completed text 128907\n", + "Completed text 128908\n", + "Completed text 128909\n", + "Completed text 128910\n", + "Completed text 128911\n", + "Completed text 128912\n", + "Completed text 128913\n", + "Completed text 128914\n", + "Completed text 128915\n", + "Completed text 128916\n", + "Completed text 128917\n", + "Completed text 128918\n", + "Completed text 128919\n", + "Completed text 128920\n", + "Completed text 128921\n", + "Completed text 128922\n", + "Completed text 128923\n", + "Completed text 128924\n", + "Completed text 128925\n", + "Completed text 128926\n", + "Completed text 128927\n", + "Completed text 128928\n", + "Completed text 128929\n", + "Completed text 128930\n", + "Completed text 128931\n", + "Completed text 128932\n", + "Completed text 128933\n", + "Completed text 128934\n", + "Completed text 128935\n", + "Completed text 128936\n", + "Completed text 128937\n", + "Completed text 128938\n", + "Completed text 128939\n", + "Completed text 128940\n", + "Completed text 128941\n", + "Completed text 128942\n", + "Completed text 128943\n", + "Completed text 128944\n", + "Completed text 128945\n", + "Completed text 128946\n", + "Completed text 128947\n", + "Completed text 128948\n", + "Completed text 128949\n", + "Completed text 128950\n", + "Completed text 128951\n", + "Completed text 128952\n", + "Completed text 128953\n", + "Completed text 128954\n", + "Completed text 128955\n", + "Completed text 128956\n", + "Completed text 128957\n", + "Completed text 128958\n", + "Completed text 128959\n", + "Completed text 128960\n", + "Completed text 128961\n", + "Completed text 128962\n", + "Completed text 128963\n", + "Completed text 128964\n", + "Completed text 128965\n", + "Completed text 128966\n", + "Completed text 128967\n", + "Completed text 128968\n", + "Completed text 128969\n", + "Completed text 128970\n", + "Completed text 128971\n", + "Completed text 128972\n", + "Completed text 128973\n", + "Completed text 128974\n", + "Completed text 128975\n", + "Completed text 128976\n", + "Completed text 128977\n", + "Completed text 128978\n", + "Completed text 128979\n", + "Completed text 128980\n", + "Completed text 128981\n", + "Completed text 128982\n", + "Completed text 128983\n", + "Completed text 128984\n", + "Completed text 128985\n", + "Completed text 128986\n", + "Completed text 128987\n", + "Completed text 128988\n", + "Completed text 128989\n", + "Completed text 128990\n", + "Completed text 128991\n", + "Completed text 128992\n", + "Completed text 128993\n", + "Completed text 128994\n", + "Completed text 128995\n", + "Completed text 128996\n", + "Completed text 128997\n", + "Completed text 128998\n", + "Completed text 128999\n", + "Completed text 129000\n", + "Completed text 129001\n", + "Completed text 129002\n", + "Completed text 129003\n", + "Completed text 129004\n", + "Completed text 129005\n", + "Completed text 129006\n", + "Completed text 129007\n", + "Completed text 129008\n", + "Completed text 129009\n", + "Completed text 129010\n", + "Completed text 129011\n", + "Completed text 129012\n", + "Completed text 129013\n", + "Completed text 129014\n", + "Completed text 129015\n", + "Completed text 129016\n", + "Completed text 129017\n", + "Completed text 129018\n", + "Completed text 129019\n", + "Completed text 129020\n", + "Completed text 129021\n", + "Completed text 129022\n", + "Completed text 129023\n", + "Completed text 129024\n", + "Completed text 129025\n", + "Completed text 129026\n", + "Completed text 129027\n", + "Completed text 129028\n", + "Completed text 129029\n", + "Completed text 129030\n", + "Completed text 129031\n", + "Completed text 129032\n", + "Completed text 129033\n", + "Completed text 129034\n", + "Completed text 129035\n", + "Completed text 129036\n", + "Completed text 129037\n", + "Completed text 129038\n", + "Completed text 129039\n", + "Completed text 129040\n", + "Completed text 129041\n", + "Completed text 129042\n", + "Completed text 129043\n", + "Completed text 129044\n", + "Completed text 129045\n", + "Completed text 129046\n", + "Completed text 129047\n", + "Completed text 129048\n", + "Completed text 129049\n", + "Completed text 129050\n", + "Completed text 129051\n", + "Completed text 129052\n", + "Completed text 129053\n", + "Completed text 129054\n", + "Completed text 129055\n", + "Completed text 129056\n", + "Completed text 129057\n", + "Completed text 129058\n", + "Completed text 129059\n", + "Completed text 129060\n", + "Completed text 129061\n", + "Completed text 129062\n", + "Completed text 129063\n", + "Completed text 129064\n", + "Completed text 129065\n", + "Completed text 129066\n", + "Completed text 129067\n", + "Completed text 129068\n", + "Completed text 129069\n", + "Completed text 129070\n", + "Completed text 129071\n", + "Completed text 129072\n", + "Completed text 129073\n", + "Completed text 129074\n", + "Completed text 129075\n", + "Completed text 129076\n", + "Completed text 129077\n", + "Completed text 129078\n", + "Completed text 129079\n", + "Completed text 129080\n", + "Completed text 129081\n", + "Completed text 129082\n", + "Completed text 129083\n", + "Completed text 129084\n", + "Completed text 129085\n", + "Completed text 129086\n", + "Completed text 129087\n", + "Completed text 129088\n", + "Completed text 129089\n", + "Completed text 129090\n", + "Completed text 129091\n", + "Completed text 129092\n", + "Completed text 129093\n", + "Completed text 129094\n", + "Completed text 129095\n", + "Completed text 129096\n", + "Completed text 129097\n", + "Completed text 129098\n", + "Completed text 129099\n", + "Completed text 129100\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 129101\n", + "Completed text 129102\n", + "Completed text 129103\n", + "Completed text 129104\n", + "Completed text 129105\n", + "Completed text 129106\n", + "Completed text 129107\n", + "Completed text 129108\n", + "Completed text 129109\n", + "Completed text 129110\n", + "Completed text 129111\n", + "Completed text 129112\n", + "Completed text 129113\n", + "Completed text 129114\n", + "Completed text 129115\n", + "Completed text 129116\n", + "Completed text 129117\n", + "Completed text 129118\n", + "Completed text 129119\n", + "Completed text 129120\n", + "Completed text 129121\n", + "Completed text 129122\n", + "Completed text 129123\n", + "Completed text 129124\n", + "Completed text 129125\n", + "Completed text 129126\n", + "Completed text 129127\n", + "Completed text 129128\n", + "Completed text 129129\n", + "Completed text 129130\n", + "Completed text 129131\n", + "Completed text 129132\n", + "Completed text 129133\n", + "Completed text 129134\n", + "Completed text 129135\n", + "Completed text 129136\n", + "Completed text 129137\n", + "Completed text 129138\n", + "Completed text 129139\n", + "Completed text 129140\n", + "Completed text 129141\n", + "Completed text 129142\n", + "Completed text 129143\n", + "Completed text 129144\n", + "Completed text 129145\n", + "Completed text 129146\n", + "Completed text 129147\n", + "Completed text 129148\n", + "Completed text 129149\n", + "Completed text 129150\n", + "Completed text 129151\n", + "Completed text 129152\n", + "Completed text 129153\n", + "Completed text 129154\n", + "Completed text 129155\n", + "Completed text 129156\n", + "Completed text 129157\n", + "Completed text 129158\n", + "Completed text 129159\n", + "Completed text 129160\n", + "Completed text 129161\n", + "Completed text 129162\n", + "Completed text 129163\n", + "Completed text 129164\n", + "Completed text 129165\n", + "Completed text 129166\n", + "Completed text 129167\n", + "Completed text 129168\n", + "Completed text 129169\n", + "Completed text 129170\n", + "Completed text 129171\n", + "Completed text 129172\n", + "Completed text 129173\n", + "Completed text 129174\n", + "Completed text 129175\n", + "Completed text 129176\n", + "Completed text 129177\n", + "Completed text 129178\n", + "Completed text 129179\n", + "Completed text 129180\n", + "Completed text 129181\n", + "Completed text 129182\n", + "Completed text 129183\n", + "Completed text 129184\n", + "Completed text 129185\n", + "Completed text 129186\n", + "Completed text 129187\n", + "Completed text 129188\n", + "Completed text 129189\n", + "Completed text 129190\n", + "Completed text 129191\n", + "Completed text 129192\n", + "Completed text 129193\n", + "Completed text 129194\n", + "Completed text 129195\n", + "Completed text 129196\n", + "Completed text 129197\n", + "Completed text 129198\n", + "Completed text 129199\n", + "Completed text 129200\n", + "Completed text 129201\n", + "Completed text 129202\n", + "Completed text 129203\n", + "Completed text 129204\n", + "Completed text 129205\n", + "Completed text 129206\n", + "Completed text 129207\n", + "Completed text 129208\n", + "Completed text 129209\n", + "Completed text 129210\n", + "Completed text 129211\n", + "Completed text 129212\n", + "Completed text 129213\n", + "Completed text 129214\n", + "Completed text 129215\n", + "Completed text 129216\n", + "Completed text 129217\n", + "Completed text 129218\n", + "Completed text 129219\n", + "Completed text 129220\n", + "Completed text 129221\n", + "Completed text 129222\n", + "Completed text 129223\n", + "Completed text 129224\n", + "Completed text 129225\n", + "Completed text 129226\n", + "Completed text 129227\n", + "Completed text 129228\n", + "Completed text 129229\n", + "Completed text 129230\n", + "Completed text 129231\n", + "Completed text 129232\n", + "Completed text 129233\n", + "Completed text 129234\n", + "Completed text 129235\n", + "Completed text 129236\n", + "Completed text 129237\n", + "Completed text 129238\n", + "Completed text 129239\n", + "Completed text 129240\n", + "Completed text 129241\n", + "Completed text 129242\n", + "Completed text 129243\n", + "Completed text 129244\n", + "Completed text 129245\n", + "Completed text 129246\n", + "Completed text 129247\n", + "Completed text 129248\n", + "Completed text 129249\n", + "Completed text 129250\n", + "Completed text 129251\n", + "Completed text 129252\n", + "Completed text 129253\n", + "Completed text 129254\n", + "Completed text 129255\n", + "Completed text 129256\n", + "Completed text 129257\n", + "Completed text 129258\n", + "Completed text 129259\n", + "Completed text 129260\n", + "Completed text 129261\n", + "Completed text 129262\n", + "Completed text 129263\n", + "Completed text 129264\n", + "Completed text 129265\n", + "Completed text 129266\n", + "Completed text 129267\n", + "Completed text 129268\n", + "Completed text 129269\n", + "Completed text 129270\n", + "Completed text 129271\n", + "Completed text 129272\n", + "Completed text 129273\n", + "Completed text 129274\n", + "Completed text 129275\n", + "Completed text 129276\n", + "Completed text 129277\n", + "Completed text 129278\n", + "Completed text 129279\n", + "Completed text 129280\n", + "Completed text 129281\n", + "Completed text 129282\n", + "Completed text 129283\n", + "Completed text 129284\n", + "Completed text 129285\n", + "Completed text 129286\n", + "Completed text 129287\n", + "Completed text 129288\n", + "Completed text 129289\n", + "Completed text 129290\n", + "Completed text 129291\n", + "Completed text 129292\n", + "Completed text 129293\n", + "Completed text 129294\n", + "Completed text 129295\n", + "Completed text 129296\n", + "Completed text 129297\n", + "Completed text 129298\n", + "Completed text 129299\n", + "Completed text 129300\n", + "Completed text 129301\n", + "Completed text 129302\n", + "Completed text 129303\n", + "Completed text 129304\n", + "Completed text 129305\n", + "Completed text 129306\n", + "Completed text 129307\n", + "Completed text 129308\n", + "Completed text 129309\n", + "Completed text 129310\n", + "Completed text 129311\n", + "Completed text 129312\n", + "Completed text 129313\n", + "Completed text 129314\n", + "Completed text 129315\n", + "Completed text 129316\n", + "Completed text 129317\n", + "Completed text 129318\n", + "Completed text 129319\n", + "Completed text 129320\n", + "Completed text 129321\n", + "Completed text 129322\n", + "Completed text 129323\n", + "Completed text 129324\n", + "Completed text 129325\n", + "Completed text 129326\n", + "Completed text 129327\n", + "Completed text 129328\n", + "Completed text 129329\n", + "Completed text 129330\n", + "Completed text 129331\n", + "Completed text 129332\n", + "Completed text 129333\n", + "Completed text 129334\n", + "Completed text 129335\n", + "Completed text 129336\n", + "Completed text 129337\n", + "Completed text 129338\n", + "Completed text 129339\n", + "Completed text 129340\n", + "Completed text 129341\n", + "Completed text 129342\n", + "Completed text 129343\n", + "Completed text 129344\n", + "Completed text 129345\n", + "Completed text 129346\n", + "Completed text 129347\n", + "Completed text 129348\n", + "Completed text 129349\n", + "Completed text 129350\n", + "Completed text 129351\n", + "Completed text 129352\n", + "Completed text 129353\n", + "Completed text 129354\n", + "Completed text 129355\n", + "Completed text 129356\n", + "Completed text 129357\n", + "Completed text 129358\n", + "Completed text 129359\n", + "Completed text 129360\n", + "Completed text 129361\n", + "Completed text 129362\n", + "Completed text 129363\n", + "Completed text 129364\n", + "Completed text 129365\n", + "Completed text 129366\n", + "Completed text 129367\n", + "Completed text 129368\n", + "Completed text 129369\n", + "Completed text 129370\n", + "Completed text 129371\n", + "Completed text 129372\n", + "Completed text 129373\n", + "Completed text 129374\n", + "Completed text 129375\n", + "Completed text 129376\n", + "Completed text 129377\n", + "Completed text 129378\n", + "Completed text 129379\n", + "Completed text 129380\n", + "Completed text 129381\n", + "Completed text 129382\n", + "Completed text 129383\n", + "Completed text 129384\n", + "Completed text 129385\n", + "Completed text 129386\n", + "Completed text 129387\n", + "Completed text 129388\n", + "Completed text 129389\n", + "Completed text 129390\n", + "Completed text 129391\n", + "Completed text 129392\n", + "Completed text 129393\n", + "Completed text 129394\n", + "Completed text 129395\n", + "Completed text 129396\n", + "Completed text 129397\n", + "Completed text 129398\n", + "Completed text 129399\n", + "Completed text 129400\n", + "Completed text 129401\n", + "Completed text 129402\n", + "Completed text 129403\n", + "Completed text 129404\n", + "Completed text 129405\n", + "Completed text 129406\n", + "Completed text 129407\n", + "Completed text 129408\n", + "Completed text 129409\n", + "Completed text 129410\n", + "Completed text 129411\n", + "Completed text 129412\n", + "Completed text 129413\n", + "Completed text 129414\n", + "Completed text 129415\n", + "Completed text 129416\n", + "Completed text 129417\n", + "Completed text 129418\n", + "Completed text 129419\n", + "Completed text 129420\n", + "Completed text 129421\n", + "Completed text 129422\n", + "Completed text 129423\n", + "Completed text 129424\n", + "Completed text 129425\n", + "Completed text 129426\n", + "Completed text 129427\n", + "Completed text 129428\n", + "Completed text 129429\n", + "Completed text 129430\n", + "Completed text 129431\n", + "Completed text 129432\n", + "Completed text 129433\n", + "Completed text 129434\n", + "Completed text 129435\n", + "Completed text 129436\n", + "Completed text 129437\n", + "Completed text 129438\n", + "Completed text 129439\n", + "Completed text 129440\n", + "Completed text 129441\n", + "Completed text 129442\n", + "Completed text 129443\n", + "Completed text 129444\n", + "Completed text 129445\n", + "Completed text 129446\n", + "Completed text 129447\n", + "Completed text 129448\n", + "Completed text 129449\n", + "Completed text 129450\n", + "Completed text 129451\n", + "Completed text 129452\n", + "Completed text 129453\n", + "Completed text 129454\n", + "Completed text 129455\n", + "Completed text 129456\n", + "Completed text 129457\n", + "Completed text 129458\n", + "Completed text 129459\n", + "Completed text 129460\n", + "Completed text 129461\n", + "Completed text 129462\n", + "Completed text 129463\n", + "Completed text 129464\n", + "Completed text 129465\n", + "Completed text 129466\n", + "Completed text 129467\n", + "Completed text 129468\n", + "Completed text 129469\n", + "Completed text 129470\n", + "Completed text 129471\n", + "Completed text 129472\n", + "Completed text 129473\n", + "Completed text 129474\n", + "Completed text 129475\n", + "Completed text 129476\n", + "Completed text 129477\n", + "Completed text 129478\n", + "Completed text 129479\n", + "Completed text 129480\n", + "Completed text 129481\n", + "Completed text 129482\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 129483\n", + "Completed text 129484\n", + "Completed text 129485\n", + "Completed text 129486\n", + "Completed text 129487\n", + "Completed text 129488\n", + "Completed text 129489\n", + "Completed text 129490\n", + "Completed text 129491\n", + "Completed text 129492\n", + "Completed text 129493\n", + "Completed text 129494\n", + "Completed text 129495\n", + "Completed text 129496\n", + "Completed text 129497\n", + "Completed text 129498\n", + "Completed text 129499\n", + "Completed text 129500\n", + "Completed text 129501\n", + "Completed text 129502\n", + "Completed text 129503\n", + "Completed text 129504\n", + "Completed text 129505\n", + "Completed text 129506\n", + "Completed text 129507\n", + "Completed text 129508\n", + "Completed text 129509\n", + "Completed text 129510\n", + "Completed text 129511\n", + "Completed text 129512\n", + "Completed text 129513\n", + "Completed text 129514\n", + "Completed text 129515\n", + "Completed text 129516\n", + "Completed text 129517\n", + "Completed text 129518\n", + "Completed text 129519\n", + "Completed text 129520\n", + "Completed text 129521\n", + "Completed text 129522\n", + "Completed text 129523\n", + "Completed text 129524\n", + "Completed text 129525\n", + "Completed text 129526\n", + "Completed text 129527\n", + "Completed text 129528\n", + "Completed text 129529\n", + "Completed text 129530\n", + "Completed text 129531\n", + "Completed text 129532\n", + "Completed text 129533\n", + "Completed text 129534\n", + "Completed text 129535\n", + "Completed text 129536\n", + "Completed text 129537\n", + "Completed text 129538\n", + "Completed text 129539\n", + "Completed text 129540\n", + "Completed text 129541\n", + "Completed text 129542\n", + "Completed text 129543\n", + "Completed text 129544\n", + "Completed text 129545\n", + "Completed text 129546\n", + "Completed text 129547\n", + "Completed text 129548\n", + "Completed text 129549\n", + "Completed text 129550\n", + "Completed text 129551\n", + "Completed text 129552\n", + "Completed text 129553\n", + "Completed text 129554\n", + "Completed text 129555\n", + "Completed text 129556\n", + "Completed text 129557\n", + "Completed text 129558\n", + "Completed text 129559\n", + "Completed text 129560\n", + "Completed text 129561\n", + "Completed text 129562\n", + "Completed text 129563\n", + "Completed text 129564\n", + "Completed text 129565\n", + "Completed text 129566\n", + "Completed text 129567\n", + "Completed text 129568\n", + "Completed text 129569\n", + "Completed text 129570\n", + "Completed text 129571\n", + "Completed text 129572\n", + "Completed text 129573\n", + "Completed text 129574\n", + "Completed text 129575\n", + "Completed text 129576\n", + "Completed text 129577\n", + "Completed text 129578\n", + "Completed text 129579\n", + "Completed text 129580\n", + "Completed text 129581\n", + "Completed text 129582\n", + "Completed text 129583\n", + "Completed text 129584\n", + "Completed text 129585\n", + "Completed text 129586\n", + "Completed text 129587\n", + "Completed text 129588\n", + "Completed text 129589\n", + "Completed text 129590\n", + "Completed text 129591\n", + "Completed text 129592\n", + "Completed text 129593\n", + "Completed text 129594\n", + "Completed text 129595\n", + "Completed text 129596\n", + "Completed text 129597\n", + "Completed text 129598\n", + "Completed text 129599\n", + "Completed text 129600\n", + "Completed text 129601\n", + "Completed text 129602\n", + "Completed text 129603\n", + "Completed text 129604\n", + "Completed text 129605\n", + "Completed text 129606\n", + "Completed text 129607\n", + "Completed text 129608\n", + "Completed text 129609\n", + "Completed text 129610\n", + "Completed text 129611\n", + "Completed text 129612\n", + "Completed text 129613\n", + "Completed text 129614\n", + "Completed text 129615\n", + "Completed text 129616\n", + "Completed text 129617\n", + "Completed text 129618\n", + "Completed text 129619\n", + "Completed text 129620\n", + "Completed text 129621\n", + "Completed text 129622\n", + "Completed text 129623\n", + "Completed text 129624\n", + "Completed text 129625\n", + "Completed text 129626\n", + "Completed text 129627\n", + "Completed text 129628\n", + "Completed text 129629\n", + "Completed text 129630\n", + "Completed text 129631\n", + "Completed text 129632\n", + "Completed text 129633\n", + "Completed text 129634\n", + "Completed text 129635\n", + "Completed text 129636\n", + "Completed text 129637\n", + "Completed text 129638\n", + "Completed text 129639\n", + "Completed text 129640\n", + "Completed text 129641\n", + "Completed text 129642\n", + "Completed text 129643\n", + "Completed text 129644\n", + "Completed text 129645\n", + "Completed text 129646\n", + "Completed text 129647\n", + "Completed text 129648\n", + "Completed text 129649\n", + "Completed text 129650\n", + "Completed text 129651\n", + "Completed text 129652\n", + "Completed text 129653\n", + "Completed text 129654\n", + "Completed text 129655\n", + "Completed text 129656\n", + "Completed text 129657\n", + "Completed text 129658\n", + "Completed text 129659\n", + "Completed text 129660\n", + "Completed text 129661\n", + "Completed text 129662\n", + "Completed text 129663\n", + "Completed text 129664\n", + "Completed text 129665\n", + "Completed text 129666\n", + "Completed text 129667\n", + "Completed text 129668\n", + "Completed text 129669\n", + "Completed text 129670\n", + "Completed text 129671\n", + "Completed text 129672\n", + "Completed text 129673\n", + "Completed text 129674\n", + "Completed text 129675\n", + "Completed text 129676\n", + "Completed text 129677\n", + "Completed text 129678\n", + "Completed text 129679\n", + "Completed text 129680\n", + "Completed text 129681\n", + "Completed text 129682\n", + "Completed text 129683\n", + "Completed text 129684\n", + "Completed text 129685\n", + "Completed text 129686\n", + "Completed text 129687\n", + "Completed text 129688\n", + "Completed text 129689\n", + "Completed text 129690\n", + "Completed text 129691\n", + "Completed text 129692\n", + "Completed text 129693\n", + "Completed text 129694\n", + "Completed text 129695\n", + "Completed text 129696\n", + "Completed text 129697\n", + "Completed text 129698\n", + "Completed text 129699\n", + "Completed text 129700\n", + "Completed text 129701\n", + "Completed text 129702\n", + "Completed text 129703\n", + "Completed text 129704\n", + "Completed text 129705\n", + "Completed text 129706\n", + "Completed text 129707\n", + "Completed text 129708\n", + "Completed text 129709\n", + "Completed text 129710\n", + "Completed text 129711\n", + "Completed text 129712\n", + "Completed text 129713\n", + "Completed text 129714\n", + "Completed text 129715\n", + "Completed text 129716\n", + "Completed text 129717\n", + "Completed text 129718\n", + "Completed text 129719\n", + "Completed text 129720\n", + "Completed text 129721\n", + "Completed text 129722\n", + "Completed text 129723\n", + "Completed text 129724\n", + "Completed text 129725\n", + "Completed text 129726\n", + "Completed text 129727\n", + "Completed text 129728\n", + "Completed text 129729\n", + "Completed text 129730\n", + "Completed text 129731\n", + "Completed text 129732\n", + "Completed text 129733\n", + "Completed text 129734\n", + "Completed text 129735\n", + "Completed text 129736\n", + "Completed text 129737\n", + "Completed text 129738\n", + "Completed text 129739\n", + "Completed text 129740\n", + "Completed text 129741\n", + "Completed text 129742\n", + "Completed text 129743\n", + "Completed text 129744\n", + "Completed text 129745\n", + "Completed text 129746\n", + "Completed text 129747\n", + "Completed text 129748\n", + "Completed text 129749\n", + "Completed text 129750\n", + "Completed text 129751\n", + "Completed text 129752\n", + "Completed text 129753\n", + "Completed text 129754\n", + "Completed text 129755\n", + "Completed text 129756\n", + "Completed text 129757\n", + "Completed text 129758\n", + "Completed text 129759\n", + "Completed text 129760\n", + "Completed text 129761\n", + "Completed text 129762\n", + "Completed text 129763\n", + "Completed text 129764\n", + "Completed text 129765\n", + "Completed text 129766\n", + "Completed text 129767\n", + "Completed text 129768\n", + "Completed text 129769\n", + "Completed text 129770\n", + "Completed text 129771\n", + "Completed text 129772\n", + "Completed text 129773\n", + "Completed text 129774\n", + "Completed text 129775\n", + "Completed text 129776\n", + "Completed text 129777\n", + "Completed text 129778\n", + "Completed text 129779\n", + "Completed text 129780\n", + "Completed text 129781\n", + "Completed text 129782\n", + "Completed text 129783\n", + "Completed text 129784\n", + "Completed text 129785\n", + "Completed text 129786\n", + "Completed text 129787\n", + "Completed text 129788\n", + "Completed text 129789\n", + "Completed text 129790\n", + "Completed text 129791\n", + "Completed text 129792\n", + "Completed text 129793\n", + "Completed text 129794\n", + "Completed text 129795\n", + "Completed text 129796\n", + "Completed text 129797\n", + "Completed text 129798\n", + "Completed text 129799\n", + "Completed text 129800\n", + "Completed text 129801\n", + "Completed text 129802\n", + "Completed text 129803\n", + "Completed text 129804\n", + "Completed text 129805\n", + "Completed text 129806\n", + "Completed text 129807\n", + "Completed text 129808\n", + "Completed text 129809\n", + "Completed text 129810\n", + "Completed text 129811\n", + "Completed text 129812\n", + "Completed text 129813\n", + "Completed text 129814\n", + "Completed text 129815\n", + "Completed text 129816\n", + "Completed text 129817\n", + "Completed text 129818\n", + "Completed text 129819\n", + "Completed text 129820\n", + "Completed text 129821\n", + "Completed text 129822\n", + "Completed text 129823\n", + "Completed text 129824\n", + "Completed text 129825\n", + "Completed text 129826\n", + "Completed text 129827\n", + "Completed text 129828\n", + "Completed text 129829\n", + "Completed text 129830\n", + "Completed text 129831\n", + "Completed text 129832\n", + "Completed text 129833\n", + "Completed text 129834\n", + "Completed text 129835\n", + "Completed text 129836\n", + "Completed text 129837\n", + "Completed text 129838\n", + "Completed text 129839\n", + "Completed text 129840\n", + "Completed text 129841\n", + "Completed text 129842\n", + "Completed text 129843\n", + "Completed text 129844\n", + "Completed text 129845\n", + "Completed text 129846\n", + "Completed text 129847\n", + "Completed text 129848\n", + "Completed text 129849\n", + "Completed text 129850\n", + "Completed text 129851\n", + "Completed text 129852\n", + "Completed text 129853\n", + "Completed text 129854\n", + "Completed text 129855\n", + "Completed text 129856\n", + "Completed text 129857\n", + "Completed text 129858\n", + "Completed text 129859\n", + "Completed text 129860\n", + "Completed text 129861\n", + "Completed text 129862\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 129863\n", + "Completed text 129864\n", + "Completed text 129865\n", + "Completed text 129866\n", + "Completed text 129867\n", + "Completed text 129868\n", + "Completed text 129869\n", + "Completed text 129870\n", + "Completed text 129871\n", + "Completed text 129872\n", + "Completed text 129873\n", + "Completed text 129874\n", + "Completed text 129875\n", + "Completed text 129876\n", + "Completed text 129877\n", + "Completed text 129878\n", + "Completed text 129879\n", + "Completed text 129880\n", + "Completed text 129881\n", + "Completed text 129882\n", + "Completed text 129883\n", + "Completed text 129884\n", + "Completed text 129885\n", + "Completed text 129886\n", + "Completed text 129887\n", + "Completed text 129888\n", + "Completed text 129889\n", + "Completed text 129890\n", + "Completed text 129891\n", + "Completed text 129892\n", + "Completed text 129893\n", + "Completed text 129894\n", + "Completed text 129895\n", + "Completed text 129896\n", + "Completed text 129897\n", + "Completed text 129898\n", + "Completed text 129899\n", + "Completed text 129900\n", + "Completed text 129901\n", + "Completed text 129902\n", + "Completed text 129903\n", + "Completed text 129904\n", + "Completed text 129905\n", + "Completed text 129906\n", + "Completed text 129907\n", + "Completed text 129908\n", + "Completed text 129909\n", + "Completed text 129910\n", + "Completed text 129911\n", + "Completed text 129912\n", + "Completed text 129913\n", + "Completed text 129914\n", + "Completed text 129915\n", + "Completed text 129916\n", + "Completed text 129917\n", + "Completed text 129918\n", + "Completed text 129919\n", + "Completed text 129920\n", + "Completed text 129921\n", + "Completed text 129922\n", + "Completed text 129923\n", + "Completed text 129924\n", + "Completed text 129925\n", + "Completed text 129926\n", + "Completed text 129927\n", + "Completed text 129928\n", + "Completed text 129929\n", + "Completed text 129930\n", + "Completed text 129931\n", + "Completed text 129932\n", + "Completed text 129933\n", + "Completed text 129934\n", + "Completed text 129935\n", + "Completed text 129936\n", + "Completed text 129937\n", + "Completed text 129938\n", + "Completed text 129939\n", + "Completed text 129940\n", + "Completed text 129941\n", + "Completed text 129942\n", + "Completed text 129943\n", + "Completed text 129944\n", + "Completed text 129945\n", + "Completed text 129946\n", + "Completed text 129947\n", + "Completed text 129948\n", + "Completed text 129949\n", + "Completed text 129950\n", + "Completed text 129951\n", + "Completed text 129952\n", + "Completed text 129953\n", + "Completed text 129954\n", + "Completed text 129955\n", + "Completed text 129956\n", + "Completed text 129957\n", + "Completed text 129958\n", + "Completed text 129959\n", + "Completed text 129960\n", + "Completed text 129961\n", + "Completed text 129962\n", + "Completed text 129963\n", + "Completed text 129964\n", + "Completed text 129965\n", + "Completed text 129966\n", + "Completed text 129967\n", + "Completed text 129968\n", + "Completed text 129969\n", + "Completed text 129970\n", + "Completed text 129971\n", + "Completed text 129972\n", + "Completed text 129973\n", + "Completed text 129974\n", + "Completed text 129975\n", + "Completed text 129976\n", + "Completed text 129977\n", + "Completed text 129978\n", + "Completed text 129979\n", + "Completed text 129980\n", + "Completed text 129981\n", + "Completed text 129982\n", + "Completed text 129983\n", + "Completed text 129984\n", + "Completed text 129985\n", + "Completed text 129986\n", + "Completed text 129987\n", + "Completed text 129988\n", + "Completed text 129989\n", + "Completed text 129990\n", + "Completed text 129991\n", + "Completed text 129992\n", + "Completed text 129993\n", + "Completed text 129994\n", + "Completed text 129995\n", + "Completed text 129996\n", + "Completed text 129997\n", + "Completed text 129998\n", + "Completed text 129999\n", + "Completed text 130000\n", + "Completed text 130001\n", + "Completed text 130002\n", + "Completed text 130003\n", + "Completed text 130004\n", + "Completed text 130005\n", + "Completed text 130006\n", + "Completed text 130007\n", + "Completed text 130008\n", + "Completed text 130009\n", + "Completed text 130010\n", + "Completed text 130011\n", + "Completed text 130012\n", + "Completed text 130013\n", + "Completed text 130014\n", + "Completed text 130015\n", + "Completed text 130016\n", + "Completed text 130017\n", + "Completed text 130018\n", + "Completed text 130019\n", + "Completed text 130020\n", + "Completed text 130021\n", + "Completed text 130022\n", + "Completed text 130023\n", + "Completed text 130024\n", + "Completed text 130025\n", + "Completed text 130026\n", + "Completed text 130027\n", + "Completed text 130028\n", + "Completed text 130029\n", + "Completed text 130030\n", + "Completed text 130031\n", + "Completed text 130032\n", + "Completed text 130033\n", + "Completed text 130034\n", + "Completed text 130035\n", + "Completed text 130036\n", + "Completed text 130037\n", + "Completed text 130038\n", + "Completed text 130039\n", + "Completed text 130040\n", + "Completed text 130041\n", + "Completed text 130042\n", + "Completed text 130043\n", + "Completed text 130044\n", + "Completed text 130045\n", + "Completed text 130046\n", + "Completed text 130047\n", + "Completed text 130048\n", + "Completed text 130049\n", + "Completed text 130050\n", + "Completed text 130051\n", + "Completed text 130052\n", + "Completed text 130053\n", + "Completed text 130054\n", + "Completed text 130055\n", + "Completed text 130056\n", + "Completed text 130057\n", + "Completed text 130058\n", + "Completed text 130059\n", + "Completed text 130060\n", + "Completed text 130061\n", + "Completed text 130062\n", + "Completed text 130063\n", + "Completed text 130064\n", + "Completed text 130065\n", + "Completed text 130066\n", + "Completed text 130067\n", + "Completed text 130068\n", + "Completed text 130069\n", + "Completed text 130070\n", + "Completed text 130071\n", + "Completed text 130072\n", + "Completed text 130073\n", + "Completed text 130074\n", + "Completed text 130075\n", + "Completed text 130076\n", + "Completed text 130077\n", + "Completed text 130078\n", + "Completed text 130079\n", + "Completed text 130080\n", + "Completed text 130081\n", + "Completed text 130082\n", + "Completed text 130083\n", + "Completed text 130084\n", + "Completed text 130085\n", + "Completed text 130086\n", + "Completed text 130087\n", + "Completed text 130088\n", + "Completed text 130089\n", + "Completed text 130090\n", + "Completed text 130091\n", + "Completed text 130092\n", + "Completed text 130093\n", + "Completed text 130094\n", + "Completed text 130095\n", + "Completed text 130096\n", + "Completed text 130097\n", + "Completed text 130098\n", + "Completed text 130099\n", + "Completed text 130100\n", + "Completed text 130101\n", + "Completed text 130102\n", + "Completed text 130103\n", + "Completed text 130104\n", + "Completed text 130105\n", + "Completed text 130106\n", + "Completed text 130107\n", + "Completed text 130108\n", + "Completed text 130109\n", + "Completed text 130110\n", + "Completed text 130111\n", + "Completed text 130112\n", + "Completed text 130113\n", + "Completed text 130114\n", + "Completed text 130115\n", + "Completed text 130116\n", + "Completed text 130117\n", + "Completed text 130118\n", + "Completed text 130119\n", + "Completed text 130120\n", + "Completed text 130121\n", + "Completed text 130122\n", + "Completed text 130123\n", + "Completed text 130124\n", + "Completed text 130125\n", + "Completed text 130126\n", + "Completed text 130127\n", + "Completed text 130128\n", + "Completed text 130129\n", + "Completed text 130130\n", + "Completed text 130131\n", + "Completed text 130132\n", + "Completed text 130133\n", + "Completed text 130134\n", + "Completed text 130135\n", + "Completed text 130136\n", + "Completed text 130137\n", + "Completed text 130138\n", + "Completed text 130139\n", + "Completed text 130140\n", + "Completed text 130141\n", + "Completed text 130142\n", + "Completed text 130143\n", + "Completed text 130144\n", + "Completed text 130145\n", + "Completed text 130146\n", + "Completed text 130147\n", + "Completed text 130148\n", + "Completed text 130149\n", + "Completed text 130150\n", + "Completed text 130151\n", + "Completed text 130152\n", + "Completed text 130153\n", + "Completed text 130154\n", + "Completed text 130155\n", + "Completed text 130156\n", + "Completed text 130157\n", + "Completed text 130158\n", + "Completed text 130159\n", + "Completed text 130160\n", + "Completed text 130161\n", + "Completed text 130162\n", + "Completed text 130163\n", + "Completed text 130164\n", + "Completed text 130165\n", + "Completed text 130166\n", + "Completed text 130167\n", + "Completed text 130168\n", + "Completed text 130169\n", + "Completed text 130170\n", + "Completed text 130171\n", + "Completed text 130172\n", + "Completed text 130173\n", + "Completed text 130174\n", + "Completed text 130175\n", + "Completed text 130176\n", + "Completed text 130177\n", + "Completed text 130178\n", + "Completed text 130179\n", + "Completed text 130180\n", + "Completed text 130181\n", + "Completed text 130182\n", + "Completed text 130183\n", + "Completed text 130184\n", + "Completed text 130185\n", + "Completed text 130186\n", + "Completed text 130187\n", + "Completed text 130188\n", + "Completed text 130189\n", + "Completed text 130190\n", + "Completed text 130191\n", + "Completed text 130192\n", + "Completed text 130193\n", + "Completed text 130194\n", + "Completed text 130195\n", + "Completed text 130196\n", + "Completed text 130197\n", + "Completed text 130198\n", + "Completed text 130199\n", + "Completed text 130200\n", + "Completed text 130201\n", + "Completed text 130202\n", + "Completed text 130203\n", + "Completed text 130204\n", + "Completed text 130205\n", + "Completed text 130206\n", + "Completed text 130207\n", + "Completed text 130208\n", + "Completed text 130209\n", + "Completed text 130210\n", + "Completed text 130211\n", + "Completed text 130212\n", + "Completed text 130213\n", + "Completed text 130214\n", + "Completed text 130215\n", + "Completed text 130216\n", + "Completed text 130217\n", + "Completed text 130218\n", + "Completed text 130219\n", + "Completed text 130220\n", + "Completed text 130221\n", + "Completed text 130222\n", + "Completed text 130223\n", + "Completed text 130224\n", + "Completed text 130225\n", + "Completed text 130226\n", + "Completed text 130227\n", + "Completed text 130228\n", + "Completed text 130229\n", + "Completed text 130230\n", + "Completed text 130231\n", + "Completed text 130232\n", + "Completed text 130233\n", + "Completed text 130234\n", + "Completed text 130235\n", + "Completed text 130236\n", + "Completed text 130237\n", + "Completed text 130238\n", + "Completed text 130239\n", + "Completed text 130240\n", + "Completed text 130241\n", + "Completed text 130242\n", + "Completed text 130243\n", + "Completed text 130244\n", + "Completed text 130245\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 130246\n", + "Completed text 130247\n", + "Completed text 130248\n", + "Completed text 130249\n", + "Completed text 130250\n", + "Completed text 130251\n", + "Completed text 130252\n", + "Completed text 130253\n", + "Completed text 130254\n", + "Completed text 130255\n", + "Completed text 130256\n", + "Completed text 130257\n", + "Completed text 130258\n", + "Completed text 130259\n", + "Completed text 130260\n", + "Completed text 130261\n", + "Completed text 130262\n", + "Completed text 130263\n", + "Completed text 130264\n", + "Completed text 130265\n", + "Completed text 130266\n", + "Completed text 130267\n", + "Completed text 130268\n", + "Completed text 130269\n", + "Completed text 130270\n", + "Completed text 130271\n", + "Completed text 130272\n", + "Completed text 130273\n", + "Completed text 130274\n", + "Completed text 130275\n", + "Completed text 130276\n", + "Completed text 130277\n", + "Completed text 130278\n", + "Completed text 130279\n", + "Completed text 130280\n", + "Completed text 130281\n", + "Completed text 130282\n", + "Completed text 130283\n", + "Completed text 130284\n", + "Completed text 130285\n", + "Completed text 130286\n", + "Completed text 130287\n", + "Completed text 130288\n", + "Completed text 130289\n", + "Completed text 130290\n", + "Completed text 130291\n", + "Completed text 130292\n", + "Completed text 130293\n", + "Completed text 130294\n", + "Completed text 130295\n", + "Completed text 130296\n", + "Completed text 130297\n", + "Completed text 130298\n", + "Completed text 130299\n", + "Completed text 130300\n", + "Completed text 130301\n", + "Completed text 130302\n", + "Completed text 130303\n", + "Completed text 130304\n", + "Completed text 130305\n", + "Completed text 130306\n", + "Completed text 130307\n", + "Completed text 130308\n", + "Completed text 130309\n", + "Completed text 130310\n", + "Completed text 130311\n", + "Completed text 130312\n", + "Completed text 130313\n", + "Completed text 130314\n", + "Completed text 130315\n", + "Completed text 130316\n", + "Completed text 130317\n", + "Completed text 130318\n", + "Completed text 130319\n", + "Completed text 130320\n", + "Completed text 130321\n", + "Completed text 130322\n", + "Completed text 130323\n", + "Completed text 130324\n", + "Completed text 130325\n", + "Completed text 130326\n", + "Completed text 130327\n", + "Completed text 130328\n", + "Completed text 130329\n", + "Completed text 130330\n", + "Completed text 130331\n", + "Completed text 130332\n", + "Completed text 130333\n", + "Completed text 130334\n", + "Completed text 130335\n", + "Completed text 130336\n", + "Completed text 130337\n", + "Completed text 130338\n", + "Completed text 130339\n", + "Completed text 130340\n", + "Completed text 130341\n", + "Completed text 130342\n", + "Completed text 130343\n", + "Completed text 130344\n", + "Completed text 130345\n", + "Completed text 130346\n", + "Completed text 130347\n", + "Completed text 130348\n", + "Completed text 130349\n", + "Completed text 130350\n", + "Completed text 130351\n", + "Completed text 130352\n", + "Completed text 130353\n", + "Completed text 130354\n", + "Completed text 130355\n", + "Completed text 130356\n", + "Completed text 130357\n", + "Completed text 130358\n", + "Completed text 130359\n", + "Completed text 130360\n", + "Completed text 130361\n", + "Completed text 130362\n", + "Completed text 130363\n", + "Completed text 130364\n", + "Completed text 130365\n", + "Completed text 130366\n", + "Completed text 130367\n", + "Completed text 130368\n", + "Completed text 130369\n", + "Completed text 130370\n", + "Completed text 130371\n", + "Completed text 130372\n", + "Completed text 130373\n", + "Completed text 130374\n", + "Completed text 130375\n", + "Completed text 130376\n", + "Completed text 130377\n", + "Completed text 130378\n", + "Completed text 130379\n", + "Completed text 130380\n", + "Completed text 130381\n", + "Completed text 130382\n", + "Completed text 130383\n", + "Completed text 130384\n", + "Completed text 130385\n", + "Completed text 130386\n", + "Completed text 130387\n", + "Completed text 130388\n", + "Completed text 130389\n", + "Completed text 130390\n", + "Completed text 130391\n", + "Completed text 130392\n", + "Completed text 130393\n", + "Completed text 130394\n", + "Completed text 130395\n", + "Completed text 130396\n", + "Completed text 130397\n", + "Completed text 130398\n", + "Completed text 130399\n", + "Completed text 130400\n", + "Completed text 130401\n", + "Completed text 130402\n", + "Completed text 130403\n", + "Completed text 130404\n", + "Completed text 130405\n", + "Completed text 130406\n", + "Completed text 130407\n", + "Completed text 130408\n", + "Completed text 130409\n", + "Completed text 130410\n", + "Completed text 130411\n", + "Completed text 130412\n", + "Completed text 130413\n", + "Completed text 130414\n", + "Completed text 130415\n", + "Completed text 130416\n", + "Completed text 130417\n", + "Completed text 130418\n", + "Completed text 130419\n", + "Completed text 130420\n", + "Completed text 130421\n", + "Completed text 130422\n", + "Completed text 130423\n", + "Completed text 130424\n", + "Completed text 130425\n", + "Completed text 130426\n", + "Completed text 130427\n", + "Completed text 130428\n", + "Completed text 130429\n", + "Completed text 130430\n", + "Completed text 130431\n", + "Completed text 130432\n", + "Completed text 130433\n", + "Completed text 130434\n", + "Completed text 130435\n", + "Completed text 130436\n", + "Completed text 130437\n", + "Completed text 130438\n", + "Completed text 130439\n", + "Completed text 130440\n", + "Completed text 130441\n", + "Completed text 130442\n", + "Completed text 130443\n", + "Completed text 130444\n", + "Completed text 130445\n", + "Completed text 130446\n", + "Completed text 130447\n", + "Completed text 130448\n", + "Completed text 130449\n", + "Completed text 130450\n", + "Completed text 130451\n", + "Completed text 130452\n", + "Completed text 130453\n", + "Completed text 130454\n", + "Completed text 130455\n", + "Completed text 130456\n", + "Completed text 130457\n", + "Completed text 130458\n", + "Completed text 130459\n", + "Completed text 130460\n", + "Completed text 130461\n", + "Completed text 130462\n", + "Completed text 130463\n", + "Completed text 130464\n", + "Completed text 130465\n", + "Completed text 130466\n", + "Completed text 130467\n", + "Completed text 130468\n", + "Completed text 130469\n", + "Completed text 130470\n", + "Completed text 130471\n", + "Completed text 130472\n", + "Completed text 130473\n", + "Completed text 130474\n", + "Completed text 130475\n", + "Completed text 130476\n", + "Completed text 130477\n", + "Completed text 130478\n", + "Completed text 130479\n", + "Completed text 130480\n", + "Completed text 130481\n", + "Completed text 130482\n", + "Completed text 130483\n", + "Completed text 130484\n", + "Completed text 130485\n", + "Completed text 130486\n", + "Completed text 130487\n", + "Completed text 130488\n", + "Completed text 130489\n", + "Completed text 130490\n", + "Completed text 130491\n", + "Completed text 130492\n", + "Completed text 130493\n", + "Completed text 130494\n", + "Completed text 130495\n", + "Completed text 130496\n", + "Completed text 130497\n", + "Completed text 130498\n", + "Completed text 130499\n", + "Completed text 130500\n", + "Completed text 130501\n", + "Completed text 130502\n", + "Completed text 130503\n", + "Completed text 130504\n", + "Completed text 130505\n", + "Completed text 130506\n", + "Completed text 130507\n", + "Completed text 130508\n", + "Completed text 130509\n", + "Completed text 130510\n", + "Completed text 130511\n", + "Completed text 130512\n", + "Completed text 130513\n", + "Completed text 130514\n", + "Completed text 130515\n", + "Completed text 130516\n", + "Completed text 130517\n", + "Completed text 130518\n", + "Completed text 130519\n", + "Completed text 130520\n", + "Completed text 130521\n", + "Completed text 130522\n", + "Completed text 130523\n", + "Completed text 130524\n", + "Completed text 130525\n", + "Completed text 130526\n", + "Completed text 130527\n", + "Completed text 130528\n", + "Completed text 130529\n", + "Completed text 130530\n", + "Completed text 130531\n", + "Completed text 130532\n", + "Completed text 130533\n", + "Completed text 130534\n", + "Completed text 130535\n", + "Completed text 130536\n", + "Completed text 130537\n", + "Completed text 130538\n", + "Completed text 130539\n", + "Completed text 130540\n", + "Completed text 130541\n", + "Completed text 130542\n", + "Completed text 130543\n", + "Completed text 130544\n", + "Completed text 130545\n", + "Completed text 130546\n", + "Completed text 130547\n", + "Completed text 130548\n", + "Completed text 130549\n", + "Completed text 130550\n", + "Completed text 130551\n", + "Completed text 130552\n", + "Completed text 130553\n", + "Completed text 130554\n", + "Completed text 130555\n", + "Completed text 130556\n", + "Completed text 130557\n", + "Completed text 130558\n", + "Completed text 130559\n", + "Completed text 130560\n", + "Completed text 130561\n", + "Completed text 130562\n", + "Completed text 130563\n", + "Completed text 130564\n", + "Completed text 130565\n", + "Completed text 130566\n", + "Completed text 130567\n", + "Completed text 130568\n", + "Completed text 130569\n", + "Completed text 130570\n", + "Completed text 130571\n", + "Completed text 130572\n", + "Completed text 130573\n", + "Completed text 130574\n", + "Completed text 130575\n", + "Completed text 130576\n", + "Completed text 130577\n", + "Completed text 130578\n", + "Completed text 130579\n", + "Completed text 130580\n", + "Completed text 130581\n", + "Completed text 130582\n", + "Completed text 130583\n", + "Completed text 130584\n", + "Completed text 130585\n", + "Completed text 130586\n", + "Completed text 130587\n", + "Completed text 130588\n", + "Completed text 130589\n", + "Completed text 130590\n", + "Completed text 130591\n", + "Completed text 130592\n", + "Completed text 130593\n", + "Completed text 130594\n", + "Completed text 130595\n", + "Completed text 130596\n", + "Completed text 130597\n", + "Completed text 130598\n", + "Completed text 130599\n", + "Completed text 130600\n", + "Completed text 130601\n", + "Completed text 130602\n", + "Completed text 130603\n", + "Completed text 130604\n", + "Completed text 130605\n", + "Completed text 130606\n", + "Completed text 130607\n", + "Completed text 130608\n", + "Completed text 130609\n", + "Completed text 130610\n", + "Completed text 130611\n", + "Completed text 130612\n", + "Completed text 130613\n", + "Completed text 130614\n", + "Completed text 130615\n", + "Completed text 130616\n", + "Completed text 130617\n", + "Completed text 130618\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 130619\n", + "Completed text 130620\n", + "Completed text 130621\n", + "Completed text 130622\n", + "Completed text 130623\n", + "Completed text 130624\n", + "Completed text 130625\n", + "Completed text 130626\n", + "Completed text 130627\n", + "Completed text 130628\n", + "Completed text 130629\n", + "Completed text 130630\n", + "Completed text 130631\n", + "Completed text 130632\n", + "Completed text 130633\n", + "Completed text 130634\n", + "Completed text 130635\n", + "Completed text 130636\n", + "Completed text 130637\n", + "Completed text 130638\n", + "Completed text 130639\n", + "Completed text 130640\n", + "Completed text 130641\n", + "Completed text 130642\n", + "Completed text 130643\n", + "Completed text 130644\n", + "Completed text 130645\n", + "Completed text 130646\n", + "Completed text 130647\n", + "Completed text 130648\n", + "Completed text 130649\n", + "Completed text 130650\n", + "Completed text 130651\n", + "Completed text 130652\n", + "Completed text 130653\n", + "Completed text 130654\n", + "Completed text 130655\n", + "Completed text 130656\n", + "Completed text 130657\n", + "Completed text 130658\n", + "Completed text 130659\n", + "Completed text 130660\n", + "Completed text 130661\n", + "Completed text 130662\n", + "Completed text 130663\n", + "Completed text 130664\n", + "Completed text 130665\n", + "Completed text 130666\n", + "Completed text 130667\n", + "Completed text 130668\n", + "Completed text 130669\n", + "Completed text 130670\n", + "Completed text 130671\n", + "Completed text 130672\n", + "Completed text 130673\n", + "Completed text 130674\n", + "Completed text 130675\n", + "Completed text 130676\n", + "Completed text 130677\n", + "Completed text 130678\n", + "Completed text 130679\n", + "Completed text 130680\n", + "Completed text 130681\n", + "Completed text 130682\n", + "Completed text 130683\n", + "Completed text 130684\n", + "Completed text 130685\n", + "Completed text 130686\n", + "Completed text 130687\n", + "Completed text 130688\n", + "Completed text 130689\n", + "Completed text 130690\n", + "Completed text 130691\n", + "Completed text 130692\n", + "Completed text 130693\n", + "Completed text 130694\n", + "Completed text 130695\n", + "Completed text 130696\n", + "Completed text 130697\n", + "Completed text 130698\n", + "Completed text 130699\n", + "Completed text 130700\n", + "Completed text 130701\n", + "Completed text 130702\n", + "Completed text 130703\n", + "Completed text 130704\n", + "Completed text 130705\n", + "Completed text 130706\n", + "Completed text 130707\n", + "Completed text 130708\n", + "Completed text 130709\n", + "Completed text 130710\n", + "Completed text 130711\n", + "Completed text 130712\n", + "Completed text 130713\n", + "Completed text 130714\n", + "Completed text 130715\n", + "Completed text 130716\n", + "Completed text 130717\n", + "Completed text 130718\n", + "Completed text 130719\n", + "Completed text 130720\n", + "Completed text 130721\n", + "Completed text 130722\n", + "Completed text 130723\n", + "Completed text 130724\n", + "Completed text 130725\n", + "Completed text 130726\n", + "Completed text 130727\n", + "Completed text 130728\n", + "Completed text 130729\n", + "Completed text 130730\n", + "Completed text 130731\n", + "Completed text 130732\n", + "Completed text 130733\n", + "Completed text 130734\n", + "Completed text 130735\n", + "Completed text 130736\n", + "Completed text 130737\n", + "Completed text 130738\n", + "Completed text 130739\n", + "Completed text 130740\n", + "Completed text 130741\n", + "Completed text 130742\n", + "Completed text 130743\n", + "Completed text 130744\n", + "Completed text 130745\n", + "Completed text 130746\n", + "Completed text 130747\n", + "Completed text 130748\n", + "Completed text 130749\n", + "Completed text 130750\n", + "Completed text 130751\n", + "Completed text 130752\n", + "Completed text 130753\n", + "Completed text 130754\n", + "Completed text 130755\n", + "Completed text 130756\n", + "Completed text 130757\n", + "Completed text 130758\n", + "Completed text 130759\n", + "Completed text 130760\n", + "Completed text 130761\n", + "Completed text 130762\n", + "Completed text 130763\n", + "Completed text 130764\n", + "Completed text 130765\n", + "Completed text 130766\n", + "Completed text 130767\n", + "Completed text 130768\n", + "Completed text 130769\n", + "Completed text 130770\n", + "Completed text 130771\n", + "Completed text 130772\n", + "Completed text 130773\n", + "Completed text 130774\n", + "Completed text 130775\n", + "Completed text 130776\n", + "Completed text 130777\n", + "Completed text 130778\n", + "Completed text 130779\n", + "Completed text 130780\n", + "Completed text 130781\n", + "Completed text 130782\n", + "Completed text 130783\n", + "Completed text 130784\n", + "Completed text 130785\n", + "Completed text 130786\n", + "Completed text 130787\n", + "Completed text 130788\n", + "Completed text 130789\n", + "Completed text 130790\n", + "Completed text 130791\n", + "Completed text 130792\n", + "Completed text 130793\n", + "Completed text 130794\n", + "Completed text 130795\n", + "Completed text 130796\n", + "Completed text 130797\n", + "Completed text 130798\n", + "Completed text 130799\n", + "Completed text 130800\n", + "Completed text 130801\n", + "Completed text 130802\n", + "Completed text 130803\n", + "Completed text 130804\n", + "Completed text 130805\n", + "Completed text 130806\n", + "Completed text 130807\n", + "Completed text 130808\n", + "Completed text 130809\n", + "Completed text 130810\n", + "Completed text 130811\n", + "Completed text 130812\n", + "Completed text 130813\n", + "Completed text 130814\n", + "Completed text 130815\n", + "Completed text 130816\n", + "Completed text 130817\n", + "Completed text 130818\n", + "Completed text 130819\n", + "Completed text 130820\n", + "Completed text 130821\n", + "Completed text 130822\n", + "Completed text 130823\n", + "Completed text 130824\n", + "Completed text 130825\n", + "Completed text 130826\n", + "Completed text 130827\n", + "Completed text 130828\n", + "Completed text 130829\n", + "Completed text 130830\n", + "Completed text 130831\n", + "Completed text 130832\n", + "Completed text 130833\n", + "Completed text 130834\n", + "Completed text 130835\n", + "Completed text 130836\n", + "Completed text 130837\n", + "Completed text 130838\n", + "Completed text 130839\n", + "Completed text 130840\n", + "Completed text 130841\n", + "Completed text 130842\n", + "Completed text 130843\n", + "Completed text 130844\n", + "Completed text 130845\n", + "Completed text 130846\n", + "Completed text 130847\n", + "Completed text 130848\n", + "Completed text 130849\n", + "Completed text 130850\n", + "Completed text 130851\n", + "Completed text 130852\n", + "Completed text 130853\n", + "Completed text 130854\n", + "Completed text 130855\n", + "Completed text 130856\n", + "Completed text 130857\n", + "Completed text 130858\n", + "Completed text 130859\n", + "Completed text 130860\n", + "Completed text 130861\n", + "Completed text 130862\n", + "Completed text 130863\n", + "Completed text 130864\n", + "Completed text 130865\n", + "Completed text 130866\n", + "Completed text 130867\n", + "Completed text 130868\n", + "Completed text 130869\n", + "Completed text 130870\n", + "Completed text 130871\n", + "Completed text 130872\n", + "Completed text 130873\n", + "Completed text 130874\n", + "Completed text 130875\n", + "Completed text 130876\n", + "Completed text 130877\n", + "Completed text 130878\n", + "Completed text 130879\n", + "Completed text 130880\n", + "Completed text 130881\n", + "Completed text 130882\n", + "Completed text 130883\n", + "Completed text 130884\n", + "Completed text 130885\n", + "Completed text 130886\n", + "Completed text 130887\n", + "Completed text 130888\n", + "Completed text 130889\n", + "Completed text 130890\n", + "Completed text 130891\n", + "Completed text 130892\n", + "Completed text 130893\n", + "Completed text 130894\n", + "Completed text 130895\n", + "Completed text 130896\n", + "Completed text 130897\n", + "Completed text 130898\n", + "Completed text 130899\n", + "Completed text 130900\n", + "Completed text 130901\n", + "Completed text 130902\n", + "Completed text 130903\n", + "Completed text 130904\n", + "Completed text 130905\n", + "Completed text 130906\n", + "Completed text 130907\n", + "Completed text 130908\n", + "Completed text 130909\n", + "Completed text 130910\n", + "Completed text 130911\n", + "Completed text 130912\n", + "Completed text 130913\n", + "Completed text 130914\n", + "Completed text 130915\n", + "Completed text 130916\n", + "Completed text 130917\n", + "Completed text 130918\n", + "Completed text 130919\n", + "Completed text 130920\n", + "Completed text 130921\n", + "Completed text 130922\n", + "Completed text 130923\n", + "Completed text 130924\n", + "Completed text 130925\n", + "Completed text 130926\n", + "Completed text 130927\n", + "Completed text 130928\n", + "Completed text 130929\n", + "Completed text 130930\n", + "Completed text 130931\n", + "Completed text 130932\n", + "Completed text 130933\n", + "Completed text 130934\n", + "Completed text 130935\n", + "Completed text 130936\n", + "Completed text 130937\n", + "Completed text 130938\n", + "Completed text 130939\n", + "Completed text 130940\n", + "Completed text 130941\n", + "Completed text 130942\n", + "Completed text 130943\n", + "Completed text 130944\n", + "Completed text 130945\n", + "Completed text 130946\n", + "Completed text 130947\n", + "Completed text 130948\n", + "Completed text 130949\n", + "Completed text 130950\n", + "Completed text 130951\n", + "Completed text 130952\n", + "Completed text 130953\n", + "Completed text 130954\n", + "Completed text 130955\n", + "Completed text 130956\n", + "Completed text 130957\n", + "Completed text 130958\n", + "Completed text 130959\n", + "Completed text 130960\n", + "Completed text 130961\n", + "Completed text 130962\n", + "Completed text 130963\n", + "Completed text 130964\n", + "Completed text 130965\n", + "Completed text 130966\n", + "Completed text 130967\n", + "Completed text 130968\n", + "Completed text 130969\n", + "Completed text 130970\n", + "Completed text 130971\n", + "Completed text 130972\n", + "Completed text 130973\n", + "Completed text 130974\n", + "Completed text 130975\n", + "Completed text 130976\n", + "Completed text 130977\n", + "Completed text 130978\n", + "Completed text 130979\n", + "Completed text 130980\n", + "Completed text 130981\n", + "Completed text 130982\n", + "Completed text 130983\n", + "Completed text 130984\n", + "Completed text 130985\n", + "Completed text 130986\n", + "Completed text 130987\n", + "Completed text 130988\n", + "Completed text 130989\n", + "Completed text 130990\n", + "Completed text 130991\n", + "Completed text 130992\n", + "Completed text 130993\n", + "Completed text 130994\n", + "Completed text 130995\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 130996\n", + "Completed text 130997\n", + "Completed text 130998\n", + "Completed text 130999\n", + "Completed text 131000\n", + "Completed text 131001\n", + "Completed text 131002\n", + "Completed text 131003\n", + "Completed text 131004\n", + "Completed text 131005\n", + "Completed text 131006\n", + "Completed text 131007\n", + "Completed text 131008\n", + "Completed text 131009\n", + "Completed text 131010\n", + "Completed text 131011\n", + "Completed text 131012\n", + "Completed text 131013\n", + "Completed text 131014\n", + "Completed text 131015\n", + "Completed text 131016\n", + "Completed text 131017\n", + "Completed text 131018\n", + "Completed text 131019\n", + "Completed text 131020\n", + "Completed text 131021\n", + "Completed text 131022\n", + "Completed text 131023\n", + "Completed text 131024\n", + "Completed text 131025\n", + "Completed text 131026\n", + "Completed text 131027\n", + "Completed text 131028\n", + "Completed text 131029\n", + "Completed text 131030\n", + "Completed text 131031\n", + "Completed text 131032\n", + "Completed text 131033\n", + "Completed text 131034\n", + "Completed text 131035\n", + "Completed text 131036\n", + "Completed text 131037\n", + "Completed text 131038\n", + "Completed text 131039\n", + "Completed text 131040\n", + "Completed text 131041\n", + "Completed text 131042\n", + "Completed text 131043\n", + "Completed text 131044\n", + "Completed text 131045\n", + "Completed text 131046\n", + "Completed text 131047\n", + "Completed text 131048\n", + "Completed text 131049\n", + "Completed text 131050\n", + "Completed text 131051\n", + "Completed text 131052\n", + "Completed text 131053\n", + "Completed text 131054\n", + "Completed text 131055\n", + "Completed text 131056\n", + "Completed text 131057\n", + "Completed text 131058\n", + "Completed text 131059\n", + "Completed text 131060\n", + "Completed text 131061\n", + "Completed text 131062\n", + "Completed text 131063\n", + "Completed text 131064\n", + "Completed text 131065\n", + "Completed text 131066\n", + "Completed text 131067\n", + "Completed text 131068\n", + "Completed text 131069\n", + "Completed text 131070\n", + "Completed text 131071\n", + "Completed text 131072\n", + "Completed text 131073\n", + "Completed text 131074\n", + "Completed text 131075\n", + "Completed text 131076\n", + "Completed text 131077\n", + "Completed text 131078\n", + "Completed text 131079\n", + "Completed text 131080\n", + "Completed text 131081\n", + "Completed text 131082\n", + "Completed text 131083\n", + "Completed text 131084\n", + "Completed text 131085\n", + "Completed text 131086\n", + "Completed text 131087\n", + "Completed text 131088\n", + "Completed text 131089\n", + "Completed text 131090\n", + "Completed text 131091\n", + "Completed text 131092\n", + "Completed text 131093\n", + "Completed text 131094\n", + "Completed text 131095\n", + "Completed text 131096\n", + "Completed text 131097\n", + "Completed text 131098\n", + "Completed text 131099\n", + "Completed text 131100\n", + "Completed text 131101\n", + "Completed text 131102\n", + "Completed text 131103\n", + "Completed text 131104\n", + "Completed text 131105\n", + "Completed text 131106\n", + "Completed text 131107\n", + "Completed text 131108\n", + "Completed text 131109\n", + "Completed text 131110\n", + "Completed text 131111\n", + "Completed text 131112\n", + "Completed text 131113\n", + "Completed text 131114\n", + "Completed text 131115\n", + "Completed text 131116\n", + "Completed text 131117\n", + "Completed text 131118\n", + "Completed text 131119\n", + "Completed text 131120\n", + "Completed text 131121\n", + "Completed text 131122\n", + "Completed text 131123\n", + "Completed text 131124\n", + "Completed text 131125\n", + "Completed text 131126\n", + "Completed text 131127\n", + "Completed text 131128\n", + "Completed text 131129\n", + "Completed text 131130\n", + "Completed text 131131\n", + "Completed text 131132\n", + "Completed text 131133\n", + "Completed text 131134\n", + "Completed text 131135\n", + "Completed text 131136\n", + "Completed text 131137\n", + "Completed text 131138\n", + "Completed text 131139\n", + "Completed text 131140\n", + "Completed text 131141\n", + "Completed text 131142\n", + "Completed text 131143\n", + "Completed text 131144\n", + "Completed text 131145\n", + "Completed text 131146\n", + "Completed text 131147\n", + "Completed text 131148\n", + "Completed text 131149\n", + "Completed text 131150\n", + "Completed text 131151\n", + "Completed text 131152\n", + "Completed text 131153\n", + "Completed text 131154\n", + "Completed text 131155\n", + "Completed text 131156\n", + "Completed text 131157\n", + "Completed text 131158\n", + "Completed text 131159\n", + "Completed text 131160\n", + "Completed text 131161\n", + "Completed text 131162\n", + "Completed text 131163\n", + "Completed text 131164\n", + "Completed text 131165\n", + "Completed text 131166\n", + "Completed text 131167\n", + "Completed text 131168\n", + "Completed text 131169\n", + "Completed text 131170\n", + "Completed text 131171\n", + "Completed text 131172\n", + "Completed text 131173\n", + "Completed text 131174\n", + "Completed text 131175\n", + "Completed text 131176\n", + "Completed text 131177\n", + "Completed text 131178\n", + "Completed text 131179\n", + "Completed text 131180\n", + "Completed text 131181\n", + "Completed text 131182\n", + "Completed text 131183\n", + "Completed text 131184\n", + "Completed text 131185\n", + "Completed text 131186\n", + "Completed text 131187\n", + "Completed text 131188\n", + "Completed text 131189\n", + "Completed text 131190\n", + "Completed text 131191\n", + "Completed text 131192\n", + "Completed text 131193\n", + "Completed text 131194\n", + "Completed text 131195\n", + "Completed text 131196\n", + "Completed text 131197\n", + "Completed text 131198\n", + "Completed text 131199\n", + "Completed text 131200\n", + "Completed text 131201\n", + "Completed text 131202\n", + "Completed text 131203\n", + "Completed text 131204\n", + "Completed text 131205\n", + "Completed text 131206\n", + "Completed text 131207\n", + "Completed text 131208\n", + "Completed text 131209\n", + "Completed text 131210\n", + "Completed text 131211\n", + "Completed text 131212\n", + "Completed text 131213\n", + "Completed text 131214\n", + "Completed text 131215\n", + "Completed text 131216\n", + "Completed text 131217\n", + "Completed text 131218\n", + "Completed text 131219\n", + "Completed text 131220\n", + "Completed text 131221\n", + "Completed text 131222\n", + "Completed text 131223\n", + "Completed text 131224\n", + "Completed text 131225\n", + "Completed text 131226\n", + "Completed text 131227\n", + "Completed text 131228\n", + "Completed text 131229\n", + "Completed text 131230\n", + "Completed text 131231\n", + "Completed text 131232\n", + "Completed text 131233\n", + "Completed text 131234\n", + "Completed text 131235\n", + "Completed text 131236\n", + "Completed text 131237\n", + "Completed text 131238\n", + "Completed text 131239\n", + "Completed text 131240\n", + "Completed text 131241\n", + "Completed text 131242\n", + "Completed text 131243\n", + "Completed text 131244\n", + "Completed text 131245\n", + "Completed text 131246\n", + "Completed text 131247\n", + "Completed text 131248\n", + "Completed text 131249\n", + "Completed text 131250\n", + "Completed text 131251\n", + "Completed text 131252\n", + "Completed text 131253\n", + "Completed text 131254\n", + "Completed text 131255\n", + "Completed text 131256\n", + "Completed text 131257\n", + "Completed text 131258\n", + "Completed text 131259\n", + "Completed text 131260\n", + "Completed text 131261\n", + "Completed text 131262\n", + "Completed text 131263\n", + "Completed text 131264\n", + "Completed text 131265\n", + "Completed text 131266\n", + "Completed text 131267\n", + "Completed text 131268\n", + "Completed text 131269\n", + "Completed text 131270\n", + "Completed text 131271\n", + "Completed text 131272\n", + "Completed text 131273\n", + "Completed text 131274\n", + "Completed text 131275\n", + "Completed text 131276\n", + "Completed text 131277\n", + "Completed text 131278\n", + "Completed text 131279\n", + "Completed text 131280\n", + "Completed text 131281\n", + "Completed text 131282\n", + "Completed text 131283\n", + "Completed text 131284\n", + "Completed text 131285\n", + "Completed text 131286\n", + "Completed text 131287\n", + "Completed text 131288\n", + "Completed text 131289\n", + "Completed text 131290\n", + "Completed text 131291\n", + "Completed text 131292\n", + "Completed text 131293\n", + "Completed text 131294\n", + "Completed text 131295\n", + "Completed text 131296\n", + "Completed text 131297\n", + "Completed text 131298\n", + "Completed text 131299\n", + "Completed text 131300\n", + "Completed text 131301\n", + "Completed text 131302\n", + "Completed text 131303\n", + "Completed text 131304\n", + "Completed text 131305\n", + "Completed text 131306\n", + "Completed text 131307\n", + "Completed text 131308\n", + "Completed text 131309\n", + "Completed text 131310\n", + "Completed text 131311\n", + "Completed text 131312\n", + "Completed text 131313\n", + "Completed text 131314\n", + "Completed text 131315\n", + "Completed text 131316\n", + "Completed text 131317\n", + "Completed text 131318\n", + "Completed text 131319\n", + "Completed text 131320\n", + "Completed text 131321\n", + "Completed text 131322\n", + "Completed text 131323\n", + "Completed text 131324\n", + "Completed text 131325\n", + "Completed text 131326\n", + "Completed text 131327\n", + "Completed text 131328\n", + "Completed text 131329\n", + "Completed text 131330\n", + "Completed text 131331\n", + "Completed text 131332\n", + "Completed text 131333\n", + "Completed text 131334\n", + "Completed text 131335\n", + "Completed text 131336\n", + "Completed text 131337\n", + "Completed text 131338\n", + "Completed text 131339\n", + "Completed text 131340\n", + "Completed text 131341\n", + "Completed text 131342\n", + "Completed text 131343\n", + "Completed text 131344\n", + "Completed text 131345\n", + "Completed text 131346\n", + "Completed text 131347\n", + "Completed text 131348\n", + "Completed text 131349\n", + "Completed text 131350\n", + "Completed text 131351\n", + "Completed text 131352\n", + "Completed text 131353\n", + "Completed text 131354\n", + "Completed text 131355\n", + "Completed text 131356\n", + "Completed text 131357\n", + "Completed text 131358\n", + "Completed text 131359\n", + "Completed text 131360\n", + "Completed text 131361\n", + "Completed text 131362\n", + "Completed text 131363\n", + "Completed text 131364\n", + "Completed text 131365\n", + "Completed text 131366\n", + "Completed text 131367\n", + "Completed text 131368\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 131369\n", + "Completed text 131370\n", + "Completed text 131371\n", + "Completed text 131372\n", + "Completed text 131373\n", + "Completed text 131374\n", + "Completed text 131375\n", + "Completed text 131376\n", + "Completed text 131377\n", + "Completed text 131378\n", + "Completed text 131379\n", + "Completed text 131380\n", + "Completed text 131381\n", + "Completed text 131382\n", + "Completed text 131383\n", + "Completed text 131384\n", + "Completed text 131385\n", + "Completed text 131386\n", + "Completed text 131387\n", + "Completed text 131388\n", + "Completed text 131389\n", + "Completed text 131390\n", + "Completed text 131391\n", + "Completed text 131392\n", + "Completed text 131393\n", + "Completed text 131394\n", + "Completed text 131395\n", + "Completed text 131396\n", + "Completed text 131397\n", + "Completed text 131398\n", + "Completed text 131399\n", + "Completed text 131400\n", + "Completed text 131401\n", + "Completed text 131402\n", + "Completed text 131403\n", + "Completed text 131404\n", + "Completed text 131405\n", + "Completed text 131406\n", + "Completed text 131407\n", + "Completed text 131408\n", + "Completed text 131409\n", + "Completed text 131410\n", + "Completed text 131411\n", + "Completed text 131412\n", + "Completed text 131413\n", + "Completed text 131414\n", + "Completed text 131415\n", + "Completed text 131416\n", + "Completed text 131417\n", + "Completed text 131418\n", + "Completed text 131419\n", + "Completed text 131420\n", + "Completed text 131421\n", + "Completed text 131422\n", + "Completed text 131423\n", + "Completed text 131424\n", + "Completed text 131425\n", + "Completed text 131426\n", + "Completed text 131427\n", + "Completed text 131428\n", + "Completed text 131429\n", + "Completed text 131430\n", + "Completed text 131431\n", + "Completed text 131432\n", + "Completed text 131433\n", + "Completed text 131434\n", + "Completed text 131435\n", + "Completed text 131436\n", + "Completed text 131437\n", + "Completed text 131438\n", + "Completed text 131439\n", + "Completed text 131440\n", + "Completed text 131441\n", + "Completed text 131442\n", + "Completed text 131443\n", + "Completed text 131444\n", + "Completed text 131445\n", + "Completed text 131446\n", + "Completed text 131447\n", + "Completed text 131448\n", + "Completed text 131449\n", + "Completed text 131450\n", + "Completed text 131451\n", + "Completed text 131452\n", + "Completed text 131453\n", + "Completed text 131454\n", + "Completed text 131455\n", + "Completed text 131456\n", + "Completed text 131457\n", + "Completed text 131458\n", + "Completed text 131459\n", + "Completed text 131460\n", + "Completed text 131461\n", + "Completed text 131462\n", + "Completed text 131463\n", + "Completed text 131464\n", + "Completed text 131465\n", + "Completed text 131466\n", + "Completed text 131467\n", + "Completed text 131468\n", + "Completed text 131469\n", + "Completed text 131470\n", + "Completed text 131471\n", + "Completed text 131472\n", + "Completed text 131473\n", + "Completed text 131474\n", + "Completed text 131475\n", + "Completed text 131476\n", + "Completed text 131477\n", + "Completed text 131478\n", + "Completed text 131479\n", + "Completed text 131480\n", + "Completed text 131481\n", + "Completed text 131482\n", + "Completed text 131483\n", + "Completed text 131484\n", + "Completed text 131485\n", + "Completed text 131486\n", + "Completed text 131487\n", + "Completed text 131488\n", + "Completed text 131489\n", + "Completed text 131490\n", + "Completed text 131491\n", + "Completed text 131492\n", + "Completed text 131493\n", + "Completed text 131494\n", + "Completed text 131495\n", + "Completed text 131496\n", + "Completed text 131497\n", + "Completed text 131498\n", + "Completed text 131499\n", + "Completed text 131500\n", + "Completed text 131501\n", + "Completed text 131502\n", + "Completed text 131503\n", + "Completed text 131504\n", + "Completed text 131505\n", + "Completed text 131506\n", + "Completed text 131507\n", + "Completed text 131508\n", + "Completed text 131509\n", + "Completed text 131510\n", + "Completed text 131511\n", + "Completed text 131512\n", + "Completed text 131513\n", + "Completed text 131514\n", + "Completed text 131515\n", + "Completed text 131516\n", + "Completed text 131517\n", + "Completed text 131518\n", + "Completed text 131519\n", + "Completed text 131520\n", + "Completed text 131521\n", + "Completed text 131522\n", + "Completed text 131523\n", + "Completed text 131524\n", + "Completed text 131525\n", + "Completed text 131526\n", + "Completed text 131527\n", + "Completed text 131528\n", + "Completed text 131529\n", + "Completed text 131530\n", + "Completed text 131531\n", + "Completed text 131532\n", + "Completed text 131533\n", + "Completed text 131534\n", + "Completed text 131535\n", + "Completed text 131536\n", + "Completed text 131537\n", + "Completed text 131538\n", + "Completed text 131539\n", + "Completed text 131540\n", + "Completed text 131541\n", + "Completed text 131542\n", + "Completed text 131543\n", + "Completed text 131544\n", + "Completed text 131545\n", + "Completed text 131546\n", + "Completed text 131547\n", + "Completed text 131548\n", + "Completed text 131549\n", + "Completed text 131550\n", + "Completed text 131551\n", + "Completed text 131552\n", + "Completed text 131553\n", + "Completed text 131554\n", + "Completed text 131555\n", + "Completed text 131556\n", + "Completed text 131557\n", + "Completed text 131558\n", + "Completed text 131559\n", + "Completed text 131560\n", + "Completed text 131561\n", + "Completed text 131562\n", + "Completed text 131563\n", + "Completed text 131564\n", + "Completed text 131565\n", + "Completed text 131566\n", + "Completed text 131567\n", + "Completed text 131568\n", + "Completed text 131569\n", + "Completed text 131570\n", + "Completed text 131571\n", + "Completed text 131572\n", + "Completed text 131573\n", + "Completed text 131574\n", + "Completed text 131575\n", + "Completed text 131576\n", + "Completed text 131577\n", + "Completed text 131578\n", + "Completed text 131579\n", + "Completed text 131580\n", + "Completed text 131581\n", + "Completed text 131582\n", + "Completed text 131583\n", + "Completed text 131584\n", + "Completed text 131585\n", + "Completed text 131586\n", + "Completed text 131587\n", + "Completed text 131588\n", + "Completed text 131589\n", + "Completed text 131590\n", + "Completed text 131591\n", + "Completed text 131592\n", + "Completed text 131593\n", + "Completed text 131594\n", + "Completed text 131595\n", + "Completed text 131596\n", + "Completed text 131597\n", + "Completed text 131598\n", + "Completed text 131599\n", + "Completed text 131600\n", + "Completed text 131601\n", + "Completed text 131602\n", + "Completed text 131603\n", + "Completed text 131604\n", + "Completed text 131605\n", + "Completed text 131606\n", + "Completed text 131607\n", + "Completed text 131608\n", + "Completed text 131609\n", + "Completed text 131610\n", + "Completed text 131611\n", + "Completed text 131612\n", + "Completed text 131613\n", + "Completed text 131614\n", + "Completed text 131615\n", + "Completed text 131616\n", + "Completed text 131617\n", + "Completed text 131618\n", + "Completed text 131619\n", + "Completed text 131620\n", + "Completed text 131621\n", + "Completed text 131622\n", + "Completed text 131623\n", + "Completed text 131624\n", + "Completed text 131625\n", + "Completed text 131626\n", + "Completed text 131627\n", + "Completed text 131628\n", + "Completed text 131629\n", + "Completed text 131630\n", + "Completed text 131631\n", + "Completed text 131632\n", + "Completed text 131633\n", + "Completed text 131634\n", + "Completed text 131635\n", + "Completed text 131636\n", + "Completed text 131637\n", + "Completed text 131638\n", + "Completed text 131639\n", + "Completed text 131640\n", + "Completed text 131641\n", + "Completed text 131642\n", + "Completed text 131643\n", + "Completed text 131644\n", + "Completed text 131645\n", + "Completed text 131646\n", + "Completed text 131647\n", + "Completed text 131648\n", + "Completed text 131649\n", + "Completed text 131650\n", + "Completed text 131651\n", + "Completed text 131652\n", + "Completed text 131653\n", + "Completed text 131654\n", + "Completed text 131655\n", + "Completed text 131656\n", + "Completed text 131657\n", + "Completed text 131658\n", + "Completed text 131659\n", + "Completed text 131660\n", + "Completed text 131661\n", + "Completed text 131662\n", + "Completed text 131663\n", + "Completed text 131664\n", + "Completed text 131665\n", + "Completed text 131666\n", + "Completed text 131667\n", + "Completed text 131668\n", + "Completed text 131669\n", + "Completed text 131670\n", + "Completed text 131671\n", + "Completed text 131672\n", + "Completed text 131673\n", + "Completed text 131674\n", + "Completed text 131675\n", + "Completed text 131676\n", + "Completed text 131677\n", + "Completed text 131678\n", + "Completed text 131679\n", + "Completed text 131680\n", + "Completed text 131681\n", + "Completed text 131682\n", + "Completed text 131683\n", + "Completed text 131684\n", + "Completed text 131685\n", + "Completed text 131686\n", + "Completed text 131687\n", + "Completed text 131688\n", + "Completed text 131689\n", + "Completed text 131690\n", + "Completed text 131691\n", + "Completed text 131692\n", + "Completed text 131693\n", + "Completed text 131694\n", + "Completed text 131695\n", + "Completed text 131696\n", + "Completed text 131697\n", + "Completed text 131698\n", + "Completed text 131699\n", + "Completed text 131700\n", + "Completed text 131701\n", + "Completed text 131702\n", + "Completed text 131703\n", + "Completed text 131704\n", + "Completed text 131705\n", + "Completed text 131706\n", + "Completed text 131707\n", + "Completed text 131708\n", + "Completed text 131709\n", + "Completed text 131710\n", + "Completed text 131711\n", + "Completed text 131712\n", + "Completed text 131713\n", + "Completed text 131714\n", + "Completed text 131715\n", + "Completed text 131716\n", + "Completed text 131717\n", + "Completed text 131718\n", + "Completed text 131719\n", + "Completed text 131720\n", + "Completed text 131721\n", + "Completed text 131722\n", + "Completed text 131723\n", + "Completed text 131724\n", + "Completed text 131725\n", + "Completed text 131726\n", + "Completed text 131727\n", + "Completed text 131728\n", + "Completed text 131729\n", + "Completed text 131730\n", + "Completed text 131731\n", + "Completed text 131732\n", + "Completed text 131733\n", + "Completed text 131734\n", + "Completed text 131735\n", + "Completed text 131736\n", + "Completed text 131737\n", + "Completed text 131738\n", + "Completed text 131739\n", + "Completed text 131740\n", + "Completed text 131741\n", + "Completed text 131742\n", + "Completed text 131743\n", + "Completed text 131744\n", + "Completed text 131745\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 131746\n", + "Completed text 131747\n", + "Completed text 131748\n", + "Completed text 131749\n", + "Completed text 131750\n", + "Completed text 131751\n", + "Completed text 131752\n", + "Completed text 131753\n", + "Completed text 131754\n", + "Completed text 131755\n", + "Completed text 131756\n", + "Completed text 131757\n", + "Completed text 131758\n", + "Completed text 131759\n", + "Completed text 131760\n", + "Completed text 131761\n", + "Completed text 131762\n", + "Completed text 131763\n", + "Completed text 131764\n", + "Completed text 131765\n", + "Completed text 131766\n", + "Completed text 131767\n", + "Completed text 131768\n", + "Completed text 131769\n", + "Completed text 131770\n", + "Completed text 131771\n", + "Completed text 131772\n", + "Completed text 131773\n", + "Completed text 131774\n", + "Completed text 131775\n", + "Completed text 131776\n", + "Completed text 131777\n", + "Completed text 131778\n", + "Completed text 131779\n", + "Completed text 131780\n", + "Completed text 131781\n", + "Completed text 131782\n", + "Completed text 131783\n", + "Completed text 131784\n", + "Completed text 131785\n", + "Completed text 131786\n", + "Completed text 131787\n", + "Completed text 131788\n", + "Completed text 131789\n", + "Completed text 131790\n", + "Completed text 131791\n", + "Completed text 131792\n", + "Completed text 131793\n", + "Completed text 131794\n", + "Completed text 131795\n", + "Completed text 131796\n", + "Completed text 131797\n", + "Completed text 131798\n", + "Completed text 131799\n", + "Completed text 131800\n", + "Completed text 131801\n", + "Completed text 131802\n", + "Completed text 131803\n", + "Completed text 131804\n", + "Completed text 131805\n", + "Completed text 131806\n", + "Completed text 131807\n", + "Completed text 131808\n", + "Completed text 131809\n", + "Completed text 131810\n", + "Completed text 131811\n", + "Completed text 131812\n", + "Completed text 131813\n", + "Completed text 131814\n", + "Completed text 131815\n", + "Completed text 131816\n", + "Completed text 131817\n", + "Completed text 131818\n", + "Completed text 131819\n", + "Completed text 131820\n", + "Completed text 131821\n", + "Completed text 131822\n", + "Completed text 131823\n", + "Completed text 131824\n", + "Completed text 131825\n", + "Completed text 131826\n", + "Completed text 131827\n", + "Completed text 131828\n", + "Completed text 131829\n", + "Completed text 131830\n", + "Completed text 131831\n", + "Completed text 131832\n", + "Completed text 131833\n", + "Completed text 131834\n", + "Completed text 131835\n", + "Completed text 131836\n", + "Completed text 131837\n", + "Completed text 131838\n", + "Completed text 131839\n", + "Completed text 131840\n", + "Completed text 131841\n", + "Completed text 131842\n", + "Completed text 131843\n", + "Completed text 131844\n", + "Completed text 131845\n", + "Completed text 131846\n", + "Completed text 131847\n", + "Completed text 131848\n", + "Completed text 131849\n", + "Completed text 131850\n", + "Completed text 131851\n", + "Completed text 131852\n", + "Completed text 131853\n", + "Completed text 131854\n", + "Completed text 131855\n", + "Completed text 131856\n", + "Completed text 131857\n", + "Completed text 131858\n", + "Completed text 131859\n", + "Completed text 131860\n", + "Completed text 131861\n", + "Completed text 131862\n", + "Completed text 131863\n", + "Completed text 131864\n", + "Completed text 131865\n", + "Completed text 131866\n", + "Completed text 131867\n", + "Completed text 131868\n", + "Completed text 131869\n", + "Completed text 131870\n", + "Completed text 131871\n", + "Completed text 131872\n", + "Completed text 131873\n", + "Completed text 131874\n", + "Completed text 131875\n", + "Completed text 131876\n", + "Completed text 131877\n", + "Completed text 131878\n", + "Completed text 131879\n", + "Completed text 131880\n", + "Completed text 131881\n", + "Completed text 131882\n", + "Completed text 131883\n", + "Completed text 131884\n", + "Completed text 131885\n", + "Completed text 131886\n", + "Completed text 131887\n", + "Completed text 131888\n", + "Completed text 131889\n", + "Completed text 131890\n", + "Completed text 131891\n", + "Completed text 131892\n", + "Completed text 131893\n", + "Completed text 131894\n", + "Completed text 131895\n", + "Completed text 131896\n", + "Completed text 131897\n", + "Completed text 131898\n", + "Completed text 131899\n", + "Completed text 131900\n", + "Completed text 131901\n", + "Completed text 131902\n", + "Completed text 131903\n", + "Completed text 131904\n", + "Completed text 131905\n", + "Completed text 131906\n", + "Completed text 131907\n", + "Completed text 131908\n", + "Completed text 131909\n", + "Completed text 131910\n", + "Completed text 131911\n", + "Completed text 131912\n", + "Completed text 131913\n", + "Completed text 131914\n", + "Completed text 131915\n", + "Completed text 131916\n", + "Completed text 131917\n", + "Completed text 131918\n", + "Completed text 131919\n", + "Completed text 131920\n", + "Completed text 131921\n", + "Completed text 131922\n", + "Completed text 131923\n", + "Completed text 131924\n", + "Completed text 131925\n", + "Completed text 131926\n", + "Completed text 131927\n", + "Completed text 131928\n", + "Completed text 131929\n", + "Completed text 131930\n", + "Completed text 131931\n", + "Completed text 131932\n", + "Completed text 131933\n", + "Completed text 131934\n", + "Completed text 131935\n", + "Completed text 131936\n", + "Completed text 131937\n", + "Completed text 131938\n", + "Completed text 131939\n", + "Completed text 131940\n", + "Completed text 131941\n", + "Completed text 131942\n", + "Completed text 131943\n", + "Completed text 131944\n", + "Completed text 131945\n", + "Completed text 131946\n", + "Completed text 131947\n", + "Completed text 131948\n", + "Completed text 131949\n", + "Completed text 131950\n", + "Completed text 131951\n", + "Completed text 131952\n", + "Completed text 131953\n", + "Completed text 131954\n", + "Completed text 131955\n", + "Completed text 131956\n", + "Completed text 131957\n", + "Completed text 131958\n", + "Completed text 131959\n", + "Completed text 131960\n", + "Completed text 131961\n", + "Completed text 131962\n", + "Completed text 131963\n", + "Completed text 131964\n", + "Completed text 131965\n", + "Completed text 131966\n", + "Completed text 131967\n", + "Completed text 131968\n", + "Completed text 131969\n", + "Completed text 131970\n", + "Completed text 131971\n", + "Completed text 131972\n", + "Completed text 131973\n", + "Completed text 131974\n", + "Completed text 131975\n", + "Completed text 131976\n", + "Completed text 131977\n", + "Completed text 131978\n", + "Completed text 131979\n", + "Completed text 131980\n", + "Completed text 131981\n", + "Completed text 131982\n", + "Completed text 131983\n", + "Completed text 131984\n", + "Completed text 131985\n", + "Completed text 131986\n", + "Completed text 131987\n", + "Completed text 131988\n", + "Completed text 131989\n", + "Completed text 131990\n", + "Completed text 131991\n", + "Completed text 131992\n", + "Completed text 131993\n", + "Completed text 131994\n", + "Completed text 131995\n", + "Completed text 131996\n", + "Completed text 131997\n", + "Completed text 131998\n", + "Completed text 131999\n", + "Completed text 132000\n", + "Completed text 132001\n", + "Completed text 132002\n", + "Completed text 132003\n", + "Completed text 132004\n", + "Completed text 132005\n", + "Completed text 132006\n", + "Completed text 132007\n", + "Completed text 132008\n", + "Completed text 132009\n", + "Completed text 132010\n", + "Completed text 132011\n", + "Completed text 132012\n", + "Completed text 132013\n", + "Completed text 132014\n", + "Completed text 132015\n", + "Completed text 132016\n", + "Completed text 132017\n", + "Completed text 132018\n", + "Completed text 132019\n", + "Completed text 132020\n", + "Completed text 132021\n", + "Completed text 132022\n", + "Completed text 132023\n", + "Completed text 132024\n", + "Completed text 132025\n", + "Completed text 132026\n", + "Completed text 132027\n", + "Completed text 132028\n", + "Completed text 132029\n", + "Completed text 132030\n", + "Completed text 132031\n", + "Completed text 132032\n", + "Completed text 132033\n", + "Completed text 132034\n", + "Completed text 132035\n", + "Completed text 132036\n", + "Completed text 132037\n", + "Completed text 132038\n", + "Completed text 132039\n", + "Completed text 132040\n", + "Completed text 132041\n", + "Completed text 132042\n", + "Completed text 132043\n", + "Completed text 132044\n", + "Completed text 132045\n", + "Completed text 132046\n", + "Completed text 132047\n", + "Completed text 132048\n", + "Completed text 132049\n", + "Completed text 132050\n", + "Completed text 132051\n", + "Completed text 132052\n", + "Completed text 132053\n", + "Completed text 132054\n", + "Completed text 132055\n", + "Completed text 132056\n", + "Completed text 132057\n", + "Completed text 132058\n", + "Completed text 132059\n", + "Completed text 132060\n", + "Completed text 132061\n", + "Completed text 132062\n", + "Completed text 132063\n", + "Completed text 132064\n", + "Completed text 132065\n", + "Completed text 132066\n", + "Completed text 132067\n", + "Completed text 132068\n", + "Completed text 132069\n", + "Completed text 132070\n", + "Completed text 132071\n", + "Completed text 132072\n", + "Completed text 132073\n", + "Completed text 132074\n", + "Completed text 132075\n", + "Completed text 132076\n", + "Completed text 132077\n", + "Completed text 132078\n", + "Completed text 132079\n", + "Completed text 132080\n", + "Completed text 132081\n", + "Completed text 132082\n", + "Completed text 132083\n", + "Completed text 132084\n", + "Completed text 132085\n", + "Completed text 132086\n", + "Completed text 132087\n", + "Completed text 132088\n", + "Completed text 132089\n", + "Completed text 132090\n", + "Completed text 132091\n", + "Completed text 132092\n", + "Completed text 132093\n", + "Completed text 132094\n", + "Completed text 132095\n", + "Completed text 132096\n", + "Completed text 132097\n", + "Completed text 132098\n", + "Completed text 132099\n", + "Completed text 132100\n", + "Completed text 132101\n", + "Completed text 132102\n", + "Completed text 132103\n", + "Completed text 132104\n", + "Completed text 132105\n", + "Completed text 132106\n", + "Completed text 132107\n", + "Completed text 132108\n", + "Completed text 132109\n", + "Completed text 132110\n", + "Completed text 132111\n", + "Completed text 132112\n", + "Completed text 132113\n", + "Completed text 132114\n", + "Completed text 132115\n", + "Completed text 132116\n", + "Completed text 132117\n", + "Completed text 132118\n", + "Completed text 132119\n", + "Completed text 132120\n", + "Completed text 132121\n", + "Completed text 132122\n", + "Completed text 132123\n", + "Completed text 132124\n", + "Completed text 132125\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 132126\n", + "Completed text 132127\n", + "Completed text 132128\n", + "Completed text 132129\n", + "Completed text 132130\n", + "Completed text 132131\n", + "Completed text 132132\n", + "Completed text 132133\n", + "Completed text 132134\n", + "Completed text 132135\n", + "Completed text 132136\n", + "Completed text 132137\n", + "Completed text 132138\n", + "Completed text 132139\n", + "Completed text 132140\n", + "Completed text 132141\n", + "Completed text 132142\n", + "Completed text 132143\n", + "Completed text 132144\n", + "Completed text 132145\n", + "Completed text 132146\n", + "Completed text 132147\n", + "Completed text 132148\n", + "Completed text 132149\n", + "Completed text 132150\n", + "Completed text 132151\n", + "Completed text 132152\n", + "Completed text 132153\n", + "Completed text 132154\n", + "Completed text 132155\n", + "Completed text 132156\n", + "Completed text 132157\n", + "Completed text 132158\n", + "Completed text 132159\n", + "Completed text 132160\n", + "Completed text 132161\n", + "Completed text 132162\n", + "Completed text 132163\n", + "Completed text 132164\n", + "Completed text 132165\n", + "Completed text 132166\n", + "Completed text 132167\n", + "Completed text 132168\n", + "Completed text 132169\n", + "Completed text 132170\n", + "Completed text 132171\n", + "Completed text 132172\n", + "Completed text 132173\n", + "Completed text 132174\n", + "Completed text 132175\n", + "Completed text 132176\n", + "Completed text 132177\n", + "Completed text 132178\n", + "Completed text 132179\n", + "Completed text 132180\n", + "Completed text 132181\n", + "Completed text 132182\n", + "Completed text 132183\n", + "Completed text 132184\n", + "Completed text 132185\n", + "Completed text 132186\n", + "Completed text 132187\n", + "Completed text 132188\n", + "Completed text 132189\n", + "Completed text 132190\n", + "Completed text 132191\n", + "Completed text 132192\n", + "Completed text 132193\n", + "Completed text 132194\n", + "Completed text 132195\n", + "Completed text 132196\n", + "Completed text 132197\n", + "Completed text 132198\n", + "Completed text 132199\n", + "Completed text 132200\n", + "Completed text 132201\n", + "Completed text 132202\n", + "Completed text 132203\n", + "Completed text 132204\n", + "Completed text 132205\n", + "Completed text 132206\n", + "Completed text 132207\n", + "Completed text 132208\n", + "Completed text 132209\n", + "Completed text 132210\n", + "Completed text 132211\n", + "Completed text 132212\n", + "Completed text 132213\n", + "Completed text 132214\n", + "Completed text 132215\n", + "Completed text 132216\n", + "Completed text 132217\n", + "Completed text 132218\n", + "Completed text 132219\n", + "Completed text 132220\n", + "Completed text 132221\n", + "Completed text 132222\n", + "Completed text 132223\n", + "Completed text 132224\n", + "Completed text 132225\n", + "Completed text 132226\n", + "Completed text 132227\n", + "Completed text 132228\n", + "Completed text 132229\n", + "Completed text 132230\n", + "Completed text 132231\n", + "Completed text 132232\n", + "Completed text 132233\n", + "Completed text 132234\n", + "Completed text 132235\n", + "Completed text 132236\n", + "Completed text 132237\n", + "Completed text 132238\n", + "Completed text 132239\n", + "Completed text 132240\n", + "Completed text 132241\n", + "Completed text 132242\n", + "Completed text 132243\n", + "Completed text 132244\n", + "Completed text 132245\n", + "Completed text 132246\n", + "Completed text 132247\n", + "Completed text 132248\n", + "Completed text 132249\n", + "Completed text 132250\n", + "Completed text 132251\n", + "Completed text 132252\n", + "Completed text 132253\n", + "Completed text 132254\n", + "Completed text 132255\n", + "Completed text 132256\n", + "Completed text 132257\n", + "Completed text 132258\n", + "Completed text 132259\n", + "Completed text 132260\n", + "Completed text 132261\n", + "Completed text 132262\n", + "Completed text 132263\n", + "Completed text 132264\n", + "Completed text 132265\n", + "Completed text 132266\n", + "Completed text 132267\n", + "Completed text 132268\n", + "Completed text 132269\n", + "Completed text 132270\n", + "Completed text 132271\n", + "Completed text 132272\n", + "Completed text 132273\n", + "Completed text 132274\n", + "Completed text 132275\n", + "Completed text 132276\n", + "Completed text 132277\n", + "Completed text 132278\n", + "Completed text 132279\n", + "Completed text 132280\n", + "Completed text 132281\n", + "Completed text 132282\n", + "Completed text 132283\n", + "Completed text 132284\n", + "Completed text 132285\n", + "Completed text 132286\n", + "Completed text 132287\n", + "Completed text 132288\n", + "Completed text 132289\n", + "Completed text 132290\n", + "Completed text 132291\n", + "Completed text 132292\n", + "Completed text 132293\n", + "Completed text 132294\n", + "Completed text 132295\n", + "Completed text 132296\n", + "Completed text 132297\n", + "Completed text 132298\n", + "Completed text 132299\n", + "Completed text 132300\n", + "Completed text 132301\n", + "Completed text 132302\n", + "Completed text 132303\n", + "Completed text 132304\n", + "Completed text 132305\n", + "Completed text 132306\n", + "Completed text 132307\n", + "Completed text 132308\n", + "Completed text 132309\n", + "Completed text 132310\n", + "Completed text 132311\n", + "Completed text 132312\n", + "Completed text 132313\n", + "Completed text 132314\n", + "Completed text 132315\n", + "Completed text 132316\n", + "Completed text 132317\n", + "Completed text 132318\n", + "Completed text 132319\n", + "Completed text 132320\n", + "Completed text 132321\n", + "Completed text 132322\n", + "Completed text 132323\n", + "Completed text 132324\n", + "Completed text 132325\n", + "Completed text 132326\n", + "Completed text 132327\n", + "Completed text 132328\n", + "Completed text 132329\n", + "Completed text 132330\n", + "Completed text 132331\n", + "Completed text 132332\n", + "Completed text 132333\n", + "Completed text 132334\n", + "Completed text 132335\n", + "Completed text 132336\n", + "Completed text 132337\n", + "Completed text 132338\n", + "Completed text 132339\n", + "Completed text 132340\n", + "Completed text 132341\n", + "Completed text 132342\n", + "Completed text 132343\n", + "Completed text 132344\n", + "Completed text 132345\n", + "Completed text 132346\n", + "Completed text 132347\n", + "Completed text 132348\n", + "Completed text 132349\n", + "Completed text 132350\n", + "Completed text 132351\n", + "Completed text 132352\n", + "Completed text 132353\n", + "Completed text 132354\n", + "Completed text 132355\n", + "Completed text 132356\n", + "Completed text 132357\n", + "Completed text 132358\n", + "Completed text 132359\n", + "Completed text 132360\n", + "Completed text 132361\n", + "Completed text 132362\n", + "Completed text 132363\n", + "Completed text 132364\n", + "Completed text 132365\n", + "Completed text 132366\n", + "Completed text 132367\n", + "Completed text 132368\n", + "Completed text 132369\n", + "Completed text 132370\n", + "Completed text 132371\n", + "Completed text 132372\n", + "Completed text 132373\n", + "Completed text 132374\n", + "Completed text 132375\n", + "Completed text 132376\n", + "Completed text 132377\n", + "Completed text 132378\n", + "Completed text 132379\n", + "Completed text 132380\n", + "Completed text 132381\n", + "Completed text 132382\n", + "Completed text 132383\n", + "Completed text 132384\n", + "Completed text 132385\n", + "Completed text 132386\n", + "Completed text 132387\n", + "Completed text 132388\n", + "Completed text 132389\n", + "Completed text 132390\n", + "Completed text 132391\n", + "Completed text 132392\n", + "Completed text 132393\n", + "Completed text 132394\n", + "Completed text 132395\n", + "Completed text 132396\n", + "Completed text 132397\n", + "Completed text 132398\n", + "Completed text 132399\n", + "Completed text 132400\n", + "Completed text 132401\n", + "Completed text 132402\n", + "Completed text 132403\n", + "Completed text 132404\n", + "Completed text 132405\n", + "Completed text 132406\n", + "Completed text 132407\n", + "Completed text 132408\n", + "Completed text 132409\n", + "Completed text 132410\n", + "Completed text 132411\n", + "Completed text 132412\n", + "Completed text 132413\n", + "Completed text 132414\n", + "Completed text 132415\n", + "Completed text 132416\n", + "Completed text 132417\n", + "Completed text 132418\n", + "Completed text 132419\n", + "Completed text 132420\n", + "Completed text 132421\n", + "Completed text 132422\n", + "Completed text 132423\n", + "Completed text 132424\n", + "Completed text 132425\n", + "Completed text 132426\n", + "Completed text 132427\n", + "Completed text 132428\n", + "Completed text 132429\n", + "Completed text 132430\n", + "Completed text 132431\n", + "Completed text 132432\n", + "Completed text 132433\n", + "Completed text 132434\n", + "Completed text 132435\n", + "Completed text 132436\n", + "Completed text 132437\n", + "Completed text 132438\n", + "Completed text 132439\n", + "Completed text 132440\n", + "Completed text 132441\n", + "Completed text 132442\n", + "Completed text 132443\n", + "Completed text 132444\n", + "Completed text 132445\n", + "Completed text 132446\n", + "Completed text 132447\n", + "Completed text 132448\n", + "Completed text 132449\n", + "Completed text 132450\n", + "Completed text 132451\n", + "Completed text 132452\n", + "Completed text 132453\n", + "Completed text 132454\n", + "Completed text 132455\n", + "Completed text 132456\n", + "Completed text 132457\n", + "Completed text 132458\n", + "Completed text 132459\n", + "Completed text 132460\n", + "Completed text 132461\n", + "Completed text 132462\n", + "Completed text 132463\n", + "Completed text 132464\n", + "Completed text 132465\n", + "Completed text 132466\n", + "Completed text 132467\n", + "Completed text 132468\n", + "Completed text 132469\n", + "Completed text 132470\n", + "Completed text 132471\n", + "Completed text 132472\n", + "Completed text 132473\n", + "Completed text 132474\n", + "Completed text 132475\n", + "Completed text 132476\n", + "Completed text 132477\n", + "Completed text 132478\n", + "Completed text 132479\n", + "Completed text 132480\n", + "Completed text 132481\n", + "Completed text 132482\n", + "Completed text 132483\n", + "Completed text 132484\n", + "Completed text 132485\n", + "Completed text 132486\n", + "Completed text 132487\n", + "Completed text 132488\n", + "Completed text 132489\n", + "Completed text 132490\n", + "Completed text 132491\n", + "Completed text 132492\n", + "Completed text 132493\n", + "Completed text 132494\n", + "Completed text 132495\n", + "Completed text 132496\n", + "Completed text 132497\n", + "Completed text 132498\n", + "Completed text 132499\n", + "Completed text 132500\n", + "Completed text 132501\n", + "Completed text 132502\n", + "Completed text 132503\n", + "Completed text 132504\n", + "Completed text 132505\n", + "Completed text 132506\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 132507\n", + "Completed text 132508\n", + "Completed text 132509\n", + "Completed text 132510\n", + "Completed text 132511\n", + "Completed text 132512\n", + "Completed text 132513\n", + "Completed text 132514\n", + "Completed text 132515\n", + "Completed text 132516\n", + "Completed text 132517\n", + "Completed text 132518\n", + "Completed text 132519\n", + "Completed text 132520\n", + "Completed text 132521\n", + "Completed text 132522\n", + "Completed text 132523\n", + "Completed text 132524\n", + "Completed text 132525\n", + "Completed text 132526\n", + "Completed text 132527\n", + "Completed text 132528\n", + "Completed text 132529\n", + "Completed text 132530\n", + "Completed text 132531\n", + "Completed text 132532\n", + "Completed text 132533\n", + "Completed text 132534\n", + "Completed text 132535\n", + "Completed text 132536\n", + "Completed text 132537\n", + "Completed text 132538\n", + "Completed text 132539\n", + "Completed text 132540\n", + "Completed text 132541\n", + "Completed text 132542\n", + "Completed text 132543\n", + "Completed text 132544\n", + "Completed text 132545\n", + "Completed text 132546\n", + "Completed text 132547\n", + "Completed text 132548\n", + "Completed text 132549\n", + "Completed text 132550\n", + "Completed text 132551\n", + "Completed text 132552\n", + "Completed text 132553\n", + "Completed text 132554\n", + "Completed text 132555\n", + "Completed text 132556\n", + "Completed text 132557\n", + "Completed text 132558\n", + "Completed text 132559\n", + "Completed text 132560\n", + "Completed text 132561\n", + "Completed text 132562\n", + "Completed text 132563\n", + "Completed text 132564\n", + "Completed text 132565\n", + "Completed text 132566\n", + "Completed text 132567\n", + "Completed text 132568\n", + "Completed text 132569\n", + "Completed text 132570\n", + "Completed text 132571\n", + "Completed text 132572\n", + "Completed text 132573\n", + "Completed text 132574\n", + "Completed text 132575\n", + "Completed text 132576\n", + "Completed text 132577\n", + "Completed text 132578\n", + "Completed text 132579\n", + "Completed text 132580\n", + "Completed text 132581\n", + "Completed text 132582\n", + "Completed text 132583\n", + "Completed text 132584\n", + "Completed text 132585\n", + "Completed text 132586\n", + "Completed text 132587\n", + "Completed text 132588\n", + "Completed text 132589\n", + "Completed text 132590\n", + "Completed text 132591\n", + "Completed text 132592\n", + "Completed text 132593\n", + "Completed text 132594\n", + "Completed text 132595\n", + "Completed text 132596\n", + "Completed text 132597\n", + "Completed text 132598\n", + "Completed text 132599\n", + "Completed text 132600\n", + "Completed text 132601\n", + "Completed text 132602\n", + "Completed text 132603\n", + "Completed text 132604\n", + "Completed text 132605\n", + "Completed text 132606\n", + "Completed text 132607\n", + "Completed text 132608\n", + "Completed text 132609\n", + "Completed text 132610\n", + "Completed text 132611\n", + "Completed text 132612\n", + "Completed text 132613\n", + "Completed text 132614\n", + "Completed text 132615\n", + "Completed text 132616\n", + "Completed text 132617\n", + "Completed text 132618\n", + "Completed text 132619\n", + "Completed text 132620\n", + "Completed text 132621\n", + "Completed text 132622\n", + "Completed text 132623\n", + "Completed text 132624\n", + "Completed text 132625\n", + "Completed text 132626\n", + "Completed text 132627\n", + "Completed text 132628\n", + "Completed text 132629\n", + "Completed text 132630\n", + "Completed text 132631\n", + "Completed text 132632\n", + "Completed text 132633\n", + "Completed text 132634\n", + "Completed text 132635\n", + "Completed text 132636\n", + "Completed text 132637\n", + "Completed text 132638\n", + "Completed text 132639\n", + "Completed text 132640\n", + "Completed text 132641\n", + "Completed text 132642\n", + "Completed text 132643\n", + "Completed text 132644\n", + "Completed text 132645\n", + "Completed text 132646\n", + "Completed text 132647\n", + "Completed text 132648\n", + "Completed text 132649\n", + "Completed text 132650\n", + "Completed text 132651\n", + "Completed text 132652\n", + "Completed text 132653\n", + "Completed text 132654\n", + "Completed text 132655\n", + "Completed text 132656\n", + "Completed text 132657\n", + "Completed text 132658\n", + "Completed text 132659\n", + "Completed text 132660\n", + "Completed text 132661\n", + "Completed text 132662\n", + "Completed text 132663\n", + "Completed text 132664\n", + "Completed text 132665\n", + "Completed text 132666\n", + "Completed text 132667\n", + "Completed text 132668\n", + "Completed text 132669\n", + "Completed text 132670\n", + "Completed text 132671\n", + "Completed text 132672\n", + "Completed text 132673\n", + "Completed text 132674\n", + "Completed text 132675\n", + "Completed text 132676\n", + "Completed text 132677\n", + "Completed text 132678\n", + "Completed text 132679\n", + "Completed text 132680\n", + "Completed text 132681\n", + "Completed text 132682\n", + "Completed text 132683\n", + "Completed text 132684\n", + "Completed text 132685\n", + "Completed text 132686\n", + "Completed text 132687\n", + "Completed text 132688\n", + "Completed text 132689\n", + "Completed text 132690\n", + "Completed text 132691\n", + "Completed text 132692\n", + "Completed text 132693\n", + "Completed text 132694\n", + "Completed text 132695\n", + "Completed text 132696\n", + "Completed text 132697\n", + "Completed text 132698\n", + "Completed text 132699\n", + "Completed text 132700\n", + "Completed text 132701\n", + "Completed text 132702\n", + "Completed text 132703\n", + "Completed text 132704\n", + "Completed text 132705\n", + "Completed text 132706\n", + "Completed text 132707\n", + "Completed text 132708\n", + "Completed text 132709\n", + "Completed text 132710\n", + "Completed text 132711\n", + "Completed text 132712\n", + "Completed text 132713\n", + "Completed text 132714\n", + "Completed text 132715\n", + "Completed text 132716\n", + "Completed text 132717\n", + "Completed text 132718\n", + "Completed text 132719\n", + "Completed text 132720\n", + "Completed text 132721\n", + "Completed text 132722\n", + "Completed text 132723\n", + "Completed text 132724\n", + "Completed text 132725\n", + "Completed text 132726\n", + "Completed text 132727\n", + "Completed text 132728\n", + "Completed text 132729\n", + "Completed text 132730\n", + "Completed text 132731\n", + "Completed text 132732\n", + "Completed text 132733\n", + "Completed text 132734\n", + "Completed text 132735\n", + "Completed text 132736\n", + "Completed text 132737\n", + "Completed text 132738\n", + "Completed text 132739\n", + "Completed text 132740\n", + "Completed text 132741\n", + "Completed text 132742\n", + "Completed text 132743\n", + "Completed text 132744\n", + "Completed text 132745\n", + "Completed text 132746\n", + "Completed text 132747\n", + "Completed text 132748\n", + "Completed text 132749\n", + "Completed text 132750\n", + "Completed text 132751\n", + "Completed text 132752\n", + "Completed text 132753\n", + "Completed text 132754\n", + "Completed text 132755\n", + "Completed text 132756\n", + "Completed text 132757\n", + "Completed text 132758\n", + "Completed text 132759\n", + "Completed text 132760\n", + "Completed text 132761\n", + "Completed text 132762\n", + "Completed text 132763\n", + "Completed text 132764\n", + "Completed text 132765\n", + "Completed text 132766\n", + "Completed text 132767\n", + "Completed text 132768\n", + "Completed text 132769\n", + "Completed text 132770\n", + "Completed text 132771\n", + "Completed text 132772\n", + "Completed text 132773\n", + "Completed text 132774\n", + "Completed text 132775\n", + "Completed text 132776\n", + "Completed text 132777\n", + "Completed text 132778\n", + "Completed text 132779\n", + "Completed text 132780\n", + "Completed text 132781\n", + "Completed text 132782\n", + "Completed text 132783\n", + "Completed text 132784\n", + "Completed text 132785\n", + "Completed text 132786\n", + "Completed text 132787\n", + "Completed text 132788\n", + "Completed text 132789\n", + "Completed text 132790\n", + "Completed text 132791\n", + "Completed text 132792\n", + "Completed text 132793\n", + "Completed text 132794\n", + "Completed text 132795\n", + "Completed text 132796\n", + "Completed text 132797\n", + "Completed text 132798\n", + "Completed text 132799\n", + "Completed text 132800\n", + "Completed text 132801\n", + "Completed text 132802\n", + "Completed text 132803\n", + "Completed text 132804\n", + "Completed text 132805\n", + "Completed text 132806\n", + "Completed text 132807\n", + "Completed text 132808\n", + "Completed text 132809\n", + "Completed text 132810\n", + "Completed text 132811\n", + "Completed text 132812\n", + "Completed text 132813\n", + "Completed text 132814\n", + "Completed text 132815\n", + "Completed text 132816\n", + "Completed text 132817\n", + "Completed text 132818\n", + "Completed text 132819\n", + "Completed text 132820\n", + "Completed text 132821\n", + "Completed text 132822\n", + "Completed text 132823\n", + "Completed text 132824\n", + "Completed text 132825\n", + "Completed text 132826\n", + "Completed text 132827\n", + "Completed text 132828\n", + "Completed text 132829\n", + "Completed text 132830\n", + "Completed text 132831\n", + "Completed text 132832\n", + "Completed text 132833\n", + "Completed text 132834\n", + "Completed text 132835\n", + "Completed text 132836\n", + "Completed text 132837\n", + "Completed text 132838\n", + "Completed text 132839\n", + "Completed text 132840\n", + "Completed text 132841\n", + "Completed text 132842\n", + "Completed text 132843\n", + "Completed text 132844\n", + "Completed text 132845\n", + "Completed text 132846\n", + "Completed text 132847\n", + "Completed text 132848\n", + "Completed text 132849\n", + "Completed text 132850\n", + "Completed text 132851\n", + "Completed text 132852\n", + "Completed text 132853\n", + "Completed text 132854\n", + "Completed text 132855\n", + "Completed text 132856\n", + "Completed text 132857\n", + "Completed text 132858\n", + "Completed text 132859\n", + "Completed text 132860\n", + "Completed text 132861\n", + "Completed text 132862\n", + "Completed text 132863\n", + "Completed text 132864\n", + "Completed text 132865\n", + "Completed text 132866\n", + "Completed text 132867\n", + "Completed text 132868\n", + "Completed text 132869\n", + "Completed text 132870\n", + "Completed text 132871\n", + "Completed text 132872\n", + "Completed text 132873\n", + "Completed text 132874\n", + "Completed text 132875\n", + "Completed text 132876\n", + "Completed text 132877\n", + "Completed text 132878\n", + "Completed text 132879\n", + "Completed text 132880\n", + "Completed text 132881\n", + "Completed text 132882\n", + "Completed text 132883\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 132884\n", + "Completed text 132885\n", + "Completed text 132886\n", + "Completed text 132887\n", + "Completed text 132888\n", + "Completed text 132889\n", + "Completed text 132890\n", + "Completed text 132891\n", + "Completed text 132892\n", + "Completed text 132893\n", + "Completed text 132894\n", + "Completed text 132895\n", + "Completed text 132896\n", + "Completed text 132897\n", + "Completed text 132898\n", + "Completed text 132899\n", + "Completed text 132900\n", + "Completed text 132901\n", + "Completed text 132902\n", + "Completed text 132903\n", + "Completed text 132904\n", + "Completed text 132905\n", + "Completed text 132906\n", + "Completed text 132907\n", + "Completed text 132908\n", + "Completed text 132909\n", + "Completed text 132910\n", + "Completed text 132911\n", + "Completed text 132912\n", + "Completed text 132913\n", + "Completed text 132914\n", + "Completed text 132915\n", + "Completed text 132916\n", + "Completed text 132917\n", + "Completed text 132918\n", + "Completed text 132919\n", + "Completed text 132920\n", + "Completed text 132921\n", + "Completed text 132922\n", + "Completed text 132923\n", + "Completed text 132924\n", + "Completed text 132925\n", + "Completed text 132926\n", + "Completed text 132927\n", + "Completed text 132928\n", + "Completed text 132929\n", + "Completed text 132930\n", + "Completed text 132931\n", + "Completed text 132932\n", + "Completed text 132933\n", + "Completed text 132934\n", + "Completed text 132935\n", + "Completed text 132936\n", + "Completed text 132937\n", + "Completed text 132938\n", + "Completed text 132939\n", + "Completed text 132940\n", + "Completed text 132941\n", + "Completed text 132942\n", + "Completed text 132943\n", + "Completed text 132944\n", + "Completed text 132945\n", + "Completed text 132946\n", + "Completed text 132947\n", + "Completed text 132948\n", + "Completed text 132949\n", + "Completed text 132950\n", + "Completed text 132951\n", + "Completed text 132952\n", + "Completed text 132953\n", + "Completed text 132954\n", + "Completed text 132955\n", + "Completed text 132956\n", + "Completed text 132957\n", + "Completed text 132958\n", + "Completed text 132959\n", + "Completed text 132960\n", + "Completed text 132961\n", + "Completed text 132962\n", + "Completed text 132963\n", + "Completed text 132964\n", + "Completed text 132965\n", + "Completed text 132966\n", + "Completed text 132967\n", + "Completed text 132968\n", + "Completed text 132969\n", + "Completed text 132970\n", + "Completed text 132971\n", + "Completed text 132972\n", + "Completed text 132973\n", + "Completed text 132974\n", + "Completed text 132975\n", + "Completed text 132976\n", + "Completed text 132977\n", + "Completed text 132978\n", + "Completed text 132979\n", + "Completed text 132980\n", + "Completed text 132981\n", + "Completed text 132982\n", + "Completed text 132983\n", + "Completed text 132984\n", + "Completed text 132985\n", + "Completed text 132986\n", + "Completed text 132987\n", + "Completed text 132988\n", + "Completed text 132989\n", + "Completed text 132990\n", + "Completed text 132991\n", + "Completed text 132992\n", + "Completed text 132993\n", + "Completed text 132994\n", + "Completed text 132995\n", + "Completed text 132996\n", + "Completed text 132997\n", + "Completed text 132998\n", + "Completed text 132999\n", + "Completed text 133000\n", + "Completed text 133001\n", + "Completed text 133002\n", + "Completed text 133003\n", + "Completed text 133004\n", + "Completed text 133005\n", + "Completed text 133006\n", + "Completed text 133007\n", + "Completed text 133008\n", + "Completed text 133009\n", + "Completed text 133010\n", + "Completed text 133011\n", + "Completed text 133012\n", + "Completed text 133013\n", + "Completed text 133014\n", + "Completed text 133015\n", + "Completed text 133016\n", + "Completed text 133017\n", + "Completed text 133018\n", + "Completed text 133019\n", + "Completed text 133020\n", + "Completed text 133021\n", + "Completed text 133022\n", + "Completed text 133023\n", + "Completed text 133024\n", + "Completed text 133025\n", + "Completed text 133026\n", + "Completed text 133027\n", + "Completed text 133028\n", + "Completed text 133029\n", + "Completed text 133030\n", + "Completed text 133031\n", + "Completed text 133032\n", + "Completed text 133033\n", + "Completed text 133034\n", + "Completed text 133035\n", + "Completed text 133036\n", + "Completed text 133037\n", + "Completed text 133038\n", + "Completed text 133039\n", + "Completed text 133040\n", + "Completed text 133041\n", + "Completed text 133042\n", + "Completed text 133043\n", + "Completed text 133044\n", + "Completed text 133045\n", + "Completed text 133046\n", + "Completed text 133047\n", + "Completed text 133048\n", + "Completed text 133049\n", + "Completed text 133050\n", + "Completed text 133051\n", + "Completed text 133052\n", + "Completed text 133053\n", + "Completed text 133054\n", + "Completed text 133055\n", + "Completed text 133056\n", + "Completed text 133057\n", + "Completed text 133058\n", + "Completed text 133059\n", + "Completed text 133060\n", + "Completed text 133061\n", + "Completed text 133062\n", + "Completed text 133063\n", + "Completed text 133064\n", + "Completed text 133065\n", + "Completed text 133066\n", + "Completed text 133067\n", + "Completed text 133068\n", + "Completed text 133069\n", + "Completed text 133070\n", + "Completed text 133071\n", + "Completed text 133072\n", + "Completed text 133073\n", + "Completed text 133074\n", + "Completed text 133075\n", + "Completed text 133076\n", + "Completed text 133077\n", + "Completed text 133078\n", + "Completed text 133079\n", + "Completed text 133080\n", + "Completed text 133081\n", + "Completed text 133082\n", + "Completed text 133083\n", + "Completed text 133084\n", + "Completed text 133085\n", + "Completed text 133086\n", + "Completed text 133087\n", + "Completed text 133088\n", + "Completed text 133089\n", + "Completed text 133090\n", + "Completed text 133091\n", + "Completed text 133092\n", + "Completed text 133093\n", + "Completed text 133094\n", + "Completed text 133095\n", + "Completed text 133096\n", + "Completed text 133097\n", + "Completed text 133098\n", + "Completed text 133099\n", + "Completed text 133100\n", + "Completed text 133101\n", + "Completed text 133102\n", + "Completed text 133103\n", + "Completed text 133104\n", + "Completed text 133105\n", + "Completed text 133106\n", + "Completed text 133107\n", + "Completed text 133108\n", + "Completed text 133109\n", + "Completed text 133110\n", + "Completed text 133111\n", + "Completed text 133112\n", + "Completed text 133113\n", + "Completed text 133114\n", + "Completed text 133115\n", + "Completed text 133116\n", + "Completed text 133117\n", + "Completed text 133118\n", + "Completed text 133119\n", + "Completed text 133120\n", + "Completed text 133121\n", + "Completed text 133122\n", + "Completed text 133123\n", + "Completed text 133124\n", + "Completed text 133125\n", + "Completed text 133126\n", + "Completed text 133127\n", + "Completed text 133128\n", + "Completed text 133129\n", + "Completed text 133130\n", + "Completed text 133131\n", + "Completed text 133132\n", + "Completed text 133133\n", + "Completed text 133134\n", + "Completed text 133135\n", + "Completed text 133136\n", + "Completed text 133137\n", + "Completed text 133138\n", + "Completed text 133139\n", + "Completed text 133140\n", + "Completed text 133141\n", + "Completed text 133142\n", + "Completed text 133143\n", + "Completed text 133144\n", + "Completed text 133145\n", + "Completed text 133146\n", + "Completed text 133147\n", + "Completed text 133148\n", + "Completed text 133149\n", + "Completed text 133150\n", + "Completed text 133151\n", + "Completed text 133152\n", + "Completed text 133153\n", + "Completed text 133154\n", + "Completed text 133155\n", + "Completed text 133156\n", + "Completed text 133157\n", + "Completed text 133158\n", + "Completed text 133159\n", + "Completed text 133160\n", + "Completed text 133161\n", + "Completed text 133162\n", + "Completed text 133163\n", + "Completed text 133164\n", + "Completed text 133165\n", + "Completed text 133166\n", + "Completed text 133167\n", + "Completed text 133168\n", + "Completed text 133169\n", + "Completed text 133170\n", + "Completed text 133171\n", + "Completed text 133172\n", + "Completed text 133173\n", + "Completed text 133174\n", + "Completed text 133175\n", + "Completed text 133176\n", + "Completed text 133177\n", + "Completed text 133178\n", + "Completed text 133179\n", + "Completed text 133180\n", + "Completed text 133181\n", + "Completed text 133182\n", + "Completed text 133183\n", + "Completed text 133184\n", + "Completed text 133185\n", + "Completed text 133186\n", + "Completed text 133187\n", + "Completed text 133188\n", + "Completed text 133189\n", + "Completed text 133190\n", + "Completed text 133191\n", + "Completed text 133192\n", + "Completed text 133193\n", + "Completed text 133194\n", + "Completed text 133195\n", + "Completed text 133196\n", + "Completed text 133197\n", + "Completed text 133198\n", + "Completed text 133199\n", + "Completed text 133200\n", + "Completed text 133201\n", + "Completed text 133202\n", + "Completed text 133203\n", + "Completed text 133204\n", + "Completed text 133205\n", + "Completed text 133206\n", + "Completed text 133207\n", + "Completed text 133208\n", + "Completed text 133209\n", + "Completed text 133210\n", + "Completed text 133211\n", + "Completed text 133212\n", + "Completed text 133213\n", + "Completed text 133214\n", + "Completed text 133215\n", + "Completed text 133216\n", + "Completed text 133217\n", + "Completed text 133218\n", + "Completed text 133219\n", + "Completed text 133220\n", + "Completed text 133221\n", + "Completed text 133222\n", + "Completed text 133223\n", + "Completed text 133224\n", + "Completed text 133225\n", + "Completed text 133226\n", + "Completed text 133227\n", + "Completed text 133228\n", + "Completed text 133229\n", + "Completed text 133230\n", + "Completed text 133231\n", + "Completed text 133232\n", + "Completed text 133233\n", + "Completed text 133234\n", + "Completed text 133235\n", + "Completed text 133236\n", + "Completed text 133237\n", + "Completed text 133238\n", + "Completed text 133239\n", + "Completed text 133240\n", + "Completed text 133241\n", + "Completed text 133242\n", + "Completed text 133243\n", + "Completed text 133244\n", + "Completed text 133245\n", + "Completed text 133246\n", + "Completed text 133247\n", + "Completed text 133248\n", + "Completed text 133249\n", + "Completed text 133250\n", + "Completed text 133251\n", + "Completed text 133252\n", + "Completed text 133253\n", + "Completed text 133254\n", + "Completed text 133255\n", + "Completed text 133256\n", + "Completed text 133257\n", + "Completed text 133258\n", + "Completed text 133259\n", + "Completed text 133260\n", + "Completed text 133261\n", + "Completed text 133262\n", + "Completed text 133263\n", + "Completed text 133264\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 133265\n", + "Completed text 133266\n", + "Completed text 133267\n", + "Completed text 133268\n", + "Completed text 133269\n", + "Completed text 133270\n", + "Completed text 133271\n", + "Completed text 133272\n", + "Completed text 133273\n", + "Completed text 133274\n", + "Completed text 133275\n", + "Completed text 133276\n", + "Completed text 133277\n", + "Completed text 133278\n", + "Completed text 133279\n", + "Completed text 133280\n", + "Completed text 133281\n", + "Completed text 133282\n", + "Completed text 133283\n", + "Completed text 133284\n", + "Completed text 133285\n", + "Completed text 133286\n", + "Completed text 133287\n", + "Completed text 133288\n", + "Completed text 133289\n", + "Completed text 133290\n", + "Completed text 133291\n", + "Completed text 133292\n", + "Completed text 133293\n", + "Completed text 133294\n", + "Completed text 133295\n", + "Completed text 133296\n", + "Completed text 133297\n", + "Completed text 133298\n", + "Completed text 133299\n", + "Completed text 133300\n", + "Completed text 133301\n", + "Completed text 133302\n", + "Completed text 133303\n", + "Completed text 133304\n", + "Completed text 133305\n", + "Completed text 133306\n", + "Completed text 133307\n", + "Completed text 133308\n", + "Completed text 133309\n", + "Completed text 133310\n", + "Completed text 133311\n", + "Completed text 133312\n", + "Completed text 133313\n", + "Completed text 133314\n", + "Completed text 133315\n", + "Completed text 133316\n", + "Completed text 133317\n", + "Completed text 133318\n", + "Completed text 133319\n", + "Completed text 133320\n", + "Completed text 133321\n", + "Completed text 133322\n", + "Completed text 133323\n", + "Completed text 133324\n", + "Completed text 133325\n", + "Completed text 133326\n", + "Completed text 133327\n", + "Completed text 133328\n", + "Completed text 133329\n", + "Completed text 133330\n", + "Completed text 133331\n", + "Completed text 133332\n", + "Completed text 133333\n", + "Completed text 133334\n", + "Completed text 133335\n", + "Completed text 133336\n", + "Completed text 133337\n", + "Completed text 133338\n", + "Completed text 133339\n", + "Completed text 133340\n", + "Completed text 133341\n", + "Completed text 133342\n", + "Completed text 133343\n", + "Completed text 133344\n", + "Completed text 133345\n", + "Completed text 133346\n", + "Completed text 133347\n", + "Completed text 133348\n", + "Completed text 133349\n", + "Completed text 133350\n", + "Completed text 133351\n", + "Completed text 133352\n", + "Completed text 133353\n", + "Completed text 133354\n", + "Completed text 133355\n", + "Completed text 133356\n", + "Completed text 133357\n", + "Completed text 133358\n", + "Completed text 133359\n", + "Completed text 133360\n", + "Completed text 133361\n", + "Completed text 133362\n", + "Completed text 133363\n", + "Completed text 133364\n", + "Completed text 133365\n", + "Completed text 133366\n", + "Completed text 133367\n", + "Completed text 133368\n", + "Completed text 133369\n", + "Completed text 133370\n", + "Completed text 133371\n", + "Completed text 133372\n", + "Completed text 133373\n", + "Completed text 133374\n", + "Completed text 133375\n", + "Completed text 133376\n", + "Completed text 133377\n", + "Completed text 133378\n", + "Completed text 133379\n", + "Completed text 133380\n", + "Completed text 133381\n", + "Completed text 133382\n", + "Completed text 133383\n", + "Completed text 133384\n", + "Completed text 133385\n", + "Completed text 133386\n", + "Completed text 133387\n", + "Completed text 133388\n", + "Completed text 133389\n", + "Completed text 133390\n", + "Completed text 133391\n", + "Completed text 133392\n", + "Completed text 133393\n", + "Completed text 133394\n", + "Completed text 133395\n", + "Completed text 133396\n", + "Completed text 133397\n", + "Completed text 133398\n", + "Completed text 133399\n", + "Completed text 133400\n", + "Completed text 133401\n", + "Completed text 133402\n", + "Completed text 133403\n", + "Completed text 133404\n", + "Completed text 133405\n", + "Completed text 133406\n", + "Completed text 133407\n", + "Completed text 133408\n", + "Completed text 133409\n", + "Completed text 133410\n", + "Completed text 133411\n", + "Completed text 133412\n", + "Completed text 133413\n", + "Completed text 133414\n", + "Completed text 133415\n", + "Completed text 133416\n", + "Completed text 133417\n", + "Completed text 133418\n", + "Completed text 133419\n", + "Completed text 133420\n", + "Completed text 133421\n", + "Completed text 133422\n", + "Completed text 133423\n", + "Completed text 133424\n", + "Completed text 133425\n", + "Completed text 133426\n", + "Completed text 133427\n", + "Completed text 133428\n", + "Completed text 133429\n", + "Completed text 133430\n", + "Completed text 133431\n", + "Completed text 133432\n", + "Completed text 133433\n", + "Completed text 133434\n", + "Completed text 133435\n", + "Completed text 133436\n", + "Completed text 133437\n", + "Completed text 133438\n", + "Completed text 133439\n", + "Completed text 133440\n", + "Completed text 133441\n", + "Completed text 133442\n", + "Completed text 133443\n", + "Completed text 133444\n", + "Completed text 133445\n", + "Completed text 133446\n", + "Completed text 133447\n", + "Completed text 133448\n", + "Completed text 133449\n", + "Completed text 133450\n", + "Completed text 133451\n", + "Completed text 133452\n", + "Completed text 133453\n", + "Completed text 133454\n", + "Completed text 133455\n", + "Completed text 133456\n", + "Completed text 133457\n", + "Completed text 133458\n", + "Completed text 133459\n", + "Completed text 133460\n", + "Completed text 133461\n", + "Completed text 133462\n", + "Completed text 133463\n", + "Completed text 133464\n", + "Completed text 133465\n", + "Completed text 133466\n", + "Completed text 133467\n", + "Completed text 133468\n", + "Completed text 133469\n", + "Completed text 133470\n", + "Completed text 133471\n", + "Completed text 133472\n", + "Completed text 133473\n", + "Completed text 133474\n", + "Completed text 133475\n", + "Completed text 133476\n", + "Completed text 133477\n", + "Completed text 133478\n", + "Completed text 133479\n", + "Completed text 133480\n", + "Completed text 133481\n", + "Completed text 133482\n", + "Completed text 133483\n", + "Completed text 133484\n", + "Completed text 133485\n", + "Completed text 133486\n", + "Completed text 133487\n", + "Completed text 133488\n", + "Completed text 133489\n", + "Completed text 133490\n", + "Completed text 133491\n", + "Completed text 133492\n", + "Completed text 133493\n", + "Completed text 133494\n", + "Completed text 133495\n", + "Completed text 133496\n", + "Completed text 133497\n", + "Completed text 133498\n", + "Completed text 133499\n", + "Completed text 133500\n", + "Completed text 133501\n", + "Completed text 133502\n", + "Completed text 133503\n", + "Completed text 133504\n", + "Completed text 133505\n", + "Completed text 133506\n", + "Completed text 133507\n", + "Completed text 133508\n", + "Completed text 133509\n", + "Completed text 133510\n", + "Completed text 133511\n", + "Completed text 133512\n", + "Completed text 133513\n", + "Completed text 133514\n", + "Completed text 133515\n", + "Completed text 133516\n", + "Completed text 133517\n", + "Completed text 133518\n", + "Completed text 133519\n", + "Completed text 133520\n", + "Completed text 133521\n", + "Completed text 133522\n", + "Completed text 133523\n", + "Completed text 133524\n", + "Completed text 133525\n", + "Completed text 133526\n", + "Completed text 133527\n", + "Completed text 133528\n", + "Completed text 133529\n", + "Completed text 133530\n", + "Completed text 133531\n", + "Completed text 133532\n", + "Completed text 133533\n", + "Completed text 133534\n", + "Completed text 133535\n", + "Completed text 133536\n", + "Completed text 133537\n", + "Completed text 133538\n", + "Completed text 133539\n", + "Completed text 133540\n", + "Completed text 133541\n", + "Completed text 133542\n", + "Completed text 133543\n", + "Completed text 133544\n", + "Completed text 133545\n", + "Completed text 133546\n", + "Completed text 133547\n", + "Completed text 133548\n", + "Completed text 133549\n", + "Completed text 133550\n", + "Completed text 133551\n", + "Completed text 133552\n", + "Completed text 133553\n", + "Completed text 133554\n", + "Completed text 133555\n", + "Completed text 133556\n", + "Completed text 133557\n", + "Completed text 133558\n", + "Completed text 133559\n", + "Completed text 133560\n", + "Completed text 133561\n", + "Completed text 133562\n", + "Completed text 133563\n", + "Completed text 133564\n", + "Completed text 133565\n", + "Completed text 133566\n", + "Completed text 133567\n", + "Completed text 133568\n", + "Completed text 133569\n", + "Completed text 133570\n", + "Completed text 133571\n", + "Completed text 133572\n", + "Completed text 133573\n", + "Completed text 133574\n", + "Completed text 133575\n", + "Completed text 133576\n", + "Completed text 133577\n", + "Completed text 133578\n", + "Completed text 133579\n", + "Completed text 133580\n", + "Completed text 133581\n", + "Completed text 133582\n", + "Completed text 133583\n", + "Completed text 133584\n", + "Completed text 133585\n", + "Completed text 133586\n", + "Completed text 133587\n", + "Completed text 133588\n", + "Completed text 133589\n", + "Completed text 133590\n", + "Completed text 133591\n", + "Completed text 133592\n", + "Completed text 133593\n", + "Completed text 133594\n", + "Completed text 133595\n", + "Completed text 133596\n", + "Completed text 133597\n", + "Completed text 133598\n", + "Completed text 133599\n", + "Completed text 133600\n", + "Completed text 133601\n", + "Completed text 133602\n", + "Completed text 133603\n", + "Completed text 133604\n", + "Completed text 133605\n", + "Completed text 133606\n", + "Completed text 133607\n", + "Completed text 133608\n", + "Completed text 133609\n", + "Completed text 133610\n", + "Completed text 133611\n", + "Completed text 133612\n", + "Completed text 133613\n", + "Completed text 133614\n", + "Completed text 133615\n", + "Completed text 133616\n", + "Completed text 133617\n", + "Completed text 133618\n", + "Completed text 133619\n", + "Completed text 133620\n", + "Completed text 133621\n", + "Completed text 133622\n", + "Completed text 133623\n", + "Completed text 133624\n", + "Completed text 133625\n", + "Completed text 133626\n", + "Completed text 133627\n", + "Completed text 133628\n", + "Completed text 133629\n", + "Completed text 133630\n", + "Completed text 133631\n", + "Completed text 133632\n", + "Completed text 133633\n", + "Completed text 133634\n", + "Completed text 133635\n", + "Completed text 133636\n", + "Completed text 133637\n", + "Completed text 133638\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 133639\n", + "Completed text 133640\n", + "Completed text 133641\n", + "Completed text 133642\n", + "Completed text 133643\n", + "Completed text 133644\n", + "Completed text 133645\n", + "Completed text 133646\n", + "Completed text 133647\n", + "Completed text 133648\n", + "Completed text 133649\n", + "Completed text 133650\n", + "Completed text 133651\n", + "Completed text 133652\n", + "Completed text 133653\n", + "Completed text 133654\n", + "Completed text 133655\n", + "Completed text 133656\n", + "Completed text 133657\n", + "Completed text 133658\n", + "Completed text 133659\n", + "Completed text 133660\n", + "Completed text 133661\n", + "Completed text 133662\n", + "Completed text 133663\n", + "Completed text 133664\n", + "Completed text 133665\n", + "Completed text 133666\n", + "Completed text 133667\n", + "Completed text 133668\n", + "Completed text 133669\n", + "Completed text 133670\n", + "Completed text 133671\n", + "Completed text 133672\n", + "Completed text 133673\n", + "Completed text 133674\n", + "Completed text 133675\n", + "Completed text 133676\n", + "Completed text 133677\n", + "Completed text 133678\n", + "Completed text 133679\n", + "Completed text 133680\n", + "Completed text 133681\n", + "Completed text 133682\n", + "Completed text 133683\n", + "Completed text 133684\n", + "Completed text 133685\n", + "Completed text 133686\n", + "Completed text 133687\n", + "Completed text 133688\n", + "Completed text 133689\n", + "Completed text 133690\n", + "Completed text 133691\n", + "Completed text 133692\n", + "Completed text 133693\n", + "Completed text 133694\n", + "Completed text 133695\n", + "Completed text 133696\n", + "Completed text 133697\n", + "Completed text 133698\n", + "Completed text 133699\n", + "Completed text 133700\n", + "Completed text 133701\n", + "Completed text 133702\n", + "Completed text 133703\n", + "Completed text 133704\n", + "Completed text 133705\n", + "Completed text 133706\n", + "Completed text 133707\n", + "Completed text 133708\n", + "Completed text 133709\n", + "Completed text 133710\n", + "Completed text 133711\n", + "Completed text 133712\n", + "Completed text 133713\n", + "Completed text 133714\n", + "Completed text 133715\n", + "Completed text 133716\n", + "Completed text 133717\n", + "Completed text 133718\n", + "Completed text 133719\n", + "Completed text 133720\n", + "Completed text 133721\n", + "Completed text 133722\n", + "Completed text 133723\n", + "Completed text 133724\n", + "Completed text 133725\n", + "Completed text 133726\n", + "Completed text 133727\n", + "Completed text 133728\n", + "Completed text 133729\n", + "Completed text 133730\n", + "Completed text 133731\n", + "Completed text 133732\n", + "Completed text 133733\n", + "Completed text 133734\n", + "Completed text 133735\n", + "Completed text 133736\n", + "Completed text 133737\n", + "Completed text 133738\n", + "Completed text 133739\n", + "Completed text 133740\n", + "Completed text 133741\n", + "Completed text 133742\n", + "Completed text 133743\n", + "Completed text 133744\n", + "Completed text 133745\n", + "Completed text 133746\n", + "Completed text 133747\n", + "Completed text 133748\n", + "Completed text 133749\n", + "Completed text 133750\n", + "Completed text 133751\n", + "Completed text 133752\n", + "Completed text 133753\n", + "Completed text 133754\n", + "Completed text 133755\n", + "Completed text 133756\n", + "Completed text 133757\n", + "Completed text 133758\n", + "Completed text 133759\n", + "Completed text 133760\n", + "Completed text 133761\n", + "Completed text 133762\n", + "Completed text 133763\n", + "Completed text 133764\n", + "Completed text 133765\n", + "Completed text 133766\n", + "Completed text 133767\n", + "Completed text 133768\n", + "Completed text 133769\n", + "Completed text 133770\n", + "Completed text 133771\n", + "Completed text 133772\n", + "Completed text 133773\n", + "Completed text 133774\n", + "Completed text 133775\n", + "Completed text 133776\n", + "Completed text 133777\n", + "Completed text 133778\n", + "Completed text 133779\n", + "Completed text 133780\n", + "Completed text 133781\n", + "Completed text 133782\n", + "Completed text 133783\n", + "Completed text 133784\n", + "Completed text 133785\n", + "Completed text 133786\n", + "Completed text 133787\n", + "Completed text 133788\n", + "Completed text 133789\n", + "Completed text 133790\n", + "Completed text 133791\n", + "Completed text 133792\n", + "Completed text 133793\n", + "Completed text 133794\n", + "Completed text 133795\n", + "Completed text 133796\n", + "Completed text 133797\n", + "Completed text 133798\n", + "Completed text 133799\n", + "Completed text 133800\n", + "Completed text 133801\n", + "Completed text 133802\n", + "Completed text 133803\n", + "Completed text 133804\n", + "Completed text 133805\n", + "Completed text 133806\n", + "Completed text 133807\n", + "Completed text 133808\n", + "Completed text 133809\n", + "Completed text 133810\n", + "Completed text 133811\n", + "Completed text 133812\n", + "Completed text 133813\n", + "Completed text 133814\n", + "Completed text 133815\n", + "Completed text 133816\n", + "Completed text 133817\n", + "Completed text 133818\n", + "Completed text 133819\n", + "Completed text 133820\n", + "Completed text 133821\n", + "Completed text 133822\n", + "Completed text 133823\n", + "Completed text 133824\n", + "Completed text 133825\n", + "Completed text 133826\n", + "Completed text 133827\n", + "Completed text 133828\n", + "Completed text 133829\n", + "Completed text 133830\n", + "Completed text 133831\n", + "Completed text 133832\n", + "Completed text 133833\n", + "Completed text 133834\n", + "Completed text 133835\n", + "Completed text 133836\n", + "Completed text 133837\n", + "Completed text 133838\n", + "Completed text 133839\n", + "Completed text 133840\n", + "Completed text 133841\n", + "Completed text 133842\n", + "Completed text 133843\n", + "Completed text 133844\n", + "Completed text 133845\n", + "Completed text 133846\n", + "Completed text 133847\n", + "Completed text 133848\n", + "Completed text 133849\n", + "Completed text 133850\n", + "Completed text 133851\n", + "Completed text 133852\n", + "Completed text 133853\n", + "Completed text 133854\n", + "Completed text 133855\n", + "Completed text 133856\n", + "Completed text 133857\n", + "Completed text 133858\n", + "Completed text 133859\n", + "Completed text 133860\n", + "Completed text 133861\n", + "Completed text 133862\n", + "Completed text 133863\n", + "Completed text 133864\n", + "Completed text 133865\n", + "Completed text 133866\n", + "Completed text 133867\n", + "Completed text 133868\n", + "Completed text 133869\n", + "Completed text 133870\n", + "Completed text 133871\n", + "Completed text 133872\n", + "Completed text 133873\n", + "Completed text 133874\n", + "Completed text 133875\n", + "Completed text 133876\n", + "Completed text 133877\n", + "Completed text 133878\n", + "Completed text 133879\n", + "Completed text 133880\n", + "Completed text 133881\n", + "Completed text 133882\n", + "Completed text 133883\n", + "Completed text 133884\n", + "Completed text 133885\n", + "Completed text 133886\n", + "Completed text 133887\n", + "Completed text 133888\n", + "Completed text 133889\n", + "Completed text 133890\n", + "Completed text 133891\n", + "Completed text 133892\n", + "Completed text 133893\n", + "Completed text 133894\n", + "Completed text 133895\n", + "Completed text 133896\n", + "Completed text 133897\n", + "Completed text 133898\n", + "Completed text 133899\n", + "Completed text 133900\n", + "Completed text 133901\n", + "Completed text 133902\n", + "Completed text 133903\n", + "Completed text 133904\n", + "Completed text 133905\n", + "Completed text 133906\n", + "Completed text 133907\n", + "Completed text 133908\n", + "Completed text 133909\n", + "Completed text 133910\n", + "Completed text 133911\n", + "Completed text 133912\n", + "Completed text 133913\n", + "Completed text 133914\n", + "Completed text 133915\n", + "Completed text 133916\n", + "Completed text 133917\n", + "Completed text 133918\n", + "Completed text 133919\n", + "Completed text 133920\n", + "Completed text 133921\n", + "Completed text 133922\n", + "Completed text 133923\n", + "Completed text 133924\n", + "Completed text 133925\n", + "Completed text 133926\n", + "Completed text 133927\n", + "Completed text 133928\n", + "Completed text 133929\n", + "Completed text 133930\n", + "Completed text 133931\n", + "Completed text 133932\n", + "Completed text 133933\n", + "Completed text 133934\n", + "Completed text 133935\n", + "Completed text 133936\n", + "Completed text 133937\n", + "Completed text 133938\n", + "Completed text 133939\n", + "Completed text 133940\n", + "Completed text 133941\n", + "Completed text 133942\n", + "Completed text 133943\n", + "Completed text 133944\n", + "Completed text 133945\n", + "Completed text 133946\n", + "Completed text 133947\n", + "Completed text 133948\n", + "Completed text 133949\n", + "Completed text 133950\n", + "Completed text 133951\n", + "Completed text 133952\n", + "Completed text 133953\n", + "Completed text 133954\n", + "Completed text 133955\n", + "Completed text 133956\n", + "Completed text 133957\n", + "Completed text 133958\n", + "Completed text 133959\n", + "Completed text 133960\n", + "Completed text 133961\n", + "Completed text 133962\n", + "Completed text 133963\n", + "Completed text 133964\n", + "Completed text 133965\n", + "Completed text 133966\n", + "Completed text 133967\n", + "Completed text 133968\n", + "Completed text 133969\n", + "Completed text 133970\n", + "Completed text 133971\n", + "Completed text 133972\n", + "Completed text 133973\n", + "Completed text 133974\n", + "Completed text 133975\n", + "Completed text 133976\n", + "Completed text 133977\n", + "Completed text 133978\n", + "Completed text 133979\n", + "Completed text 133980\n", + "Completed text 133981\n", + "Completed text 133982\n", + "Completed text 133983\n", + "Completed text 133984\n", + "Completed text 133985\n", + "Completed text 133986\n", + "Completed text 133987\n", + "Completed text 133988\n", + "Completed text 133989\n", + "Completed text 133990\n", + "Completed text 133991\n", + "Completed text 133992\n", + "Completed text 133993\n", + "Completed text 133994\n", + "Completed text 133995\n", + "Completed text 133996\n", + "Completed text 133997\n", + "Completed text 133998\n", + "Completed text 133999\n", + "Completed text 134000\n", + "Completed text 134001\n", + "Completed text 134002\n", + "Completed text 134003\n", + "Completed text 134004\n", + "Completed text 134005\n", + "Completed text 134006\n", + "Completed text 134007\n", + "Completed text 134008\n", + "Completed text 134009\n", + "Completed text 134010\n", + "Completed text 134011\n", + "Completed text 134012\n", + "Completed text 134013\n", + "Completed text 134014\n", + "Completed text 134015\n", + "Completed text 134016\n", + "Completed text 134017\n", + "Completed text 134018\n", + "Completed text 134019\n", + "Completed text 134020\n", + "Completed text 134021\n", + "Completed text 134022\n", + "Completed text 134023\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 134024\n", + "Completed text 134025\n", + "Completed text 134026\n", + "Completed text 134027\n", + "Completed text 134028\n", + "Completed text 134029\n", + "Completed text 134030\n", + "Completed text 134031\n", + "Completed text 134032\n", + "Completed text 134033\n", + "Completed text 134034\n", + "Completed text 134035\n", + "Completed text 134036\n", + "Completed text 134037\n", + "Completed text 134038\n", + "Completed text 134039\n", + "Completed text 134040\n", + "Completed text 134041\n", + "Completed text 134042\n", + "Completed text 134043\n", + "Completed text 134044\n", + "Completed text 134045\n", + "Completed text 134046\n", + "Completed text 134047\n", + "Completed text 134048\n", + "Completed text 134049\n", + "Completed text 134050\n", + "Completed text 134051\n", + "Completed text 134052\n", + "Completed text 134053\n", + "Completed text 134054\n", + "Completed text 134055\n", + "Completed text 134056\n", + "Completed text 134057\n", + "Completed text 134058\n", + "Completed text 134059\n", + "Completed text 134060\n", + "Completed text 134061\n", + "Completed text 134062\n", + "Completed text 134063\n", + "Completed text 134064\n", + "Completed text 134065\n", + "Completed text 134066\n", + "Completed text 134067\n", + "Completed text 134068\n", + "Completed text 134069\n", + "Completed text 134070\n", + "Completed text 134071\n", + "Completed text 134072\n", + "Completed text 134073\n", + "Completed text 134074\n", + "Completed text 134075\n", + "Completed text 134076\n", + "Completed text 134077\n", + "Completed text 134078\n", + "Completed text 134079\n", + "Completed text 134080\n", + "Completed text 134081\n", + "Completed text 134082\n", + "Completed text 134083\n", + "Completed text 134084\n", + "Completed text 134085\n", + "Completed text 134086\n", + "Completed text 134087\n", + "Completed text 134088\n", + "Completed text 134089\n", + "Completed text 134090\n", + "Completed text 134091\n", + "Completed text 134092\n", + "Completed text 134093\n", + "Completed text 134094\n", + "Completed text 134095\n", + "Completed text 134096\n", + "Completed text 134097\n", + "Completed text 134098\n", + "Completed text 134099\n", + "Completed text 134100\n", + "Completed text 134101\n", + "Completed text 134102\n", + "Completed text 134103\n", + "Completed text 134104\n", + "Completed text 134105\n", + "Completed text 134106\n", + "Completed text 134107\n", + "Completed text 134108\n", + "Completed text 134109\n", + "Completed text 134110\n", + "Completed text 134111\n", + "Completed text 134112\n", + "Completed text 134113\n", + "Completed text 134114\n", + "Completed text 134115\n", + "Completed text 134116\n", + "Completed text 134117\n", + "Completed text 134118\n", + "Completed text 134119\n", + "Completed text 134120\n", + "Completed text 134121\n", + "Completed text 134122\n", + "Completed text 134123\n", + "Completed text 134124\n", + "Completed text 134125\n", + "Completed text 134126\n", + "Completed text 134127\n", + "Completed text 134128\n", + "Completed text 134129\n", + "Completed text 134130\n", + "Completed text 134131\n", + "Completed text 134132\n", + "Completed text 134133\n", + "Completed text 134134\n", + "Completed text 134135\n", + "Completed text 134136\n", + "Completed text 134137\n", + "Completed text 134138\n", + "Completed text 134139\n", + "Completed text 134140\n", + "Completed text 134141\n", + "Completed text 134142\n", + "Completed text 134143\n", + "Completed text 134144\n", + "Completed text 134145\n", + "Completed text 134146\n", + "Completed text 134147\n", + "Completed text 134148\n", + "Completed text 134149\n", + "Completed text 134150\n", + "Completed text 134151\n", + "Completed text 134152\n", + "Completed text 134153\n", + "Completed text 134154\n", + "Completed text 134155\n", + "Completed text 134156\n", + "Completed text 134157\n", + "Completed text 134158\n", + "Completed text 134159\n", + "Completed text 134160\n", + "Completed text 134161\n", + "Completed text 134162\n", + "Completed text 134163\n", + "Completed text 134164\n", + "Completed text 134165\n", + "Completed text 134166\n", + "Completed text 134167\n", + "Completed text 134168\n", + "Completed text 134169\n", + "Completed text 134170\n", + "Completed text 134171\n", + "Completed text 134172\n", + "Completed text 134173\n", + "Completed text 134174\n", + "Completed text 134175\n", + "Completed text 134176\n", + "Completed text 134177\n", + "Completed text 134178\n", + "Completed text 134179\n", + "Completed text 134180\n", + "Completed text 134181\n", + "Completed text 134182\n", + "Completed text 134183\n", + "Completed text 134184\n", + "Completed text 134185\n", + "Completed text 134186\n", + "Completed text 134187\n", + "Completed text 134188\n", + "Completed text 134189\n", + "Completed text 134190\n", + "Completed text 134191\n", + "Completed text 134192\n", + "Completed text 134193\n", + "Completed text 134194\n", + "Completed text 134195\n", + "Completed text 134196\n", + "Completed text 134197\n", + "Completed text 134198\n", + "Completed text 134199\n", + "Completed text 134200\n", + "Completed text 134201\n", + "Completed text 134202\n", + "Completed text 134203\n", + "Completed text 134204\n", + "Completed text 134205\n", + "Completed text 134206\n", + "Completed text 134207\n", + "Completed text 134208\n", + "Completed text 134209\n", + "Completed text 134210\n", + "Completed text 134211\n", + "Completed text 134212\n", + "Completed text 134213\n", + "Completed text 134214\n", + "Completed text 134215\n", + "Completed text 134216\n", + "Completed text 134217\n", + "Completed text 134218\n", + "Completed text 134219\n", + "Completed text 134220\n", + "Completed text 134221\n", + "Completed text 134222\n", + "Completed text 134223\n", + "Completed text 134224\n", + "Completed text 134225\n", + "Completed text 134226\n", + "Completed text 134227\n", + "Completed text 134228\n", + "Completed text 134229\n", + "Completed text 134230\n", + "Completed text 134231\n", + "Completed text 134232\n", + "Completed text 134233\n", + "Completed text 134234\n", + "Completed text 134235\n", + "Completed text 134236\n", + "Completed text 134237\n", + "Completed text 134238\n", + "Completed text 134239\n", + "Completed text 134240\n", + "Completed text 134241\n", + "Completed text 134242\n", + "Completed text 134243\n", + "Completed text 134244\n", + "Completed text 134245\n", + "Completed text 134246\n", + "Completed text 134247\n", + "Completed text 134248\n", + "Completed text 134249\n", + "Completed text 134250\n", + "Completed text 134251\n", + "Completed text 134252\n", + "Completed text 134253\n", + "Completed text 134254\n", + "Completed text 134255\n", + "Completed text 134256\n", + "Completed text 134257\n", + "Completed text 134258\n", + "Completed text 134259\n", + "Completed text 134260\n", + "Completed text 134261\n", + "Completed text 134262\n", + "Completed text 134263\n", + "Completed text 134264\n", + "Completed text 134265\n", + "Completed text 134266\n", + "Completed text 134267\n", + "Completed text 134268\n", + "Completed text 134269\n", + "Completed text 134270\n", + "Completed text 134271\n", + "Completed text 134272\n", + "Completed text 134273\n", + "Completed text 134274\n", + "Completed text 134275\n", + "Completed text 134276\n", + "Completed text 134277\n", + "Completed text 134278\n", + "Completed text 134279\n", + "Completed text 134280\n", + "Completed text 134281\n", + "Completed text 134282\n", + "Completed text 134283\n", + "Completed text 134284\n", + "Completed text 134285\n", + "Completed text 134286\n", + "Completed text 134287\n", + "Completed text 134288\n", + "Completed text 134289\n", + "Completed text 134290\n", + "Completed text 134291\n", + "Completed text 134292\n", + "Completed text 134293\n", + "Completed text 134294\n", + "Completed text 134295\n", + "Completed text 134296\n", + "Completed text 134297\n", + "Completed text 134298\n", + "Completed text 134299\n", + "Completed text 134300\n", + "Completed text 134301\n", + "Completed text 134302\n", + "Completed text 134303\n", + "Completed text 134304\n", + "Completed text 134305\n", + "Completed text 134306\n", + "Completed text 134307\n", + "Completed text 134308\n", + "Completed text 134309\n", + "Completed text 134310\n", + "Completed text 134311\n", + "Completed text 134312\n", + "Completed text 134313\n", + "Completed text 134314\n", + "Completed text 134315\n", + "Completed text 134316\n", + "Completed text 134317\n", + "Completed text 134318\n", + "Completed text 134319\n", + "Completed text 134320\n", + "Completed text 134321\n", + "Completed text 134322\n", + "Completed text 134323\n", + "Completed text 134324\n", + "Completed text 134325\n", + "Completed text 134326\n", + "Completed text 134327\n", + "Completed text 134328\n", + "Completed text 134329\n", + "Completed text 134330\n", + "Completed text 134331\n", + "Completed text 134332\n", + "Completed text 134333\n", + "Completed text 134334\n", + "Completed text 134335\n", + "Completed text 134336\n", + "Completed text 134337\n", + "Completed text 134338\n", + "Completed text 134339\n", + "Completed text 134340\n", + "Completed text 134341\n", + "Completed text 134342\n", + "Completed text 134343\n", + "Completed text 134344\n", + "Completed text 134345\n", + "Completed text 134346\n", + "Completed text 134347\n", + "Completed text 134348\n", + "Completed text 134349\n", + "Completed text 134350\n", + "Completed text 134351\n", + "Completed text 134352\n", + "Completed text 134353\n", + "Completed text 134354\n", + "Completed text 134355\n", + "Completed text 134356\n", + "Completed text 134357\n", + "Completed text 134358\n", + "Completed text 134359\n", + "Completed text 134360\n", + "Completed text 134361\n", + "Completed text 134362\n", + "Completed text 134363\n", + "Completed text 134364\n", + "Completed text 134365\n", + "Completed text 134366\n", + "Completed text 134367\n", + "Completed text 134368\n", + "Completed text 134369\n", + "Completed text 134370\n", + "Completed text 134371\n", + "Completed text 134372\n", + "Completed text 134373\n", + "Completed text 134374\n", + "Completed text 134375\n", + "Completed text 134376\n", + "Completed text 134377\n", + "Completed text 134378\n", + "Completed text 134379\n", + "Completed text 134380\n", + "Completed text 134381\n", + "Completed text 134382\n", + "Completed text 134383\n", + "Completed text 134384\n", + "Completed text 134385\n", + "Completed text 134386\n", + "Completed text 134387\n", + "Completed text 134388\n", + "Completed text 134389\n", + "Completed text 134390\n", + "Completed text 134391\n", + "Completed text 134392\n", + "Completed text 134393\n", + "Completed text 134394\n", + "Completed text 134395\n", + "Completed text 134396\n", + "Completed text 134397\n", + "Completed text 134398\n", + "Completed text 134399\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 134400\n", + "Completed text 134401\n", + "Completed text 134402\n", + "Completed text 134403\n", + "Completed text 134404\n", + "Completed text 134405\n", + "Completed text 134406\n", + "Completed text 134407\n", + "Completed text 134408\n", + "Completed text 134409\n", + "Completed text 134410\n", + "Completed text 134411\n", + "Completed text 134412\n", + "Completed text 134413\n", + "Completed text 134414\n", + "Completed text 134415\n", + "Completed text 134416\n", + "Completed text 134417\n", + "Completed text 134418\n", + "Completed text 134419\n", + "Completed text 134420\n", + "Completed text 134421\n", + "Completed text 134422\n", + "Completed text 134423\n", + "Completed text 134424\n", + "Completed text 134425\n", + "Completed text 134426\n", + "Completed text 134427\n", + "Completed text 134428\n", + "Completed text 134429\n", + "Completed text 134430\n", + "Completed text 134431\n", + "Completed text 134432\n", + "Completed text 134433\n", + "Completed text 134434\n", + "Completed text 134435\n", + "Completed text 134436\n", + "Completed text 134437\n", + "Completed text 134438\n", + "Completed text 134439\n", + "Completed text 134440\n", + "Completed text 134441\n", + "Completed text 134442\n", + "Completed text 134443\n", + "Completed text 134444\n", + "Completed text 134445\n", + "Completed text 134446\n", + "Completed text 134447\n", + "Completed text 134448\n", + "Completed text 134449\n", + "Completed text 134450\n", + "Completed text 134451\n", + "Completed text 134452\n", + "Completed text 134453\n", + "Completed text 134454\n", + "Completed text 134455\n", + "Completed text 134456\n", + "Completed text 134457\n", + "Completed text 134458\n", + "Completed text 134459\n", + "Completed text 134460\n", + "Completed text 134461\n", + "Completed text 134462\n", + "Completed text 134463\n", + "Completed text 134464\n", + "Completed text 134465\n", + "Completed text 134466\n", + "Completed text 134467\n", + "Completed text 134468\n", + "Completed text 134469\n", + "Completed text 134470\n", + "Completed text 134471\n", + "Completed text 134472\n", + "Completed text 134473\n", + "Completed text 134474\n", + "Completed text 134475\n", + "Completed text 134476\n", + "Completed text 134477\n", + "Completed text 134478\n", + "Completed text 134479\n", + "Completed text 134480\n", + "Completed text 134481\n", + "Completed text 134482\n", + "Completed text 134483\n", + "Completed text 134484\n", + "Completed text 134485\n", + "Completed text 134486\n", + "Completed text 134487\n", + "Completed text 134488\n", + "Completed text 134489\n", + "Completed text 134490\n", + "Completed text 134491\n", + "Completed text 134492\n", + "Completed text 134493\n", + "Completed text 134494\n", + "Completed text 134495\n", + "Completed text 134496\n", + "Completed text 134497\n", + "Completed text 134498\n", + "Completed text 134499\n", + "Completed text 134500\n", + "Completed text 134501\n", + "Completed text 134502\n", + "Completed text 134503\n", + "Completed text 134504\n", + "Completed text 134505\n", + "Completed text 134506\n", + "Completed text 134507\n", + "Completed text 134508\n", + "Completed text 134509\n", + "Completed text 134510\n", + "Completed text 134511\n", + "Completed text 134512\n", + "Completed text 134513\n", + "Completed text 134514\n", + "Completed text 134515\n", + "Completed text 134516\n", + "Completed text 134517\n", + "Completed text 134518\n", + "Completed text 134519\n", + "Completed text 134520\n", + "Completed text 134521\n", + "Completed text 134522\n", + "Completed text 134523\n", + "Completed text 134524\n", + "Completed text 134525\n", + "Completed text 134526\n", + "Completed text 134527\n", + "Completed text 134528\n", + "Completed text 134529\n", + "Completed text 134530\n", + "Completed text 134531\n", + "Completed text 134532\n", + "Completed text 134533\n", + "Completed text 134534\n", + "Completed text 134535\n", + "Completed text 134536\n", + "Completed text 134537\n", + "Completed text 134538\n", + "Completed text 134539\n", + "Completed text 134540\n", + "Completed text 134541\n", + "Completed text 134542\n", + "Completed text 134543\n", + "Completed text 134544\n", + "Completed text 134545\n", + "Completed text 134546\n", + "Completed text 134547\n", + "Completed text 134548\n", + "Completed text 134549\n", + "Completed text 134550\n", + "Completed text 134551\n", + "Completed text 134552\n", + "Completed text 134553\n", + "Completed text 134554\n", + "Completed text 134555\n", + "Completed text 134556\n", + "Completed text 134557\n", + "Completed text 134558\n", + "Completed text 134559\n", + "Completed text 134560\n", + "Completed text 134561\n", + "Completed text 134562\n", + "Completed text 134563\n", + "Completed text 134564\n", + "Completed text 134565\n", + "Completed text 134566\n", + "Completed text 134567\n", + "Completed text 134568\n", + "Completed text 134569\n", + "Completed text 134570\n", + "Completed text 134571\n", + "Completed text 134572\n", + "Completed text 134573\n", + "Completed text 134574\n", + "Completed text 134575\n", + "Completed text 134576\n", + "Completed text 134577\n", + "Completed text 134578\n", + "Completed text 134579\n", + "Completed text 134580\n", + "Completed text 134581\n", + "Completed text 134582\n", + "Completed text 134583\n", + "Completed text 134584\n", + "Completed text 134585\n", + "Completed text 134586\n", + "Completed text 134587\n", + "Completed text 134588\n", + "Completed text 134589\n", + "Completed text 134590\n", + "Completed text 134591\n", + "Completed text 134592\n", + "Completed text 134593\n", + "Completed text 134594\n", + "Completed text 134595\n", + "Completed text 134596\n", + "Completed text 134597\n", + "Completed text 134598\n", + "Completed text 134599\n", + "Completed text 134600\n", + "Completed text 134601\n", + "Completed text 134602\n", + "Completed text 134603\n", + "Completed text 134604\n", + "Completed text 134605\n", + "Completed text 134606\n", + "Completed text 134607\n", + "Completed text 134608\n", + "Completed text 134609\n", + "Completed text 134610\n", + "Completed text 134611\n", + "Completed text 134612\n", + "Completed text 134613\n", + "Completed text 134614\n", + "Completed text 134615\n", + "Completed text 134616\n", + "Completed text 134617\n", + "Completed text 134618\n", + "Completed text 134619\n", + "Completed text 134620\n", + "Completed text 134621\n", + "Completed text 134622\n", + "Completed text 134623\n", + "Completed text 134624\n", + "Completed text 134625\n", + "Completed text 134626\n", + "Completed text 134627\n", + "Completed text 134628\n", + "Completed text 134629\n", + "Completed text 134630\n", + "Completed text 134631\n", + "Completed text 134632\n", + "Completed text 134633\n", + "Completed text 134634\n", + "Completed text 134635\n", + "Completed text 134636\n", + "Completed text 134637\n", + "Completed text 134638\n", + "Completed text 134639\n", + "Completed text 134640\n", + "Completed text 134641\n", + "Completed text 134642\n", + "Completed text 134643\n", + "Completed text 134644\n", + "Completed text 134645\n", + "Completed text 134646\n", + "Completed text 134647\n", + "Completed text 134648\n", + "Completed text 134649\n", + "Completed text 134650\n", + "Completed text 134651\n", + "Completed text 134652\n", + "Completed text 134653\n", + "Completed text 134654\n", + "Completed text 134655\n", + "Completed text 134656\n", + "Completed text 134657\n", + "Completed text 134658\n", + "Completed text 134659\n", + "Completed text 134660\n", + "Completed text 134661\n", + "Completed text 134662\n", + "Completed text 134663\n", + "Completed text 134664\n", + "Completed text 134665\n", + "Completed text 134666\n", + "Completed text 134667\n", + "Completed text 134668\n", + "Completed text 134669\n", + "Completed text 134670\n", + "Completed text 134671\n", + "Completed text 134672\n", + "Completed text 134673\n", + "Completed text 134674\n", + "Completed text 134675\n", + "Completed text 134676\n", + "Completed text 134677\n", + "Completed text 134678\n", + "Completed text 134679\n", + "Completed text 134680\n", + "Completed text 134681\n", + "Completed text 134682\n", + "Completed text 134683\n", + "Completed text 134684\n", + "Completed text 134685\n", + "Completed text 134686\n", + "Completed text 134687\n", + "Completed text 134688\n", + "Completed text 134689\n", + "Completed text 134690\n", + "Completed text 134691\n", + "Completed text 134692\n", + "Completed text 134693\n", + "Completed text 134694\n", + "Completed text 134695\n", + "Completed text 134696\n", + "Completed text 134697\n", + "Completed text 134698\n", + "Completed text 134699\n", + "Completed text 134700\n", + "Completed text 134701\n", + "Completed text 134702\n", + "Completed text 134703\n", + "Completed text 134704\n", + "Completed text 134705\n", + "Completed text 134706\n", + "Completed text 134707\n", + "Completed text 134708\n", + "Completed text 134709\n", + "Completed text 134710\n", + "Completed text 134711\n", + "Completed text 134712\n", + "Completed text 134713\n", + "Completed text 134714\n", + "Completed text 134715\n", + "Completed text 134716\n", + "Completed text 134717\n", + "Completed text 134718\n", + "Completed text 134719\n", + "Completed text 134720\n", + "Completed text 134721\n", + "Completed text 134722\n", + "Completed text 134723\n", + "Completed text 134724\n", + "Completed text 134725\n", + "Completed text 134726\n", + "Completed text 134727\n", + "Completed text 134728\n", + "Completed text 134729\n", + "Completed text 134730\n", + "Completed text 134731\n", + "Completed text 134732\n", + "Completed text 134733\n", + "Completed text 134734\n", + "Completed text 134735\n", + "Completed text 134736\n", + "Completed text 134737\n", + "Completed text 134738\n", + "Completed text 134739\n", + "Completed text 134740\n", + "Completed text 134741\n", + "Completed text 134742\n", + "Completed text 134743\n", + "Completed text 134744\n", + "Completed text 134745\n", + "Completed text 134746\n", + "Completed text 134747\n", + "Completed text 134748\n", + "Completed text 134749\n", + "Completed text 134750\n", + "Completed text 134751\n", + "Completed text 134752\n", + "Completed text 134753\n", + "Completed text 134754\n", + "Completed text 134755\n", + "Completed text 134756\n", + "Completed text 134757\n", + "Completed text 134758\n", + "Completed text 134759\n", + "Completed text 134760\n", + "Completed text 134761\n", + "Completed text 134762\n", + "Completed text 134763\n", + "Completed text 134764\n", + "Completed text 134765\n", + "Completed text 134766\n", + "Completed text 134767\n", + "Completed text 134768\n", + "Completed text 134769\n", + "Completed text 134770\n", + "Completed text 134771\n", + "Completed text 134772\n", + "Completed text 134773\n", + "Completed text 134774\n", + "Completed text 134775\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 134776\n", + "Completed text 134777\n", + "Completed text 134778\n", + "Completed text 134779\n", + "Completed text 134780\n", + "Completed text 134781\n", + "Completed text 134782\n", + "Completed text 134783\n", + "Completed text 134784\n", + "Completed text 134785\n", + "Completed text 134786\n", + "Completed text 134787\n", + "Completed text 134788\n", + "Completed text 134789\n", + "Completed text 134790\n", + "Completed text 134791\n", + "Completed text 134792\n", + "Completed text 134793\n", + "Completed text 134794\n", + "Completed text 134795\n", + "Completed text 134796\n", + "Completed text 134797\n", + "Completed text 134798\n", + "Completed text 134799\n", + "Completed text 134800\n", + "Completed text 134801\n", + "Completed text 134802\n", + "Completed text 134803\n", + "Completed text 134804\n", + "Completed text 134805\n", + "Completed text 134806\n", + "Completed text 134807\n", + "Completed text 134808\n", + "Completed text 134809\n", + "Completed text 134810\n", + "Completed text 134811\n", + "Completed text 134812\n", + "Completed text 134813\n", + "Completed text 134814\n", + "Completed text 134815\n", + "Completed text 134816\n", + "Completed text 134817\n", + "Completed text 134818\n", + "Completed text 134819\n", + "Completed text 134820\n", + "Completed text 134821\n", + "Completed text 134822\n", + "Completed text 134823\n", + "Completed text 134824\n", + "Completed text 134825\n", + "Completed text 134826\n", + "Completed text 134827\n", + "Completed text 134828\n", + "Completed text 134829\n", + "Completed text 134830\n", + "Completed text 134831\n", + "Completed text 134832\n", + "Completed text 134833\n", + "Completed text 134834\n", + "Completed text 134835\n", + "Completed text 134836\n", + "Completed text 134837\n", + "Completed text 134838\n", + "Completed text 134839\n", + "Completed text 134840\n", + "Completed text 134841\n", + "Completed text 134842\n", + "Completed text 134843\n", + "Completed text 134844\n", + "Completed text 134845\n", + "Completed text 134846\n", + "Completed text 134847\n", + "Completed text 134848\n", + "Completed text 134849\n", + "Completed text 134850\n", + "Completed text 134851\n", + "Completed text 134852\n", + "Completed text 134853\n", + "Completed text 134854\n", + "Completed text 134855\n", + "Completed text 134856\n", + "Completed text 134857\n", + "Completed text 134858\n", + "Completed text 134859\n", + "Completed text 134860\n", + "Completed text 134861\n", + "Completed text 134862\n", + "Completed text 134863\n", + "Completed text 134864\n", + "Completed text 134865\n", + "Completed text 134866\n", + "Completed text 134867\n", + "Completed text 134868\n", + "Completed text 134869\n", + "Completed text 134870\n", + "Completed text 134871\n", + "Completed text 134872\n", + "Completed text 134873\n", + "Completed text 134874\n", + "Completed text 134875\n", + "Completed text 134876\n", + "Completed text 134877\n", + "Completed text 134878\n", + "Completed text 134879\n", + "Completed text 134880\n", + "Completed text 134881\n", + "Completed text 134882\n", + "Completed text 134883\n", + "Completed text 134884\n", + "Completed text 134885\n", + "Completed text 134886\n", + "Completed text 134887\n", + "Completed text 134888\n", + "Completed text 134889\n", + "Completed text 134890\n", + "Completed text 134891\n", + "Completed text 134892\n", + "Completed text 134893\n", + "Completed text 134894\n", + "Completed text 134895\n", + "Completed text 134896\n", + "Completed text 134897\n", + "Completed text 134898\n", + "Completed text 134899\n", + "Completed text 134900\n", + "Completed text 134901\n", + "Completed text 134902\n", + "Completed text 134903\n", + "Completed text 134904\n", + "Completed text 134905\n", + "Completed text 134906\n", + "Completed text 134907\n", + "Completed text 134908\n", + "Completed text 134909\n", + "Completed text 134910\n", + "Completed text 134911\n", + "Completed text 134912\n", + "Completed text 134913\n", + "Completed text 134914\n", + "Completed text 134915\n", + "Completed text 134916\n", + "Completed text 134917\n", + "Completed text 134918\n", + "Completed text 134919\n", + "Completed text 134920\n", + "Completed text 134921\n", + "Completed text 134922\n", + "Completed text 134923\n", + "Completed text 134924\n", + "Completed text 134925\n", + "Completed text 134926\n", + "Completed text 134927\n", + "Completed text 134928\n", + "Completed text 134929\n", + "Completed text 134930\n", + "Completed text 134931\n", + "Completed text 134932\n", + "Completed text 134933\n", + "Completed text 134934\n", + "Completed text 134935\n", + "Completed text 134936\n", + "Completed text 134937\n", + "Completed text 134938\n", + "Completed text 134939\n", + "Completed text 134940\n", + "Completed text 134941\n", + "Completed text 134942\n", + "Completed text 134943\n", + "Completed text 134944\n", + "Completed text 134945\n", + "Completed text 134946\n", + "Completed text 134947\n", + "Completed text 134948\n", + "Completed text 134949\n", + "Completed text 134950\n", + "Completed text 134951\n", + "Completed text 134952\n", + "Completed text 134953\n", + "Completed text 134954\n", + "Completed text 134955\n", + "Completed text 134956\n", + "Completed text 134957\n", + "Completed text 134958\n", + "Completed text 134959\n", + "Completed text 134960\n", + "Completed text 134961\n", + "Completed text 134962\n", + "Completed text 134963\n", + "Completed text 134964\n", + "Completed text 134965\n", + "Completed text 134966\n", + "Completed text 134967\n", + "Completed text 134968\n", + "Completed text 134969\n", + "Completed text 134970\n", + "Completed text 134971\n", + "Completed text 134972\n", + "Completed text 134973\n", + "Completed text 134974\n", + "Completed text 134975\n", + "Completed text 134976\n", + "Completed text 134977\n", + "Completed text 134978\n", + "Completed text 134979\n", + "Completed text 134980\n", + "Completed text 134981\n", + "Completed text 134982\n", + "Completed text 134983\n", + "Completed text 134984\n", + "Completed text 134985\n", + "Completed text 134986\n", + "Completed text 134987\n", + "Completed text 134988\n", + "Completed text 134989\n", + "Completed text 134990\n", + "Completed text 134991\n", + "Completed text 134992\n", + "Completed text 134993\n", + "Completed text 134994\n", + "Completed text 134995\n", + "Completed text 134996\n", + "Completed text 134997\n", + "Completed text 134998\n", + "Completed text 134999\n", + "Completed text 135000\n", + "Completed text 135001\n", + "Completed text 135002\n", + "Completed text 135003\n", + "Completed text 135004\n", + "Completed text 135005\n", + "Completed text 135006\n", + "Completed text 135007\n", + "Completed text 135008\n", + "Completed text 135009\n", + "Completed text 135010\n", + "Completed text 135011\n", + "Completed text 135012\n", + "Completed text 135013\n", + "Completed text 135014\n", + "Completed text 135015\n", + "Completed text 135016\n", + "Completed text 135017\n", + "Completed text 135018\n", + "Completed text 135019\n", + "Completed text 135020\n", + "Completed text 135021\n", + "Completed text 135022\n", + "Completed text 135023\n", + "Completed text 135024\n", + "Completed text 135025\n", + "Completed text 135026\n", + "Completed text 135027\n", + "Completed text 135028\n", + "Completed text 135029\n", + "Completed text 135030\n", + "Completed text 135031\n", + "Completed text 135032\n", + "Completed text 135033\n", + "Completed text 135034\n", + "Completed text 135035\n", + "Completed text 135036\n", + "Completed text 135037\n", + "Completed text 135038\n", + "Completed text 135039\n", + "Completed text 135040\n", + "Completed text 135041\n", + "Completed text 135042\n", + "Completed text 135043\n", + "Completed text 135044\n", + "Completed text 135045\n", + "Completed text 135046\n", + "Completed text 135047\n", + "Completed text 135048\n", + "Completed text 135049\n", + "Completed text 135050\n", + "Completed text 135051\n", + "Completed text 135052\n", + "Completed text 135053\n", + "Completed text 135054\n", + "Completed text 135055\n", + "Completed text 135056\n", + "Completed text 135057\n", + "Completed text 135058\n", + "Completed text 135059\n", + "Completed text 135060\n", + "Completed text 135061\n", + "Completed text 135062\n", + "Completed text 135063\n", + "Completed text 135064\n", + "Completed text 135065\n", + "Completed text 135066\n", + "Completed text 135067\n", + "Completed text 135068\n", + "Completed text 135069\n", + "Completed text 135070\n", + "Completed text 135071\n", + "Completed text 135072\n", + "Completed text 135073\n", + "Completed text 135074\n", + "Completed text 135075\n", + "Completed text 135076\n", + "Completed text 135077\n", + "Completed text 135078\n", + "Completed text 135079\n", + "Completed text 135080\n", + "Completed text 135081\n", + "Completed text 135082\n", + "Completed text 135083\n", + "Completed text 135084\n", + "Completed text 135085\n", + "Completed text 135086\n", + "Completed text 135087\n", + "Completed text 135088\n", + "Completed text 135089\n", + "Completed text 135090\n", + "Completed text 135091\n", + "Completed text 135092\n", + "Completed text 135093\n", + "Completed text 135094\n", + "Completed text 135095\n", + "Completed text 135096\n", + "Completed text 135097\n", + "Completed text 135098\n", + "Completed text 135099\n", + "Completed text 135100\n", + "Completed text 135101\n", + "Completed text 135102\n", + "Completed text 135103\n", + "Completed text 135104\n", + "Completed text 135105\n", + "Completed text 135106\n", + "Completed text 135107\n", + "Completed text 135108\n", + "Completed text 135109\n", + "Completed text 135110\n", + "Completed text 135111\n", + "Completed text 135112\n", + "Completed text 135113\n", + "Completed text 135114\n", + "Completed text 135115\n", + "Completed text 135116\n", + "Completed text 135117\n", + "Completed text 135118\n", + "Completed text 135119\n", + "Completed text 135120\n", + "Completed text 135121\n", + "Completed text 135122\n", + "Completed text 135123\n", + "Completed text 135124\n", + "Completed text 135125\n", + "Completed text 135126\n", + "Completed text 135127\n", + "Completed text 135128\n", + "Completed text 135129\n", + "Completed text 135130\n", + "Completed text 135131\n", + "Completed text 135132\n", + "Completed text 135133\n", + "Completed text 135134\n", + "Completed text 135135\n", + "Completed text 135136\n", + "Completed text 135137\n", + "Completed text 135138\n", + "Completed text 135139\n", + "Completed text 135140\n", + "Completed text 135141\n", + "Completed text 135142\n", + "Completed text 135143\n", + "Completed text 135144\n", + "Completed text 135145\n", + "Completed text 135146\n", + "Completed text 135147\n", + "Completed text 135148\n", + "Completed text 135149\n", + "Completed text 135150\n", + "Completed text 135151\n", + "Completed text 135152\n", + "Completed text 135153\n", + "Completed text 135154\n", + "Completed text 135155\n", + "Completed text 135156\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 135157\n", + "Completed text 135158\n", + "Completed text 135159\n", + "Completed text 135160\n", + "Completed text 135161\n", + "Completed text 135162\n", + "Completed text 135163\n", + "Completed text 135164\n", + "Completed text 135165\n", + "Completed text 135166\n", + "Completed text 135167\n", + "Completed text 135168\n", + "Completed text 135169\n", + "Completed text 135170\n", + "Completed text 135171\n", + "Completed text 135172\n", + "Completed text 135173\n", + "Completed text 135174\n", + "Completed text 135175\n", + "Completed text 135176\n", + "Completed text 135177\n", + "Completed text 135178\n", + "Completed text 135179\n", + "Completed text 135180\n", + "Completed text 135181\n", + "Completed text 135182\n", + "Completed text 135183\n", + "Completed text 135184\n", + "Completed text 135185\n", + "Completed text 135186\n", + "Completed text 135187\n", + "Completed text 135188\n", + "Completed text 135189\n", + "Completed text 135190\n", + "Completed text 135191\n", + "Completed text 135192\n", + "Completed text 135193\n", + "Completed text 135194\n", + "Completed text 135195\n", + "Completed text 135196\n", + "Completed text 135197\n", + "Completed text 135198\n", + "Completed text 135199\n", + "Completed text 135200\n", + "Completed text 135201\n", + "Completed text 135202\n", + "Completed text 135203\n", + "Completed text 135204\n", + "Completed text 135205\n", + "Completed text 135206\n", + "Completed text 135207\n", + "Completed text 135208\n", + "Completed text 135209\n", + "Completed text 135210\n", + "Completed text 135211\n", + "Completed text 135212\n", + "Completed text 135213\n", + "Completed text 135214\n", + "Completed text 135215\n", + "Completed text 135216\n", + "Completed text 135217\n", + "Completed text 135218\n", + "Completed text 135219\n", + "Completed text 135220\n", + "Completed text 135221\n", + "Completed text 135222\n", + "Completed text 135223\n", + "Completed text 135224\n", + "Completed text 135225\n", + "Completed text 135226\n", + "Completed text 135227\n", + "Completed text 135228\n", + "Completed text 135229\n", + "Completed text 135230\n", + "Completed text 135231\n", + "Completed text 135232\n", + "Completed text 135233\n", + "Completed text 135234\n", + "Completed text 135235\n", + "Completed text 135236\n", + "Completed text 135237\n", + "Completed text 135238\n", + "Completed text 135239\n", + "Completed text 135240\n", + "Completed text 135241\n", + "Completed text 135242\n", + "Completed text 135243\n", + "Completed text 135244\n", + "Completed text 135245\n", + "Completed text 135246\n", + "Completed text 135247\n", + "Completed text 135248\n", + "Completed text 135249\n", + "Completed text 135250\n", + "Completed text 135251\n", + "Completed text 135252\n", + "Completed text 135253\n", + "Completed text 135254\n", + "Completed text 135255\n", + "Completed text 135256\n", + "Completed text 135257\n", + "Completed text 135258\n", + "Completed text 135259\n", + "Completed text 135260\n", + "Completed text 135261\n", + "Completed text 135262\n", + "Completed text 135263\n", + "Completed text 135264\n", + "Completed text 135265\n", + "Completed text 135266\n", + "Completed text 135267\n", + "Completed text 135268\n", + "Completed text 135269\n", + "Completed text 135270\n", + "Completed text 135271\n", + "Completed text 135272\n", + "Completed text 135273\n", + "Completed text 135274\n", + "Completed text 135275\n", + "Completed text 135276\n", + "Completed text 135277\n", + "Completed text 135278\n", + "Completed text 135279\n", + "Completed text 135280\n", + "Completed text 135281\n", + "Completed text 135282\n", + "Completed text 135283\n", + "Completed text 135284\n", + "Completed text 135285\n", + "Completed text 135286\n", + "Completed text 135287\n", + "Completed text 135288\n", + "Completed text 135289\n", + "Completed text 135290\n", + "Completed text 135291\n", + "Completed text 135292\n", + "Completed text 135293\n", + "Completed text 135294\n", + "Completed text 135295\n", + "Completed text 135296\n", + "Completed text 135297\n", + "Completed text 135298\n", + "Completed text 135299\n", + "Completed text 135300\n", + "Completed text 135301\n", + "Completed text 135302\n", + "Completed text 135303\n", + "Completed text 135304\n", + "Completed text 135305\n", + "Completed text 135306\n", + "Completed text 135307\n", + "Completed text 135308\n", + "Completed text 135309\n", + "Completed text 135310\n", + "Completed text 135311\n", + "Completed text 135312\n", + "Completed text 135313\n", + "Completed text 135314\n", + "Completed text 135315\n", + "Completed text 135316\n", + "Completed text 135317\n", + "Completed text 135318\n", + "Completed text 135319\n", + "Completed text 135320\n", + "Completed text 135321\n", + "Completed text 135322\n", + "Completed text 135323\n", + "Completed text 135324\n", + "Completed text 135325\n", + "Completed text 135326\n", + "Completed text 135327\n", + "Completed text 135328\n", + "Completed text 135329\n", + "Completed text 135330\n", + "Completed text 135331\n", + "Completed text 135332\n", + "Completed text 135333\n", + "Completed text 135334\n", + "Completed text 135335\n", + "Completed text 135336\n", + "Completed text 135337\n", + "Completed text 135338\n", + "Completed text 135339\n", + "Completed text 135340\n", + "Completed text 135341\n", + "Completed text 135342\n", + "Completed text 135343\n", + "Completed text 135344\n", + "Completed text 135345\n", + "Completed text 135346\n", + "Completed text 135347\n", + "Completed text 135348\n", + "Completed text 135349\n", + "Completed text 135350\n", + "Completed text 135351\n", + "Completed text 135352\n", + "Completed text 135353\n", + "Completed text 135354\n", + "Completed text 135355\n", + "Completed text 135356\n", + "Completed text 135357\n", + "Completed text 135358\n", + "Completed text 135359\n", + "Completed text 135360\n", + "Completed text 135361\n", + "Completed text 135362\n", + "Completed text 135363\n", + "Completed text 135364\n", + "Completed text 135365\n", + "Completed text 135366\n", + "Completed text 135367\n", + "Completed text 135368\n", + "Completed text 135369\n", + "Completed text 135370\n", + "Completed text 135371\n", + "Completed text 135372\n", + "Completed text 135373\n", + "Completed text 135374\n", + "Completed text 135375\n", + "Completed text 135376\n", + "Completed text 135377\n", + "Completed text 135378\n", + "Completed text 135379\n", + "Completed text 135380\n", + "Completed text 135381\n", + "Completed text 135382\n", + "Completed text 135383\n", + "Completed text 135384\n", + "Completed text 135385\n", + "Completed text 135386\n", + "Completed text 135387\n", + "Completed text 135388\n", + "Completed text 135389\n", + "Completed text 135390\n", + "Completed text 135391\n", + "Completed text 135392\n", + "Completed text 135393\n", + "Completed text 135394\n", + "Completed text 135395\n", + "Completed text 135396\n", + "Completed text 135397\n", + "Completed text 135398\n", + "Completed text 135399\n", + "Completed text 135400\n", + "Completed text 135401\n", + "Completed text 135402\n", + "Completed text 135403\n", + "Completed text 135404\n", + "Completed text 135405\n", + "Completed text 135406\n", + "Completed text 135407\n", + "Completed text 135408\n", + "Completed text 135409\n", + "Completed text 135410\n", + "Completed text 135411\n", + "Completed text 135412\n", + "Completed text 135413\n", + "Completed text 135414\n", + "Completed text 135415\n", + "Completed text 135416\n", + "Completed text 135417\n", + "Completed text 135418\n", + "Completed text 135419\n", + "Completed text 135420\n", + "Completed text 135421\n", + "Completed text 135422\n", + "Completed text 135423\n", + "Completed text 135424\n", + "Completed text 135425\n", + "Completed text 135426\n", + "Completed text 135427\n", + "Completed text 135428\n", + "Completed text 135429\n", + "Completed text 135430\n", + "Completed text 135431\n", + "Completed text 135432\n", + "Completed text 135433\n", + "Completed text 135434\n", + "Completed text 135435\n", + "Completed text 135436\n", + "Completed text 135437\n", + "Completed text 135438\n", + "Completed text 135439\n", + "Completed text 135440\n", + "Completed text 135441\n", + "Completed text 135442\n", + "Completed text 135443\n", + "Completed text 135444\n", + "Completed text 135445\n", + "Completed text 135446\n", + "Completed text 135447\n", + "Completed text 135448\n", + "Completed text 135449\n", + "Completed text 135450\n", + "Completed text 135451\n", + "Completed text 135452\n", + "Completed text 135453\n", + "Completed text 135454\n", + "Completed text 135455\n", + "Completed text 135456\n", + "Completed text 135457\n", + "Completed text 135458\n", + "Completed text 135459\n", + "Completed text 135460\n", + "Completed text 135461\n", + "Completed text 135462\n", + "Completed text 135463\n", + "Completed text 135464\n", + "Completed text 135465\n", + "Completed text 135466\n", + "Completed text 135467\n", + "Completed text 135468\n", + "Completed text 135469\n", + "Completed text 135470\n", + "Completed text 135471\n", + "Completed text 135472\n", + "Completed text 135473\n", + "Completed text 135474\n", + "Completed text 135475\n", + "Completed text 135476\n", + "Completed text 135477\n", + "Completed text 135478\n", + "Completed text 135479\n", + "Completed text 135480\n", + "Completed text 135481\n", + "Completed text 135482\n", + "Completed text 135483\n", + "Completed text 135484\n", + "Completed text 135485\n", + "Completed text 135486\n", + "Completed text 135487\n", + "Completed text 135488\n", + "Completed text 135489\n", + "Completed text 135490\n", + "Completed text 135491\n", + "Completed text 135492\n", + "Completed text 135493\n", + "Completed text 135494\n", + "Completed text 135495\n", + "Completed text 135496\n", + "Completed text 135497\n", + "Completed text 135498\n", + "Completed text 135499\n", + "Completed text 135500\n", + "Completed text 135501\n", + "Completed text 135502\n", + "Completed text 135503\n", + "Completed text 135504\n", + "Completed text 135505\n", + "Completed text 135506\n", + "Completed text 135507\n", + "Completed text 135508\n", + "Completed text 135509\n", + "Completed text 135510\n", + "Completed text 135511\n", + "Completed text 135512\n", + "Completed text 135513\n", + "Completed text 135514\n", + "Completed text 135515\n", + "Completed text 135516\n", + "Completed text 135517\n", + "Completed text 135518\n", + "Completed text 135519\n", + "Completed text 135520\n", + "Completed text 135521\n", + "Completed text 135522\n", + "Completed text 135523\n", + "Completed text 135524\n", + "Completed text 135525\n", + "Completed text 135526\n", + "Completed text 135527\n", + "Completed text 135528\n", + "Completed text 135529\n", + "Completed text 135530\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 135531\n", + "Completed text 135532\n", + "Completed text 135533\n", + "Completed text 135534\n", + "Completed text 135535\n", + "Completed text 135536\n", + "Completed text 135537\n", + "Completed text 135538\n", + "Completed text 135539\n", + "Completed text 135540\n", + "Completed text 135541\n", + "Completed text 135542\n", + "Completed text 135543\n", + "Completed text 135544\n", + "Completed text 135545\n", + "Completed text 135546\n", + "Completed text 135547\n", + "Completed text 135548\n", + "Completed text 135549\n", + "Completed text 135550\n", + "Completed text 135551\n", + "Completed text 135552\n", + "Completed text 135553\n", + "Completed text 135554\n", + "Completed text 135555\n", + "Completed text 135556\n", + "Completed text 135557\n", + "Completed text 135558\n", + "Completed text 135559\n", + "Completed text 135560\n", + "Completed text 135561\n", + "Completed text 135562\n", + "Completed text 135563\n", + "Completed text 135564\n", + "Completed text 135565\n", + "Completed text 135566\n", + "Completed text 135567\n", + "Completed text 135568\n", + "Completed text 135569\n", + "Completed text 135570\n", + "Completed text 135571\n", + "Completed text 135572\n", + "Completed text 135573\n", + "Completed text 135574\n", + "Completed text 135575\n", + "Completed text 135576\n", + "Completed text 135577\n", + "Completed text 135578\n", + "Completed text 135579\n", + "Completed text 135580\n", + "Completed text 135581\n", + "Completed text 135582\n", + "Completed text 135583\n", + "Completed text 135584\n", + "Completed text 135585\n", + "Completed text 135586\n", + "Completed text 135587\n", + "Completed text 135588\n", + "Completed text 135589\n", + "Completed text 135590\n", + "Completed text 135591\n", + "Completed text 135592\n", + "Completed text 135593\n", + "Completed text 135594\n", + "Completed text 135595\n", + "Completed text 135596\n", + "Completed text 135597\n", + "Completed text 135598\n", + "Completed text 135599\n", + "Completed text 135600\n", + "Completed text 135601\n", + "Completed text 135602\n", + "Completed text 135603\n", + "Completed text 135604\n", + "Completed text 135605\n", + "Completed text 135606\n", + "Completed text 135607\n", + "Completed text 135608\n", + "Completed text 135609\n", + "Completed text 135610\n", + "Completed text 135611\n", + "Completed text 135612\n", + "Completed text 135613\n", + "Completed text 135614\n", + "Completed text 135615\n", + "Completed text 135616\n", + "Completed text 135617\n", + "Completed text 135618\n", + "Completed text 135619\n", + "Completed text 135620\n", + "Completed text 135621\n", + "Completed text 135622\n", + "Completed text 135623\n", + "Completed text 135624\n", + "Completed text 135625\n", + "Completed text 135626\n", + "Completed text 135627\n", + "Completed text 135628\n", + "Completed text 135629\n", + "Completed text 135630\n", + "Completed text 135631\n", + "Completed text 135632\n", + "Completed text 135633\n", + "Completed text 135634\n", + "Completed text 135635\n", + "Completed text 135636\n", + "Completed text 135637\n", + "Completed text 135638\n", + "Completed text 135639\n", + "Completed text 135640\n", + "Completed text 135641\n", + "Completed text 135642\n", + "Completed text 135643\n", + "Completed text 135644\n", + "Completed text 135645\n", + "Completed text 135646\n", + "Completed text 135647\n", + "Completed text 135648\n", + "Completed text 135649\n", + "Completed text 135650\n", + "Completed text 135651\n", + "Completed text 135652\n", + "Completed text 135653\n", + "Completed text 135654\n", + "Completed text 135655\n", + "Completed text 135656\n", + "Completed text 135657\n", + "Completed text 135658\n", + "Completed text 135659\n", + "Completed text 135660\n", + "Completed text 135661\n", + "Completed text 135662\n", + "Completed text 135663\n", + "Completed text 135664\n", + "Completed text 135665\n", + "Completed text 135666\n", + "Completed text 135667\n", + "Completed text 135668\n", + "Completed text 135669\n", + "Completed text 135670\n", + "Completed text 135671\n", + "Completed text 135672\n", + "Completed text 135673\n", + "Completed text 135674\n", + "Completed text 135675\n", + "Completed text 135676\n", + "Completed text 135677\n", + "Completed text 135678\n", + "Completed text 135679\n", + "Completed text 135680\n", + "Completed text 135681\n", + "Completed text 135682\n", + "Completed text 135683\n", + "Completed text 135684\n", + "Completed text 135685\n", + "Completed text 135686\n", + "Completed text 135687\n", + "Completed text 135688\n", + "Completed text 135689\n", + "Completed text 135690\n", + "Completed text 135691\n", + "Completed text 135692\n", + "Completed text 135693\n", + "Completed text 135694\n", + "Completed text 135695\n", + "Completed text 135696\n", + "Completed text 135697\n", + "Completed text 135698\n", + "Completed text 135699\n", + "Completed text 135700\n", + "Completed text 135701\n", + "Completed text 135702\n", + "Completed text 135703\n", + "Completed text 135704\n", + "Completed text 135705\n", + "Completed text 135706\n", + "Completed text 135707\n", + "Completed text 135708\n", + "Completed text 135709\n", + "Completed text 135710\n", + "Completed text 135711\n", + "Completed text 135712\n", + "Completed text 135713\n", + "Completed text 135714\n", + "Completed text 135715\n", + "Completed text 135716\n", + "Completed text 135717\n", + "Completed text 135718\n", + "Completed text 135719\n", + "Completed text 135720\n", + "Completed text 135721\n", + "Completed text 135722\n", + "Completed text 135723\n", + "Completed text 135724\n", + "Completed text 135725\n", + "Completed text 135726\n", + "Completed text 135727\n", + "Completed text 135728\n", + "Completed text 135729\n", + "Completed text 135730\n", + "Completed text 135731\n", + "Completed text 135732\n", + "Completed text 135733\n", + "Completed text 135734\n", + "Completed text 135735\n", + "Completed text 135736\n", + "Completed text 135737\n", + "Completed text 135738\n", + "Completed text 135739\n", + "Completed text 135740\n", + "Completed text 135741\n", + "Completed text 135742\n", + "Completed text 135743\n", + "Completed text 135744\n", + "Completed text 135745\n", + "Completed text 135746\n", + "Completed text 135747\n", + "Completed text 135748\n", + "Completed text 135749\n", + "Completed text 135750\n", + "Completed text 135751\n", + "Completed text 135752\n", + "Completed text 135753\n", + "Completed text 135754\n", + "Completed text 135755\n", + "Completed text 135756\n", + "Completed text 135757\n", + "Completed text 135758\n", + "Completed text 135759\n", + "Completed text 135760\n", + "Completed text 135761\n", + "Completed text 135762\n", + "Completed text 135763\n", + "Completed text 135764\n", + "Completed text 135765\n", + "Completed text 135766\n", + "Completed text 135767\n", + "Completed text 135768\n", + "Completed text 135769\n", + "Completed text 135770\n", + "Completed text 135771\n", + "Completed text 135772\n", + "Completed text 135773\n", + "Completed text 135774\n", + "Completed text 135775\n", + "Completed text 135776\n", + "Completed text 135777\n", + "Completed text 135778\n", + "Completed text 135779\n", + "Completed text 135780\n", + "Completed text 135781\n", + "Completed text 135782\n", + "Completed text 135783\n", + "Completed text 135784\n", + "Completed text 135785\n", + "Completed text 135786\n", + "Completed text 135787\n", + "Completed text 135788\n", + "Completed text 135789\n", + "Completed text 135790\n", + "Completed text 135791\n", + "Completed text 135792\n", + "Completed text 135793\n", + "Completed text 135794\n", + "Completed text 135795\n", + "Completed text 135796\n", + "Completed text 135797\n", + "Completed text 135798\n", + "Completed text 135799\n", + "Completed text 135800\n", + "Completed text 135801\n", + "Completed text 135802\n", + "Completed text 135803\n", + "Completed text 135804\n", + "Completed text 135805\n", + "Completed text 135806\n", + "Completed text 135807\n", + "Completed text 135808\n", + "Completed text 135809\n", + "Completed text 135810\n", + "Completed text 135811\n", + "Completed text 135812\n", + "Completed text 135813\n", + "Completed text 135814\n", + "Completed text 135815\n", + "Completed text 135816\n", + "Completed text 135817\n", + "Completed text 135818\n", + "Completed text 135819\n", + "Completed text 135820\n", + "Completed text 135821\n", + "Completed text 135822\n", + "Completed text 135823\n", + "Completed text 135824\n", + "Completed text 135825\n", + "Completed text 135826\n", + "Completed text 135827\n", + "Completed text 135828\n", + "Completed text 135829\n", + "Completed text 135830\n", + "Completed text 135831\n", + "Completed text 135832\n", + "Completed text 135833\n", + "Completed text 135834\n", + "Completed text 135835\n", + "Completed text 135836\n", + "Completed text 135837\n", + "Completed text 135838\n", + "Completed text 135839\n", + "Completed text 135840\n", + "Completed text 135841\n", + "Completed text 135842\n", + "Completed text 135843\n", + "Completed text 135844\n", + "Completed text 135845\n", + "Completed text 135846\n", + "Completed text 135847\n", + "Completed text 135848\n", + "Completed text 135849\n", + "Completed text 135850\n", + "Completed text 135851\n", + "Completed text 135852\n", + "Completed text 135853\n", + "Completed text 135854\n", + "Completed text 135855\n", + "Completed text 135856\n", + "Completed text 135857\n", + "Completed text 135858\n", + "Completed text 135859\n", + "Completed text 135860\n", + "Completed text 135861\n", + "Completed text 135862\n", + "Completed text 135863\n", + "Completed text 135864\n", + "Completed text 135865\n", + "Completed text 135866\n", + "Completed text 135867\n", + "Completed text 135868\n", + "Completed text 135869\n", + "Completed text 135870\n", + "Completed text 135871\n", + "Completed text 135872\n", + "Completed text 135873\n", + "Completed text 135874\n", + "Completed text 135875\n", + "Completed text 135876\n", + "Completed text 135877\n", + "Completed text 135878\n", + "Completed text 135879\n", + "Completed text 135880\n", + "Completed text 135881\n", + "Completed text 135882\n", + "Completed text 135883\n", + "Completed text 135884\n", + "Completed text 135885\n", + "Completed text 135886\n", + "Completed text 135887\n", + "Completed text 135888\n", + "Completed text 135889\n", + "Completed text 135890\n", + "Completed text 135891\n", + "Completed text 135892\n", + "Completed text 135893\n", + "Completed text 135894\n", + "Completed text 135895\n", + "Completed text 135896\n", + "Completed text 135897\n", + "Completed text 135898\n", + "Completed text 135899\n", + "Completed text 135900\n", + "Completed text 135901\n", + "Completed text 135902\n", + "Completed text 135903\n", + "Completed text 135904\n", + "Completed text 135905\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 135906\n", + "Completed text 135907\n", + "Completed text 135908\n", + "Completed text 135909\n", + "Completed text 135910\n", + "Completed text 135911\n", + "Completed text 135912\n", + "Completed text 135913\n", + "Completed text 135914\n", + "Completed text 135915\n", + "Completed text 135916\n", + "Completed text 135917\n", + "Completed text 135918\n", + "Completed text 135919\n", + "Completed text 135920\n", + "Completed text 135921\n", + "Completed text 135922\n", + "Completed text 135923\n", + "Completed text 135924\n", + "Completed text 135925\n", + "Completed text 135926\n", + "Completed text 135927\n", + "Completed text 135928\n", + "Completed text 135929\n", + "Completed text 135930\n", + "Completed text 135931\n", + "Completed text 135932\n", + "Completed text 135933\n", + "Completed text 135934\n", + "Completed text 135935\n", + "Completed text 135936\n", + "Completed text 135937\n", + "Completed text 135938\n", + "Completed text 135939\n", + "Completed text 135940\n", + "Completed text 135941\n", + "Completed text 135942\n", + "Completed text 135943\n", + "Completed text 135944\n", + "Completed text 135945\n", + "Completed text 135946\n", + "Completed text 135947\n", + "Completed text 135948\n", + "Completed text 135949\n", + "Completed text 135950\n", + "Completed text 135951\n", + "Completed text 135952\n", + "Completed text 135953\n", + "Completed text 135954\n", + "Completed text 135955\n", + "Completed text 135956\n", + "Completed text 135957\n", + "Completed text 135958\n", + "Completed text 135959\n", + "Completed text 135960\n", + "Completed text 135961\n", + "Completed text 135962\n", + "Completed text 135963\n", + "Completed text 135964\n", + "Completed text 135965\n", + "Completed text 135966\n", + "Completed text 135967\n", + "Completed text 135968\n", + "Completed text 135969\n", + "Completed text 135970\n", + "Completed text 135971\n", + "Completed text 135972\n", + "Completed text 135973\n", + "Completed text 135974\n", + "Completed text 135975\n", + "Completed text 135976\n", + "Completed text 135977\n", + "Completed text 135978\n", + "Completed text 135979\n", + "Completed text 135980\n", + "Completed text 135981\n", + "Completed text 135982\n", + "Completed text 135983\n", + "Completed text 135984\n", + "Completed text 135985\n", + "Completed text 135986\n", + "Completed text 135987\n", + "Completed text 135988\n", + "Completed text 135989\n", + "Completed text 135990\n", + "Completed text 135991\n", + "Completed text 135992\n", + "Completed text 135993\n", + "Completed text 135994\n", + "Completed text 135995\n", + "Completed text 135996\n", + "Completed text 135997\n", + "Completed text 135998\n", + "Completed text 135999\n", + "Completed text 136000\n", + "Completed text 136001\n", + "Completed text 136002\n", + "Completed text 136003\n", + "Completed text 136004\n", + "Completed text 136005\n", + "Completed text 136006\n", + "Completed text 136007\n", + "Completed text 136008\n", + "Completed text 136009\n", + "Completed text 136010\n", + "Completed text 136011\n", + "Completed text 136012\n", + "Completed text 136013\n", + "Completed text 136014\n", + "Completed text 136015\n", + "Completed text 136016\n", + "Completed text 136017\n", + "Completed text 136018\n", + "Completed text 136019\n", + "Completed text 136020\n", + "Completed text 136021\n", + "Completed text 136022\n", + "Completed text 136023\n", + "Completed text 136024\n", + "Completed text 136025\n", + "Completed text 136026\n", + "Completed text 136027\n", + "Completed text 136028\n", + "Completed text 136029\n", + "Completed text 136030\n", + "Completed text 136031\n", + "Completed text 136032\n", + "Completed text 136033\n", + "Completed text 136034\n", + "Completed text 136035\n", + "Completed text 136036\n", + "Completed text 136037\n", + "Completed text 136038\n", + "Completed text 136039\n", + "Completed text 136040\n", + "Completed text 136041\n", + "Completed text 136042\n", + "Completed text 136043\n", + "Completed text 136044\n", + "Completed text 136045\n", + "Completed text 136046\n", + "Completed text 136047\n", + "Completed text 136048\n", + "Completed text 136049\n", + "Completed text 136050\n", + "Completed text 136051\n", + "Completed text 136052\n", + "Completed text 136053\n", + "Completed text 136054\n", + "Completed text 136055\n", + "Completed text 136056\n", + "Completed text 136057\n", + "Completed text 136058\n", + "Completed text 136059\n", + "Completed text 136060\n", + "Completed text 136061\n", + "Completed text 136062\n", + "Completed text 136063\n", + "Completed text 136064\n", + "Completed text 136065\n", + "Completed text 136066\n", + "Completed text 136067\n", + "Completed text 136068\n", + "Completed text 136069\n", + "Completed text 136070\n", + "Completed text 136071\n", + "Completed text 136072\n", + "Completed text 136073\n", + "Completed text 136074\n", + "Completed text 136075\n", + "Completed text 136076\n", + "Completed text 136077\n", + "Completed text 136078\n", + "Completed text 136079\n", + "Completed text 136080\n", + "Completed text 136081\n", + "Completed text 136082\n", + "Completed text 136083\n", + "Completed text 136084\n", + "Completed text 136085\n", + "Completed text 136086\n", + "Completed text 136087\n", + "Completed text 136088\n", + "Completed text 136089\n", + "Completed text 136090\n", + "Completed text 136091\n", + "Completed text 136092\n", + "Completed text 136093\n", + "Completed text 136094\n", + "Completed text 136095\n", + "Completed text 136096\n", + "Completed text 136097\n", + "Completed text 136098\n", + "Completed text 136099\n", + "Completed text 136100\n", + "Completed text 136101\n", + "Completed text 136102\n", + "Completed text 136103\n", + "Completed text 136104\n", + "Completed text 136105\n", + "Completed text 136106\n", + "Completed text 136107\n", + "Completed text 136108\n", + "Completed text 136109\n", + "Completed text 136110\n", + "Completed text 136111\n", + "Completed text 136112\n", + "Completed text 136113\n", + "Completed text 136114\n", + "Completed text 136115\n", + "Completed text 136116\n", + "Completed text 136117\n", + "Completed text 136118\n", + "Completed text 136119\n", + "Completed text 136120\n", + "Completed text 136121\n", + "Completed text 136122\n", + "Completed text 136123\n", + "Completed text 136124\n", + "Completed text 136125\n", + "Completed text 136126\n", + "Completed text 136127\n", + "Completed text 136128\n", + "Completed text 136129\n", + "Completed text 136130\n", + "Completed text 136131\n", + "Completed text 136132\n", + "Completed text 136133\n", + "Completed text 136134\n", + "Completed text 136135\n", + "Completed text 136136\n", + "Completed text 136137\n", + "Completed text 136138\n", + "Completed text 136139\n", + "Completed text 136140\n", + "Completed text 136141\n", + "Completed text 136142\n", + "Completed text 136143\n", + "Completed text 136144\n", + "Completed text 136145\n", + "Completed text 136146\n", + "Completed text 136147\n", + "Completed text 136148\n", + "Completed text 136149\n", + "Completed text 136150\n", + "Completed text 136151\n", + "Completed text 136152\n", + "Completed text 136153\n", + "Completed text 136154\n", + "Completed text 136155\n", + "Completed text 136156\n", + "Completed text 136157\n", + "Completed text 136158\n", + "Completed text 136159\n", + "Completed text 136160\n", + "Completed text 136161\n", + "Completed text 136162\n", + "Completed text 136163\n", + "Completed text 136164\n", + "Completed text 136165\n", + "Completed text 136166\n", + "Completed text 136167\n", + "Completed text 136168\n", + "Completed text 136169\n", + "Completed text 136170\n", + "Completed text 136171\n", + "Completed text 136172\n", + "Completed text 136173\n", + "Completed text 136174\n", + "Completed text 136175\n", + "Completed text 136176\n", + "Completed text 136177\n", + "Completed text 136178\n", + "Completed text 136179\n", + "Completed text 136180\n", + "Completed text 136181\n", + "Completed text 136182\n", + "Completed text 136183\n", + "Completed text 136184\n", + "Completed text 136185\n", + "Completed text 136186\n", + "Completed text 136187\n", + "Completed text 136188\n", + "Completed text 136189\n", + "Completed text 136190\n", + "Completed text 136191\n", + "Completed text 136192\n", + "Completed text 136193\n", + "Completed text 136194\n", + "Completed text 136195\n", + "Completed text 136196\n", + "Completed text 136197\n", + "Completed text 136198\n", + "Completed text 136199\n", + "Completed text 136200\n", + "Completed text 136201\n", + "Completed text 136202\n", + "Completed text 136203\n", + "Completed text 136204\n", + "Completed text 136205\n", + "Completed text 136206\n", + "Completed text 136207\n", + "Completed text 136208\n", + "Completed text 136209\n", + "Completed text 136210\n", + "Completed text 136211\n", + "Completed text 136212\n", + "Completed text 136213\n", + "Completed text 136214\n", + "Completed text 136215\n", + "Completed text 136216\n", + "Completed text 136217\n", + "Completed text 136218\n", + "Completed text 136219\n", + "Completed text 136220\n", + "Completed text 136221\n", + "Completed text 136222\n", + "Completed text 136223\n", + "Completed text 136224\n", + "Completed text 136225\n", + "Completed text 136226\n", + "Completed text 136227\n", + "Completed text 136228\n", + "Completed text 136229\n", + "Completed text 136230\n", + "Completed text 136231\n", + "Completed text 136232\n", + "Completed text 136233\n", + "Completed text 136234\n", + "Completed text 136235\n", + "Completed text 136236\n", + "Completed text 136237\n", + "Completed text 136238\n", + "Completed text 136239\n", + "Completed text 136240\n", + "Completed text 136241\n", + "Completed text 136242\n", + "Completed text 136243\n", + "Completed text 136244\n", + "Completed text 136245\n", + "Completed text 136246\n", + "Completed text 136247\n", + "Completed text 136248\n", + "Completed text 136249\n", + "Completed text 136250\n", + "Completed text 136251\n", + "Completed text 136252\n", + "Completed text 136253\n", + "Completed text 136254\n", + "Completed text 136255\n", + "Completed text 136256\n", + "Completed text 136257\n", + "Completed text 136258\n", + "Completed text 136259\n", + "Completed text 136260\n", + "Completed text 136261\n", + "Completed text 136262\n", + "Completed text 136263\n", + "Completed text 136264\n", + "Completed text 136265\n", + "Completed text 136266\n", + "Completed text 136267\n", + "Completed text 136268\n", + "Completed text 136269\n", + "Completed text 136270\n", + "Completed text 136271\n", + "Completed text 136272\n", + "Completed text 136273\n", + "Completed text 136274\n", + "Completed text 136275\n", + "Completed text 136276\n", + "Completed text 136277\n", + "Completed text 136278\n", + "Completed text 136279\n", + "Completed text 136280\n", + "Completed text 136281\n", + "Completed text 136282\n", + "Completed text 136283\n", + "Completed text 136284\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 136285\n", + "Completed text 136286\n", + "Completed text 136287\n", + "Completed text 136288\n", + "Completed text 136289\n", + "Completed text 136290\n", + "Completed text 136291\n", + "Completed text 136292\n", + "Completed text 136293\n", + "Completed text 136294\n", + "Completed text 136295\n", + "Completed text 136296\n", + "Completed text 136297\n", + "Completed text 136298\n", + "Completed text 136299\n", + "Completed text 136300\n", + "Completed text 136301\n", + "Completed text 136302\n", + "Completed text 136303\n", + "Completed text 136304\n", + "Completed text 136305\n", + "Completed text 136306\n", + "Completed text 136307\n", + "Completed text 136308\n", + "Completed text 136309\n", + "Completed text 136310\n", + "Completed text 136311\n", + "Completed text 136312\n", + "Completed text 136313\n", + "Completed text 136314\n", + "Completed text 136315\n", + "Completed text 136316\n", + "Completed text 136317\n", + "Completed text 136318\n", + "Completed text 136319\n", + "Completed text 136320\n", + "Completed text 136321\n", + "Completed text 136322\n", + "Completed text 136323\n", + "Completed text 136324\n", + "Completed text 136325\n", + "Completed text 136326\n", + "Completed text 136327\n", + "Completed text 136328\n", + "Completed text 136329\n", + "Completed text 136330\n", + "Completed text 136331\n", + "Completed text 136332\n", + "Completed text 136333\n", + "Completed text 136334\n", + "Completed text 136335\n", + "Completed text 136336\n", + "Completed text 136337\n", + "Completed text 136338\n", + "Completed text 136339\n", + "Completed text 136340\n", + "Completed text 136341\n", + "Completed text 136342\n", + "Completed text 136343\n", + "Completed text 136344\n", + "Completed text 136345\n", + "Completed text 136346\n", + "Completed text 136347\n", + "Completed text 136348\n", + "Completed text 136349\n", + "Completed text 136350\n", + "Completed text 136351\n", + "Completed text 136352\n", + "Completed text 136353\n", + "Completed text 136354\n", + "Completed text 136355\n", + "Completed text 136356\n", + "Completed text 136357\n", + "Completed text 136358\n", + "Completed text 136359\n", + "Completed text 136360\n", + "Completed text 136361\n", + "Completed text 136362\n", + "Completed text 136363\n", + "Completed text 136364\n", + "Completed text 136365\n", + "Completed text 136366\n", + "Completed text 136367\n", + "Completed text 136368\n", + "Completed text 136369\n", + "Completed text 136370\n", + "Completed text 136371\n", + "Completed text 136372\n", + "Completed text 136373\n", + "Completed text 136374\n", + "Completed text 136375\n", + "Completed text 136376\n", + "Completed text 136377\n", + "Completed text 136378\n", + "Completed text 136379\n", + "Completed text 136380\n", + "Completed text 136381\n", + "Completed text 136382\n", + "Completed text 136383\n", + "Completed text 136384\n", + "Completed text 136385\n", + "Completed text 136386\n", + "Completed text 136387\n", + "Completed text 136388\n", + "Completed text 136389\n", + "Completed text 136390\n", + "Completed text 136391\n", + "Completed text 136392\n", + "Completed text 136393\n", + "Completed text 136394\n", + "Completed text 136395\n", + "Completed text 136396\n", + "Completed text 136397\n", + "Completed text 136398\n", + "Completed text 136399\n", + "Completed text 136400\n", + "Completed text 136401\n", + "Completed text 136402\n", + "Completed text 136403\n", + "Completed text 136404\n", + "Completed text 136405\n", + "Completed text 136406\n", + "Completed text 136407\n", + "Completed text 136408\n", + "Completed text 136409\n", + "Completed text 136410\n", + "Completed text 136411\n", + "Completed text 136412\n", + "Completed text 136413\n", + "Completed text 136414\n", + "Completed text 136415\n", + "Completed text 136416\n", + "Completed text 136417\n", + "Completed text 136418\n", + "Completed text 136419\n", + "Completed text 136420\n", + "Completed text 136421\n", + "Completed text 136422\n", + "Completed text 136423\n", + "Completed text 136424\n", + "Completed text 136425\n", + "Completed text 136426\n", + "Completed text 136427\n", + "Completed text 136428\n", + "Completed text 136429\n", + "Completed text 136430\n", + "Completed text 136431\n", + "Completed text 136432\n", + "Completed text 136433\n", + "Completed text 136434\n", + "Completed text 136435\n", + "Completed text 136436\n", + "Completed text 136437\n", + "Completed text 136438\n", + "Completed text 136439\n", + "Completed text 136440\n", + "Completed text 136441\n", + "Completed text 136442\n", + "Completed text 136443\n", + "Completed text 136444\n", + "Completed text 136445\n", + "Completed text 136446\n", + "Completed text 136447\n", + "Completed text 136448\n", + "Completed text 136449\n", + "Completed text 136450\n", + "Completed text 136451\n", + "Completed text 136452\n", + "Completed text 136453\n", + "Completed text 136454\n", + "Completed text 136455\n", + "Completed text 136456\n", + "Completed text 136457\n", + "Completed text 136458\n", + "Completed text 136459\n", + "Completed text 136460\n", + "Completed text 136461\n", + "Completed text 136462\n", + "Completed text 136463\n", + "Completed text 136464\n", + "Completed text 136465\n", + "Completed text 136466\n", + "Completed text 136467\n", + "Completed text 136468\n", + "Completed text 136469\n", + "Completed text 136470\n", + "Completed text 136471\n", + "Completed text 136472\n", + "Completed text 136473\n", + "Completed text 136474\n", + "Completed text 136475\n", + "Completed text 136476\n", + "Completed text 136477\n", + "Completed text 136478\n", + "Completed text 136479\n", + "Completed text 136480\n", + "Completed text 136481\n", + "Completed text 136482\n", + "Completed text 136483\n", + "Completed text 136484\n", + "Completed text 136485\n", + "Completed text 136486\n", + "Completed text 136487\n", + "Completed text 136488\n", + "Completed text 136489\n", + "Completed text 136490\n", + "Completed text 136491\n", + "Completed text 136492\n", + "Completed text 136493\n", + "Completed text 136494\n", + "Completed text 136495\n", + "Completed text 136496\n", + "Completed text 136497\n", + "Completed text 136498\n", + "Completed text 136499\n", + "Completed text 136500\n", + "Completed text 136501\n", + "Completed text 136502\n", + "Completed text 136503\n", + "Completed text 136504\n", + "Completed text 136505\n", + "Completed text 136506\n", + "Completed text 136507\n", + "Completed text 136508\n", + "Completed text 136509\n", + "Completed text 136510\n", + "Completed text 136511\n", + "Completed text 136512\n", + "Completed text 136513\n", + "Completed text 136514\n", + "Completed text 136515\n", + "Completed text 136516\n", + "Completed text 136517\n", + "Completed text 136518\n", + "Completed text 136519\n", + "Completed text 136520\n", + "Completed text 136521\n", + "Completed text 136522\n", + "Completed text 136523\n", + "Completed text 136524\n", + "Completed text 136525\n", + "Completed text 136526\n", + "Completed text 136527\n", + "Completed text 136528\n", + "Completed text 136529\n", + "Completed text 136530\n", + "Completed text 136531\n", + "Completed text 136532\n", + "Completed text 136533\n", + "Completed text 136534\n", + "Completed text 136535\n", + "Completed text 136536\n", + "Completed text 136537\n", + "Completed text 136538\n", + "Completed text 136539\n", + "Completed text 136540\n", + "Completed text 136541\n", + "Completed text 136542\n", + "Completed text 136543\n", + "Completed text 136544\n", + "Completed text 136545\n", + "Completed text 136546\n", + "Completed text 136547\n", + "Completed text 136548\n", + "Completed text 136549\n", + "Completed text 136550\n", + "Completed text 136551\n", + "Completed text 136552\n", + "Completed text 136553\n", + "Completed text 136554\n", + "Completed text 136555\n", + "Completed text 136556\n", + "Completed text 136557\n", + "Completed text 136558\n", + "Completed text 136559\n", + "Completed text 136560\n", + "Completed text 136561\n", + "Completed text 136562\n", + "Completed text 136563\n", + "Completed text 136564\n", + "Completed text 136565\n", + "Completed text 136566\n", + "Completed text 136567\n", + "Completed text 136568\n", + "Completed text 136569\n", + "Completed text 136570\n", + "Completed text 136571\n", + "Completed text 136572\n", + "Completed text 136573\n", + "Completed text 136574\n", + "Completed text 136575\n", + "Completed text 136576\n", + "Completed text 136577\n", + "Completed text 136578\n", + "Completed text 136579\n", + "Completed text 136580\n", + "Completed text 136581\n", + "Completed text 136582\n", + "Completed text 136583\n", + "Completed text 136584\n", + "Completed text 136585\n", + "Completed text 136586\n", + "Completed text 136587\n", + "Completed text 136588\n", + "Completed text 136589\n", + "Completed text 136590\n", + "Completed text 136591\n", + "Completed text 136592\n", + "Completed text 136593\n", + "Completed text 136594\n", + "Completed text 136595\n", + "Completed text 136596\n", + "Completed text 136597\n", + "Completed text 136598\n", + "Completed text 136599\n", + "Completed text 136600\n", + "Completed text 136601\n", + "Completed text 136602\n", + "Completed text 136603\n", + "Completed text 136604\n", + "Completed text 136605\n", + "Completed text 136606\n", + "Completed text 136607\n", + "Completed text 136608\n", + "Completed text 136609\n", + "Completed text 136610\n", + "Completed text 136611\n", + "Completed text 136612\n", + "Completed text 136613\n", + "Completed text 136614\n", + "Completed text 136615\n", + "Completed text 136616\n", + "Completed text 136617\n", + "Completed text 136618\n", + "Completed text 136619\n", + "Completed text 136620\n", + "Completed text 136621\n", + "Completed text 136622\n", + "Completed text 136623\n", + "Completed text 136624\n", + "Completed text 136625\n", + "Completed text 136626\n", + "Completed text 136627\n", + "Completed text 136628\n", + "Completed text 136629\n", + "Completed text 136630\n", + "Completed text 136631\n", + "Completed text 136632\n", + "Completed text 136633\n", + "Completed text 136634\n", + "Completed text 136635\n", + "Completed text 136636\n", + "Completed text 136637\n", + "Completed text 136638\n", + "Completed text 136639\n", + "Completed text 136640\n", + "Completed text 136641\n", + "Completed text 136642\n", + "Completed text 136643\n", + "Completed text 136644\n", + "Completed text 136645\n", + "Completed text 136646\n", + "Completed text 136647\n", + "Completed text 136648\n", + "Completed text 136649\n", + "Completed text 136650\n", + "Completed text 136651\n", + "Completed text 136652\n", + "Completed text 136653\n", + "Completed text 136654\n", + "Completed text 136655\n", + "Completed text 136656\n", + "Completed text 136657\n", + "Completed text 136658\n", + "Completed text 136659\n", + "Completed text 136660\n", + "Completed text 136661\n", + "Completed text 136662\n", + "Completed text 136663\n", + "Completed text 136664\n", + "Completed text 136665\n", + "Completed text 136666\n", + "Completed text 136667\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 136668\n", + "Completed text 136669\n", + "Completed text 136670\n", + "Completed text 136671\n", + "Completed text 136672\n", + "Completed text 136673\n", + "Completed text 136674\n", + "Completed text 136675\n", + "Completed text 136676\n", + "Completed text 136677\n", + "Completed text 136678\n", + "Completed text 136679\n", + "Completed text 136680\n", + "Completed text 136681\n", + "Completed text 136682\n", + "Completed text 136683\n", + "Completed text 136684\n", + "Completed text 136685\n", + "Completed text 136686\n", + "Completed text 136687\n", + "Completed text 136688\n", + "Completed text 136689\n", + "Completed text 136690\n", + "Completed text 136691\n", + "Completed text 136692\n", + "Completed text 136693\n", + "Completed text 136694\n", + "Completed text 136695\n", + "Completed text 136696\n", + "Completed text 136697\n", + "Completed text 136698\n", + "Completed text 136699\n", + "Completed text 136700\n", + "Completed text 136701\n", + "Completed text 136702\n", + "Completed text 136703\n", + "Completed text 136704\n", + "Completed text 136705\n", + "Completed text 136706\n", + "Completed text 136707\n", + "Completed text 136708\n", + "Completed text 136709\n", + "Completed text 136710\n", + "Completed text 136711\n", + "Completed text 136712\n", + "Completed text 136713\n", + "Completed text 136714\n", + "Completed text 136715\n", + "Completed text 136716\n", + "Completed text 136717\n", + "Completed text 136718\n", + "Completed text 136719\n", + "Completed text 136720\n", + "Completed text 136721\n", + "Completed text 136722\n", + "Completed text 136723\n", + "Completed text 136724\n", + "Completed text 136725\n", + "Completed text 136726\n", + "Completed text 136727\n", + "Completed text 136728\n", + "Completed text 136729\n", + "Completed text 136730\n", + "Completed text 136731\n", + "Completed text 136732\n", + "Completed text 136733\n", + "Completed text 136734\n", + "Completed text 136735\n", + "Completed text 136736\n", + "Completed text 136737\n", + "Completed text 136738\n", + "Completed text 136739\n", + "Completed text 136740\n", + "Completed text 136741\n", + "Completed text 136742\n", + "Completed text 136743\n", + "Completed text 136744\n", + "Completed text 136745\n", + "Completed text 136746\n", + "Completed text 136747\n", + "Completed text 136748\n", + "Completed text 136749\n", + "Completed text 136750\n", + "Completed text 136751\n", + "Completed text 136752\n", + "Completed text 136753\n", + "Completed text 136754\n", + "Completed text 136755\n", + "Completed text 136756\n", + "Completed text 136757\n", + "Completed text 136758\n", + "Completed text 136759\n", + "Completed text 136760\n", + "Completed text 136761\n", + "Completed text 136762\n", + "Completed text 136763\n", + "Completed text 136764\n", + "Completed text 136765\n", + "Completed text 136766\n", + "Completed text 136767\n", + "Completed text 136768\n", + "Completed text 136769\n", + "Completed text 136770\n", + "Completed text 136771\n", + "Completed text 136772\n", + "Completed text 136773\n", + "Completed text 136774\n", + "Completed text 136775\n", + "Completed text 136776\n", + "Completed text 136777\n", + "Completed text 136778\n", + "Completed text 136779\n", + "Completed text 136780\n", + "Completed text 136781\n", + "Completed text 136782\n", + "Completed text 136783\n", + "Completed text 136784\n", + "Completed text 136785\n", + "Completed text 136786\n", + "Completed text 136787\n", + "Completed text 136788\n", + "Completed text 136789\n", + "Completed text 136790\n", + "Completed text 136791\n", + "Completed text 136792\n", + "Completed text 136793\n", + "Completed text 136794\n", + "Completed text 136795\n", + "Completed text 136796\n", + "Completed text 136797\n", + "Completed text 136798\n", + "Completed text 136799\n", + "Completed text 136800\n", + "Completed text 136801\n", + "Completed text 136802\n", + "Completed text 136803\n", + "Completed text 136804\n", + "Completed text 136805\n", + "Completed text 136806\n", + "Completed text 136807\n", + "Completed text 136808\n", + "Completed text 136809\n", + "Completed text 136810\n", + "Completed text 136811\n", + "Completed text 136812\n", + "Completed text 136813\n", + "Completed text 136814\n", + "Completed text 136815\n", + "Completed text 136816\n", + "Completed text 136817\n", + "Completed text 136818\n", + "Completed text 136819\n", + "Completed text 136820\n", + "Completed text 136821\n", + "Completed text 136822\n", + "Completed text 136823\n", + "Completed text 136824\n", + "Completed text 136825\n", + "Completed text 136826\n", + "Completed text 136827\n", + "Completed text 136828\n", + "Completed text 136829\n", + "Completed text 136830\n", + "Completed text 136831\n", + "Completed text 136832\n", + "Completed text 136833\n", + "Completed text 136834\n", + "Completed text 136835\n", + "Completed text 136836\n", + "Completed text 136837\n", + "Completed text 136838\n", + "Completed text 136839\n", + "Completed text 136840\n", + "Completed text 136841\n", + "Completed text 136842\n", + "Completed text 136843\n", + "Completed text 136844\n", + "Completed text 136845\n", + "Completed text 136846\n", + "Completed text 136847\n", + "Completed text 136848\n", + "Completed text 136849\n", + "Completed text 136850\n", + "Completed text 136851\n", + "Completed text 136852\n", + "Completed text 136853\n", + "Completed text 136854\n", + "Completed text 136855\n", + "Completed text 136856\n", + "Completed text 136857\n", + "Completed text 136858\n", + "Completed text 136859\n", + "Completed text 136860\n", + "Completed text 136861\n", + "Completed text 136862\n", + "Completed text 136863\n", + "Completed text 136864\n", + "Completed text 136865\n", + "Completed text 136866\n", + "Completed text 136867\n", + "Completed text 136868\n", + "Completed text 136869\n", + "Completed text 136870\n", + "Completed text 136871\n", + "Completed text 136872\n", + "Completed text 136873\n", + "Completed text 136874\n", + "Completed text 136875\n", + "Completed text 136876\n", + "Completed text 136877\n", + "Completed text 136878\n", + "Completed text 136879\n", + "Completed text 136880\n", + "Completed text 136881\n", + "Completed text 136882\n", + "Completed text 136883\n", + "Completed text 136884\n", + "Completed text 136885\n", + "Completed text 136886\n", + "Completed text 136887\n", + "Completed text 136888\n", + "Completed text 136889\n", + "Completed text 136890\n", + "Completed text 136891\n", + "Completed text 136892\n", + "Completed text 136893\n", + "Completed text 136894\n", + "Completed text 136895\n", + "Completed text 136896\n", + "Completed text 136897\n", + "Completed text 136898\n", + "Completed text 136899\n", + "Completed text 136900\n", + "Completed text 136901\n", + "Completed text 136902\n", + "Completed text 136903\n", + "Completed text 136904\n", + "Completed text 136905\n", + "Completed text 136906\n", + "Completed text 136907\n", + "Completed text 136908\n", + "Completed text 136909\n", + "Completed text 136910\n", + "Completed text 136911\n", + "Completed text 136912\n", + "Completed text 136913\n", + "Completed text 136914\n", + "Completed text 136915\n", + "Completed text 136916\n", + "Completed text 136917\n", + "Completed text 136918\n", + "Completed text 136919\n", + "Completed text 136920\n", + "Completed text 136921\n", + "Completed text 136922\n", + "Completed text 136923\n", + "Completed text 136924\n", + "Completed text 136925\n", + "Completed text 136926\n", + "Completed text 136927\n", + "Completed text 136928\n", + "Completed text 136929\n", + "Completed text 136930\n", + "Completed text 136931\n", + "Completed text 136932\n", + "Completed text 136933\n", + "Completed text 136934\n", + "Completed text 136935\n", + "Completed text 136936\n", + "Completed text 136937\n", + "Completed text 136938\n", + "Completed text 136939\n", + "Completed text 136940\n", + "Completed text 136941\n", + "Completed text 136942\n", + "Completed text 136943\n", + "Completed text 136944\n", + "Completed text 136945\n", + "Completed text 136946\n", + "Completed text 136947\n", + "Completed text 136948\n", + "Completed text 136949\n", + "Completed text 136950\n", + "Completed text 136951\n", + "Completed text 136952\n", + "Completed text 136953\n", + "Completed text 136954\n", + "Completed text 136955\n", + "Completed text 136956\n", + "Completed text 136957\n", + "Completed text 136958\n", + "Completed text 136959\n", + "Completed text 136960\n", + "Completed text 136961\n", + "Completed text 136962\n", + "Completed text 136963\n", + "Completed text 136964\n", + "Completed text 136965\n", + "Completed text 136966\n", + "Completed text 136967\n", + "Completed text 136968\n", + "Completed text 136969\n", + "Completed text 136970\n", + "Completed text 136971\n", + "Completed text 136972\n", + "Completed text 136973\n", + "Completed text 136974\n", + "Completed text 136975\n", + "Completed text 136976\n", + "Completed text 136977\n", + "Completed text 136978\n", + "Completed text 136979\n", + "Completed text 136980\n", + "Completed text 136981\n", + "Completed text 136982\n", + "Completed text 136983\n", + "Completed text 136984\n", + "Completed text 136985\n", + "Completed text 136986\n", + "Completed text 136987\n", + "Completed text 136988\n", + "Completed text 136989\n", + "Completed text 136990\n", + "Completed text 136991\n", + "Completed text 136992\n", + "Completed text 136993\n", + "Completed text 136994\n", + "Completed text 136995\n", + "Completed text 136996\n", + "Completed text 136997\n", + "Completed text 136998\n", + "Completed text 136999\n", + "Completed text 137000\n", + "Completed text 137001\n", + "Completed text 137002\n", + "Completed text 137003\n", + "Completed text 137004\n", + "Completed text 137005\n", + "Completed text 137006\n", + "Completed text 137007\n", + "Completed text 137008\n", + "Completed text 137009\n", + "Completed text 137010\n", + "Completed text 137011\n", + "Completed text 137012\n", + "Completed text 137013\n", + "Completed text 137014\n", + "Completed text 137015\n", + "Completed text 137016\n", + "Completed text 137017\n", + "Completed text 137018\n", + "Completed text 137019\n", + "Completed text 137020\n", + "Completed text 137021\n", + "Completed text 137022\n", + "Completed text 137023\n", + "Completed text 137024\n", + "Completed text 137025\n", + "Completed text 137026\n", + "Completed text 137027\n", + "Completed text 137028\n", + "Completed text 137029\n", + "Completed text 137030\n", + "Completed text 137031\n", + "Completed text 137032\n", + "Completed text 137033\n", + "Completed text 137034\n", + "Completed text 137035\n", + "Completed text 137036\n", + "Completed text 137037\n", + "Completed text 137038\n", + "Completed text 137039\n", + "Completed text 137040\n", + "Completed text 137041\n", + "Completed text 137042\n", + "Completed text 137043\n", + "Completed text 137044\n", + "Completed text 137045\n", + "Completed text 137046\n", + "Completed text 137047\n", + "Completed text 137048\n", + "Completed text 137049\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 137050\n", + "Completed text 137051\n", + "Completed text 137052\n", + "Completed text 137053\n", + "Completed text 137054\n", + "Completed text 137055\n", + "Completed text 137056\n", + "Completed text 137057\n", + "Completed text 137058\n", + "Completed text 137059\n", + "Completed text 137060\n", + "Completed text 137061\n", + "Completed text 137062\n", + "Completed text 137063\n", + "Completed text 137064\n", + "Completed text 137065\n", + "Completed text 137066\n", + "Completed text 137067\n", + "Completed text 137068\n", + "Completed text 137069\n", + "Completed text 137070\n", + "Completed text 137071\n", + "Completed text 137072\n", + "Completed text 137073\n", + "Completed text 137074\n", + "Completed text 137075\n", + "Completed text 137076\n", + "Completed text 137077\n", + "Completed text 137078\n", + "Completed text 137079\n", + "Completed text 137080\n", + "Completed text 137081\n", + "Completed text 137082\n", + "Completed text 137083\n", + "Completed text 137084\n", + "Completed text 137085\n", + "Completed text 137086\n", + "Completed text 137087\n", + "Completed text 137088\n", + "Completed text 137089\n", + "Completed text 137090\n", + "Completed text 137091\n", + "Completed text 137092\n", + "Completed text 137093\n", + "Completed text 137094\n", + "Completed text 137095\n", + "Completed text 137096\n", + "Completed text 137097\n", + "Completed text 137098\n", + "Completed text 137099\n", + "Completed text 137100\n", + "Completed text 137101\n", + "Completed text 137102\n", + "Completed text 137103\n", + "Completed text 137104\n", + "Completed text 137105\n", + "Completed text 137106\n", + "Completed text 137107\n", + "Completed text 137108\n", + "Completed text 137109\n", + "Completed text 137110\n", + "Completed text 137111\n", + "Completed text 137112\n", + "Completed text 137113\n", + "Completed text 137114\n", + "Completed text 137115\n", + "Completed text 137116\n", + "Completed text 137117\n", + "Completed text 137118\n", + "Completed text 137119\n", + "Completed text 137120\n", + "Completed text 137121\n", + "Completed text 137122\n", + "Completed text 137123\n", + "Completed text 137124\n", + "Completed text 137125\n", + "Completed text 137126\n", + "Completed text 137127\n", + "Completed text 137128\n", + "Completed text 137129\n", + "Completed text 137130\n", + "Completed text 137131\n", + "Completed text 137132\n", + "Completed text 137133\n", + "Completed text 137134\n", + "Completed text 137135\n", + "Completed text 137136\n", + "Completed text 137137\n", + "Completed text 137138\n", + "Completed text 137139\n", + "Completed text 137140\n", + "Completed text 137141\n", + "Completed text 137142\n", + "Completed text 137143\n", + "Completed text 137144\n", + "Completed text 137145\n", + "Completed text 137146\n", + "Completed text 137147\n", + "Completed text 137148\n", + "Completed text 137149\n", + "Completed text 137150\n", + "Completed text 137151\n", + "Completed text 137152\n", + "Completed text 137153\n", + "Completed text 137154\n", + "Completed text 137155\n", + "Completed text 137156\n", + "Completed text 137157\n", + "Completed text 137158\n", + "Completed text 137159\n", + "Completed text 137160\n", + "Completed text 137161\n", + "Completed text 137162\n", + "Completed text 137163\n", + "Completed text 137164\n", + "Completed text 137165\n", + "Completed text 137166\n", + "Completed text 137167\n", + "Completed text 137168\n", + "Completed text 137169\n", + "Completed text 137170\n", + "Completed text 137171\n", + "Completed text 137172\n", + "Completed text 137173\n", + "Completed text 137174\n", + "Completed text 137175\n", + "Completed text 137176\n", + "Completed text 137177\n", + "Completed text 137178\n", + "Completed text 137179\n", + "Completed text 137180\n", + "Completed text 137181\n", + "Completed text 137182\n", + "Completed text 137183\n", + "Completed text 137184\n", + "Completed text 137185\n", + "Completed text 137186\n", + "Completed text 137187\n", + "Completed text 137188\n", + "Completed text 137189\n", + "Completed text 137190\n", + "Completed text 137191\n", + "Completed text 137192\n", + "Completed text 137193\n", + "Completed text 137194\n", + "Completed text 137195\n", + "Completed text 137196\n", + "Completed text 137197\n", + "Completed text 137198\n", + "Completed text 137199\n", + "Completed text 137200\n", + "Completed text 137201\n", + "Completed text 137202\n", + "Completed text 137203\n", + "Completed text 137204\n", + "Completed text 137205\n", + "Completed text 137206\n", + "Completed text 137207\n", + "Completed text 137208\n", + "Completed text 137209\n", + "Completed text 137210\n", + "Completed text 137211\n", + "Completed text 137212\n", + "Completed text 137213\n", + "Completed text 137214\n", + "Completed text 137215\n", + "Completed text 137216\n", + "Completed text 137217\n", + "Completed text 137218\n", + "Completed text 137219\n", + "Completed text 137220\n", + "Completed text 137221\n", + "Completed text 137222\n", + "Completed text 137223\n", + "Completed text 137224\n", + "Completed text 137225\n", + "Completed text 137226\n", + "Completed text 137227\n", + "Completed text 137228\n", + "Completed text 137229\n", + "Completed text 137230\n", + "Completed text 137231\n", + "Completed text 137232\n", + "Completed text 137233\n", + "Completed text 137234\n", + "Completed text 137235\n", + "Completed text 137236\n", + "Completed text 137237\n", + "Completed text 137238\n", + "Completed text 137239\n", + "Completed text 137240\n", + "Completed text 137241\n", + "Completed text 137242\n", + "Completed text 137243\n", + "Completed text 137244\n", + "Completed text 137245\n", + "Completed text 137246\n", + "Completed text 137247\n", + "Completed text 137248\n", + "Completed text 137249\n", + "Completed text 137250\n", + "Completed text 137251\n", + "Completed text 137252\n", + "Completed text 137253\n", + "Completed text 137254\n", + "Completed text 137255\n", + "Completed text 137256\n", + "Completed text 137257\n", + "Completed text 137258\n", + "Completed text 137259\n", + "Completed text 137260\n", + "Completed text 137261\n", + "Completed text 137262\n", + "Completed text 137263\n", + "Completed text 137264\n", + "Completed text 137265\n", + "Completed text 137266\n", + "Completed text 137267\n", + "Completed text 137268\n", + "Completed text 137269\n", + "Completed text 137270\n", + "Completed text 137271\n", + "Completed text 137272\n", + "Completed text 137273\n", + "Completed text 137274\n", + "Completed text 137275\n", + "Completed text 137276\n", + "Completed text 137277\n", + "Completed text 137278\n", + "Completed text 137279\n", + "Completed text 137280\n", + "Completed text 137281\n", + "Completed text 137282\n", + "Completed text 137283\n", + "Completed text 137284\n", + "Completed text 137285\n", + "Completed text 137286\n", + "Completed text 137287\n", + "Completed text 137288\n", + "Completed text 137289\n", + "Completed text 137290\n", + "Completed text 137291\n", + "Completed text 137292\n", + "Completed text 137293\n", + "Completed text 137294\n", + "Completed text 137295\n", + "Completed text 137296\n", + "Completed text 137297\n", + "Completed text 137298\n", + "Completed text 137299\n", + "Completed text 137300\n", + "Completed text 137301\n", + "Completed text 137302\n", + "Completed text 137303\n", + "Completed text 137304\n", + "Completed text 137305\n", + "Completed text 137306\n", + "Completed text 137307\n", + "Completed text 137308\n", + "Completed text 137309\n", + "Completed text 137310\n", + "Completed text 137311\n", + "Completed text 137312\n", + "Completed text 137313\n", + "Completed text 137314\n", + "Completed text 137315\n", + "Completed text 137316\n", + "Completed text 137317\n", + "Completed text 137318\n", + "Completed text 137319\n", + "Completed text 137320\n", + "Completed text 137321\n", + "Completed text 137322\n", + "Completed text 137323\n", + "Completed text 137324\n", + "Completed text 137325\n", + "Completed text 137326\n", + "Completed text 137327\n", + "Completed text 137328\n", + "Completed text 137329\n", + "Completed text 137330\n", + "Completed text 137331\n", + "Completed text 137332\n", + "Completed text 137333\n", + "Completed text 137334\n", + "Completed text 137335\n", + "Completed text 137336\n", + "Completed text 137337\n", + "Completed text 137338\n", + "Completed text 137339\n", + "Completed text 137340\n", + "Completed text 137341\n", + "Completed text 137342\n", + "Completed text 137343\n", + "Completed text 137344\n", + "Completed text 137345\n", + "Completed text 137346\n", + "Completed text 137347\n", + "Completed text 137348\n", + "Completed text 137349\n", + "Completed text 137350\n", + "Completed text 137351\n", + "Completed text 137352\n", + "Completed text 137353\n", + "Completed text 137354\n", + "Completed text 137355\n", + "Completed text 137356\n", + "Completed text 137357\n", + "Completed text 137358\n", + "Completed text 137359\n", + "Completed text 137360\n", + "Completed text 137361\n", + "Completed text 137362\n", + "Completed text 137363\n", + "Completed text 137364\n", + "Completed text 137365\n", + "Completed text 137366\n", + "Completed text 137367\n", + "Completed text 137368\n", + "Completed text 137369\n", + "Completed text 137370\n", + "Completed text 137371\n", + "Completed text 137372\n", + "Completed text 137373\n", + "Completed text 137374\n", + "Completed text 137375\n", + "Completed text 137376\n", + "Completed text 137377\n", + "Completed text 137378\n", + "Completed text 137379\n", + "Completed text 137380\n", + "Completed text 137381\n", + "Completed text 137382\n", + "Completed text 137383\n", + "Completed text 137384\n", + "Completed text 137385\n", + "Completed text 137386\n", + "Completed text 137387\n", + "Completed text 137388\n", + "Completed text 137389\n", + "Completed text 137390\n", + "Completed text 137391\n", + "Completed text 137392\n", + "Completed text 137393\n", + "Completed text 137394\n", + "Completed text 137395\n", + "Completed text 137396\n", + "Completed text 137397\n", + "Completed text 137398\n", + "Completed text 137399\n", + "Completed text 137400\n", + "Completed text 137401\n", + "Completed text 137402\n", + "Completed text 137403\n", + "Completed text 137404\n", + "Completed text 137405\n", + "Completed text 137406\n", + "Completed text 137407\n", + "Completed text 137408\n", + "Completed text 137409\n", + "Completed text 137410\n", + "Completed text 137411\n", + "Completed text 137412\n", + "Completed text 137413\n", + "Completed text 137414\n", + "Completed text 137415\n", + "Completed text 137416\n", + "Completed text 137417\n", + "Completed text 137418\n", + "Completed text 137419\n", + "Completed text 137420\n", + "Completed text 137421\n", + "Completed text 137422\n", + "Completed text 137423\n", + "Completed text 137424\n", + "Completed text 137425\n", + "Completed text 137426\n", + "Completed text 137427\n", + "Completed text 137428\n", + "Completed text 137429\n", + "Completed text 137430\n", + "Completed text 137431\n", + "Completed text 137432\n", + "Completed text 137433\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 137434\n", + "Completed text 137435\n", + "Completed text 137436\n", + "Completed text 137437\n", + "Completed text 137438\n", + "Completed text 137439\n", + "Completed text 137440\n", + "Completed text 137441\n", + "Completed text 137442\n", + "Completed text 137443\n", + "Completed text 137444\n", + "Completed text 137445\n", + "Completed text 137446\n", + "Completed text 137447\n", + "Completed text 137448\n", + "Completed text 137449\n", + "Completed text 137450\n", + "Completed text 137451\n", + "Completed text 137452\n", + "Completed text 137453\n", + "Completed text 137454\n", + "Completed text 137455\n", + "Completed text 137456\n", + "Completed text 137457\n", + "Completed text 137458\n", + "Completed text 137459\n", + "Completed text 137460\n", + "Completed text 137461\n", + "Completed text 137462\n", + "Completed text 137463\n", + "Completed text 137464\n", + "Completed text 137465\n", + "Completed text 137466\n", + "Completed text 137467\n", + "Completed text 137468\n", + "Completed text 137469\n", + "Completed text 137470\n", + "Completed text 137471\n", + "Completed text 137472\n", + "Completed text 137473\n", + "Completed text 137474\n", + "Completed text 137475\n", + "Completed text 137476\n", + "Completed text 137477\n", + "Completed text 137478\n", + "Completed text 137479\n", + "Completed text 137480\n", + "Completed text 137481\n", + "Completed text 137482\n", + "Completed text 137483\n", + "Completed text 137484\n", + "Completed text 137485\n", + "Completed text 137486\n", + "Completed text 137487\n", + "Completed text 137488\n", + "Completed text 137489\n", + "Completed text 137490\n", + "Completed text 137491\n", + "Completed text 137492\n", + "Completed text 137493\n", + "Completed text 137494\n", + "Completed text 137495\n", + "Completed text 137496\n", + "Completed text 137497\n", + "Completed text 137498\n", + "Completed text 137499\n", + "Completed text 137500\n", + "Completed text 137501\n", + "Completed text 137502\n", + "Completed text 137503\n", + "Completed text 137504\n", + "Completed text 137505\n", + "Completed text 137506\n", + "Completed text 137507\n", + "Completed text 137508\n", + "Completed text 137509\n", + "Completed text 137510\n", + "Completed text 137511\n", + "Completed text 137512\n", + "Completed text 137513\n", + "Completed text 137514\n", + "Completed text 137515\n", + "Completed text 137516\n", + "Completed text 137517\n", + "Completed text 137518\n", + "Completed text 137519\n", + "Completed text 137520\n", + "Completed text 137521\n", + "Completed text 137522\n", + "Completed text 137523\n", + "Completed text 137524\n", + "Completed text 137525\n", + "Completed text 137526\n", + "Completed text 137527\n", + "Completed text 137528\n", + "Completed text 137529\n", + "Completed text 137530\n", + "Completed text 137531\n", + "Completed text 137532\n", + "Completed text 137533\n", + "Completed text 137534\n", + "Completed text 137535\n", + "Completed text 137536\n", + "Completed text 137537\n", + "Completed text 137538\n", + "Completed text 137539\n", + "Completed text 137540\n", + "Completed text 137541\n", + "Completed text 137542\n", + "Completed text 137543\n", + "Completed text 137544\n", + "Completed text 137545\n", + "Completed text 137546\n", + "Completed text 137547\n", + "Completed text 137548\n", + "Completed text 137549\n", + "Completed text 137550\n", + "Completed text 137551\n", + "Completed text 137552\n", + "Completed text 137553\n", + "Completed text 137554\n", + "Completed text 137555\n", + "Completed text 137556\n", + "Completed text 137557\n", + "Completed text 137558\n", + "Completed text 137559\n", + "Completed text 137560\n", + "Completed text 137561\n", + "Completed text 137562\n", + "Completed text 137563\n", + "Completed text 137564\n", + "Completed text 137565\n", + "Completed text 137566\n", + "Completed text 137567\n", + "Completed text 137568\n", + "Completed text 137569\n", + "Completed text 137570\n", + "Completed text 137571\n", + "Completed text 137572\n", + "Completed text 137573\n", + "Completed text 137574\n", + "Completed text 137575\n", + "Completed text 137576\n", + "Completed text 137577\n", + "Completed text 137578\n", + "Completed text 137579\n", + "Completed text 137580\n", + "Completed text 137581\n", + "Completed text 137582\n", + "Completed text 137583\n", + "Completed text 137584\n", + "Completed text 137585\n", + "Completed text 137586\n", + "Completed text 137587\n", + "Completed text 137588\n", + "Completed text 137589\n", + "Completed text 137590\n", + "Completed text 137591\n", + "Completed text 137592\n", + "Completed text 137593\n", + "Completed text 137594\n", + "Completed text 137595\n", + "Completed text 137596\n", + "Completed text 137597\n", + "Completed text 137598\n", + "Completed text 137599\n", + "Completed text 137600\n", + "Completed text 137601\n", + "Completed text 137602\n", + "Completed text 137603\n", + "Completed text 137604\n", + "Completed text 137605\n", + "Completed text 137606\n", + "Completed text 137607\n", + "Completed text 137608\n", + "Completed text 137609\n", + "Completed text 137610\n", + "Completed text 137611\n", + "Completed text 137612\n", + "Completed text 137613\n", + "Completed text 137614\n", + "Completed text 137615\n", + "Completed text 137616\n", + "Completed text 137617\n", + "Completed text 137618\n", + "Completed text 137619\n", + "Completed text 137620\n", + "Completed text 137621\n", + "Completed text 137622\n", + "Completed text 137623\n", + "Completed text 137624\n", + "Completed text 137625\n", + "Completed text 137626\n", + "Completed text 137627\n", + "Completed text 137628\n", + "Completed text 137629\n", + "Completed text 137630\n", + "Completed text 137631\n", + "Completed text 137632\n", + "Completed text 137633\n", + "Completed text 137634\n", + "Completed text 137635\n", + "Completed text 137636\n", + "Completed text 137637\n", + "Completed text 137638\n", + "Completed text 137639\n", + "Completed text 137640\n", + "Completed text 137641\n", + "Completed text 137642\n", + "Completed text 137643\n", + "Completed text 137644\n", + "Completed text 137645\n", + "Completed text 137646\n", + "Completed text 137647\n", + "Completed text 137648\n", + "Completed text 137649\n", + "Completed text 137650\n", + "Completed text 137651\n", + "Completed text 137652\n", + "Completed text 137653\n", + "Completed text 137654\n", + "Completed text 137655\n", + "Completed text 137656\n", + "Completed text 137657\n", + "Completed text 137658\n", + "Completed text 137659\n", + "Completed text 137660\n", + "Completed text 137661\n", + "Completed text 137662\n", + "Completed text 137663\n", + "Completed text 137664\n", + "Completed text 137665\n", + "Completed text 137666\n", + "Completed text 137667\n", + "Completed text 137668\n", + "Completed text 137669\n", + "Completed text 137670\n", + "Completed text 137671\n", + "Completed text 137672\n", + "Completed text 137673\n", + "Completed text 137674\n", + "Completed text 137675\n", + "Completed text 137676\n", + "Completed text 137677\n", + "Completed text 137678\n", + "Completed text 137679\n", + "Completed text 137680\n", + "Completed text 137681\n", + "Completed text 137682\n", + "Completed text 137683\n", + "Completed text 137684\n", + "Completed text 137685\n", + "Completed text 137686\n", + "Completed text 137687\n", + "Completed text 137688\n", + "Completed text 137689\n", + "Completed text 137690\n", + "Completed text 137691\n", + "Completed text 137692\n", + "Completed text 137693\n", + "Completed text 137694\n", + "Completed text 137695\n", + "Completed text 137696\n", + "Completed text 137697\n", + "Completed text 137698\n", + "Completed text 137699\n", + "Completed text 137700\n", + "Completed text 137701\n", + "Completed text 137702\n", + "Completed text 137703\n", + "Completed text 137704\n", + "Completed text 137705\n", + "Completed text 137706\n", + "Completed text 137707\n", + "Completed text 137708\n", + "Completed text 137709\n", + "Completed text 137710\n", + "Completed text 137711\n", + "Completed text 137712\n", + "Completed text 137713\n", + "Completed text 137714\n", + "Completed text 137715\n", + "Completed text 137716\n", + "Completed text 137717\n", + "Completed text 137718\n", + "Completed text 137719\n", + "Completed text 137720\n", + "Completed text 137721\n", + "Completed text 137722\n", + "Completed text 137723\n", + "Completed text 137724\n", + "Completed text 137725\n", + "Completed text 137726\n", + "Completed text 137727\n", + "Completed text 137728\n", + "Completed text 137729\n", + "Completed text 137730\n", + "Completed text 137731\n", + "Completed text 137732\n", + "Completed text 137733\n", + "Completed text 137734\n", + "Completed text 137735\n", + "Completed text 137736\n", + "Completed text 137737\n", + "Completed text 137738\n", + "Completed text 137739\n", + "Completed text 137740\n", + "Completed text 137741\n", + "Completed text 137742\n", + "Completed text 137743\n", + "Completed text 137744\n", + "Completed text 137745\n", + "Completed text 137746\n", + "Completed text 137747\n", + "Completed text 137748\n", + "Completed text 137749\n", + "Completed text 137750\n", + "Completed text 137751\n", + "Completed text 137752\n", + "Completed text 137753\n", + "Completed text 137754\n", + "Completed text 137755\n", + "Completed text 137756\n", + "Completed text 137757\n", + "Completed text 137758\n", + "Completed text 137759\n", + "Completed text 137760\n", + "Completed text 137761\n", + "Completed text 137762\n", + "Completed text 137763\n", + "Completed text 137764\n", + "Completed text 137765\n", + "Completed text 137766\n", + "Completed text 137767\n", + "Completed text 137768\n", + "Completed text 137769\n", + "Completed text 137770\n", + "Completed text 137771\n", + "Completed text 137772\n", + "Completed text 137773\n", + "Completed text 137774\n", + "Completed text 137775\n", + "Completed text 137776\n", + "Completed text 137777\n", + "Completed text 137778\n", + "Completed text 137779\n", + "Completed text 137780\n", + "Completed text 137781\n", + "Completed text 137782\n", + "Completed text 137783\n", + "Completed text 137784\n", + "Completed text 137785\n", + "Completed text 137786\n", + "Completed text 137787\n", + "Completed text 137788\n", + "Completed text 137789\n", + "Completed text 137790\n", + "Completed text 137791\n", + "Completed text 137792\n", + "Completed text 137793\n", + "Completed text 137794\n", + "Completed text 137795\n", + "Completed text 137796\n", + "Completed text 137797\n", + "Completed text 137798\n", + "Completed text 137799\n", + "Completed text 137800\n", + "Completed text 137801\n", + "Completed text 137802\n", + "Completed text 137803\n", + "Completed text 137804\n", + "Completed text 137805\n", + "Completed text 137806\n", + "Completed text 137807\n", + "Completed text 137808\n", + "Completed text 137809\n", + "Completed text 137810\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 137811\n", + "Completed text 137812\n", + "Completed text 137813\n", + "Completed text 137814\n", + "Completed text 137815\n", + "Completed text 137816\n", + "Completed text 137817\n", + "Completed text 137818\n", + "Completed text 137819\n", + "Completed text 137820\n", + "Completed text 137821\n", + "Completed text 137822\n", + "Completed text 137823\n", + "Completed text 137824\n", + "Completed text 137825\n", + "Completed text 137826\n", + "Completed text 137827\n", + "Completed text 137828\n", + "Completed text 137829\n", + "Completed text 137830\n", + "Completed text 137831\n", + "Completed text 137832\n", + "Completed text 137833\n", + "Completed text 137834\n", + "Completed text 137835\n", + "Completed text 137836\n", + "Completed text 137837\n", + "Completed text 137838\n", + "Completed text 137839\n", + "Completed text 137840\n", + "Completed text 137841\n", + "Completed text 137842\n", + "Completed text 137843\n", + "Completed text 137844\n", + "Completed text 137845\n", + "Completed text 137846\n", + "Completed text 137847\n", + "Completed text 137848\n", + "Completed text 137849\n", + "Completed text 137850\n", + "Completed text 137851\n", + "Completed text 137852\n", + "Completed text 137853\n", + "Completed text 137854\n", + "Completed text 137855\n", + "Completed text 137856\n", + "Completed text 137857\n", + "Completed text 137858\n", + "Completed text 137859\n", + "Completed text 137860\n", + "Completed text 137861\n", + "Completed text 137862\n", + "Completed text 137863\n", + "Completed text 137864\n", + "Completed text 137865\n", + "Completed text 137866\n", + "Completed text 137867\n", + "Completed text 137868\n", + "Completed text 137869\n", + "Completed text 137870\n", + "Completed text 137871\n", + "Completed text 137872\n", + "Completed text 137873\n", + "Completed text 137874\n", + "Completed text 137875\n", + "Completed text 137876\n", + "Completed text 137877\n", + "Completed text 137878\n", + "Completed text 137879\n", + "Completed text 137880\n", + "Completed text 137881\n", + "Completed text 137882\n", + "Completed text 137883\n", + "Completed text 137884\n", + "Completed text 137885\n", + "Completed text 137886\n", + "Completed text 137887\n", + "Completed text 137888\n", + "Completed text 137889\n", + "Completed text 137890\n", + "Completed text 137891\n", + "Completed text 137892\n", + "Completed text 137893\n", + "Completed text 137894\n", + "Completed text 137895\n", + "Completed text 137896\n", + "Completed text 137897\n", + "Completed text 137898\n", + "Completed text 137899\n", + "Completed text 137900\n", + "Completed text 137901\n", + "Completed text 137902\n", + "Completed text 137903\n", + "Completed text 137904\n", + "Completed text 137905\n", + "Completed text 137906\n", + "Completed text 137907\n", + "Completed text 137908\n", + "Completed text 137909\n", + "Completed text 137910\n", + "Completed text 137911\n", + "Completed text 137912\n", + "Completed text 137913\n", + "Completed text 137914\n", + "Completed text 137915\n", + "Completed text 137916\n", + "Completed text 137917\n", + "Completed text 137918\n", + "Completed text 137919\n", + "Completed text 137920\n", + "Completed text 137921\n", + "Completed text 137922\n", + "Completed text 137923\n", + "Completed text 137924\n", + "Completed text 137925\n", + "Completed text 137926\n", + "Completed text 137927\n", + "Completed text 137928\n", + "Completed text 137929\n", + "Completed text 137930\n", + "Completed text 137931\n", + "Completed text 137932\n", + "Completed text 137933\n", + "Completed text 137934\n", + "Completed text 137935\n", + "Completed text 137936\n", + "Completed text 137937\n", + "Completed text 137938\n", + "Completed text 137939\n", + "Completed text 137940\n", + "Completed text 137941\n", + "Completed text 137942\n", + "Completed text 137943\n", + "Completed text 137944\n", + "Completed text 137945\n", + "Completed text 137946\n", + "Completed text 137947\n", + "Completed text 137948\n", + "Completed text 137949\n", + "Completed text 137950\n", + "Completed text 137951\n", + "Completed text 137952\n", + "Completed text 137953\n", + "Completed text 137954\n", + "Completed text 137955\n", + "Completed text 137956\n", + "Completed text 137957\n", + "Completed text 137958\n", + "Completed text 137959\n", + "Completed text 137960\n", + "Completed text 137961\n", + "Completed text 137962\n", + "Completed text 137963\n", + "Completed text 137964\n", + "Completed text 137965\n", + "Completed text 137966\n", + "Completed text 137967\n", + "Completed text 137968\n", + "Completed text 137969\n", + "Completed text 137970\n", + "Completed text 137971\n", + "Completed text 137972\n", + "Completed text 137973\n", + "Completed text 137974\n", + "Completed text 137975\n", + "Completed text 137976\n", + "Completed text 137977\n", + "Completed text 137978\n", + "Completed text 137979\n", + "Completed text 137980\n", + "Completed text 137981\n", + "Completed text 137982\n", + "Completed text 137983\n", + "Completed text 137984\n", + "Completed text 137985\n", + "Completed text 137986\n", + "Completed text 137987\n", + "Completed text 137988\n", + "Completed text 137989\n", + "Completed text 137990\n", + "Completed text 137991\n", + "Completed text 137992\n", + "Completed text 137993\n", + "Completed text 137994\n", + "Completed text 137995\n", + "Completed text 137996\n", + "Completed text 137997\n", + "Completed text 137998\n", + "Completed text 137999\n", + "Completed text 138000\n", + "Completed text 138001\n", + "Completed text 138002\n", + "Completed text 138003\n", + "Completed text 138004\n", + "Completed text 138005\n", + "Completed text 138006\n", + "Completed text 138007\n", + "Completed text 138008\n", + "Completed text 138009\n", + "Completed text 138010\n", + "Completed text 138011\n", + "Completed text 138012\n", + "Completed text 138013\n", + "Completed text 138014\n", + "Completed text 138015\n", + "Completed text 138016\n", + "Completed text 138017\n", + "Completed text 138018\n", + "Completed text 138019\n", + "Completed text 138020\n", + "Completed text 138021\n", + "Completed text 138022\n", + "Completed text 138023\n", + "Completed text 138024\n", + "Completed text 138025\n", + "Completed text 138026\n", + "Completed text 138027\n", + "Completed text 138028\n", + "Completed text 138029\n", + "Completed text 138030\n", + "Completed text 138031\n", + "Completed text 138032\n", + "Completed text 138033\n", + "Completed text 138034\n", + "Completed text 138035\n", + "Completed text 138036\n", + "Completed text 138037\n", + "Completed text 138038\n", + "Completed text 138039\n", + "Completed text 138040\n", + "Completed text 138041\n", + "Completed text 138042\n", + "Completed text 138043\n", + "Completed text 138044\n", + "Completed text 138045\n", + "Completed text 138046\n", + "Completed text 138047\n", + "Completed text 138048\n", + "Completed text 138049\n", + "Completed text 138050\n", + "Completed text 138051\n", + "Completed text 138052\n", + "Completed text 138053\n", + "Completed text 138054\n", + "Completed text 138055\n", + "Completed text 138056\n", + "Completed text 138057\n", + "Completed text 138058\n", + "Completed text 138059\n", + "Completed text 138060\n", + "Completed text 138061\n", + "Completed text 138062\n", + "Completed text 138063\n", + "Completed text 138064\n", + "Completed text 138065\n", + "Completed text 138066\n", + "Completed text 138067\n", + "Completed text 138068\n", + "Completed text 138069\n", + "Completed text 138070\n", + "Completed text 138071\n", + "Completed text 138072\n", + "Completed text 138073\n", + "Completed text 138074\n", + "Completed text 138075\n", + "Completed text 138076\n", + "Completed text 138077\n", + "Completed text 138078\n", + "Completed text 138079\n", + "Completed text 138080\n", + "Completed text 138081\n", + "Completed text 138082\n", + "Completed text 138083\n", + "Completed text 138084\n", + "Completed text 138085\n", + "Completed text 138086\n", + "Completed text 138087\n", + "Completed text 138088\n", + "Completed text 138089\n", + "Completed text 138090\n", + "Completed text 138091\n", + "Completed text 138092\n", + "Completed text 138093\n", + "Completed text 138094\n", + "Completed text 138095\n", + "Completed text 138096\n", + "Completed text 138097\n", + "Completed text 138098\n", + "Completed text 138099\n", + "Completed text 138100\n", + "Completed text 138101\n", + "Completed text 138102\n", + "Completed text 138103\n", + "Completed text 138104\n", + "Completed text 138105\n", + "Completed text 138106\n", + "Completed text 138107\n", + "Completed text 138108\n", + "Completed text 138109\n", + "Completed text 138110\n", + "Completed text 138111\n", + "Completed text 138112\n", + "Completed text 138113\n", + "Completed text 138114\n", + "Completed text 138115\n", + "Completed text 138116\n", + "Completed text 138117\n", + "Completed text 138118\n", + "Completed text 138119\n", + "Completed text 138120\n", + "Completed text 138121\n", + "Completed text 138122\n", + "Completed text 138123\n", + "Completed text 138124\n", + "Completed text 138125\n", + "Completed text 138126\n", + "Completed text 138127\n", + "Completed text 138128\n", + "Completed text 138129\n", + "Completed text 138130\n", + "Completed text 138131\n", + "Completed text 138132\n", + "Completed text 138133\n", + "Completed text 138134\n", + "Completed text 138135\n", + "Completed text 138136\n", + "Completed text 138137\n", + "Completed text 138138\n", + "Completed text 138139\n", + "Completed text 138140\n", + "Completed text 138141\n", + "Completed text 138142\n", + "Completed text 138143\n", + "Completed text 138144\n", + "Completed text 138145\n", + "Completed text 138146\n", + "Completed text 138147\n", + "Completed text 138148\n", + "Completed text 138149\n", + "Completed text 138150\n", + "Completed text 138151\n", + "Completed text 138152\n", + "Completed text 138153\n", + "Completed text 138154\n", + "Completed text 138155\n", + "Completed text 138156\n", + "Completed text 138157\n", + "Completed text 138158\n", + "Completed text 138159\n", + "Completed text 138160\n", + "Completed text 138161\n", + "Completed text 138162\n", + "Completed text 138163\n", + "Completed text 138164\n", + "Completed text 138165\n", + "Completed text 138166\n", + "Completed text 138167\n", + "Completed text 138168\n", + "Completed text 138169\n", + "Completed text 138170\n", + "Completed text 138171\n", + "Completed text 138172\n", + "Completed text 138173\n", + "Completed text 138174\n", + "Completed text 138175\n", + "Completed text 138176\n", + "Completed text 138177\n", + "Completed text 138178\n", + "Completed text 138179\n", + "Completed text 138180\n", + "Completed text 138181\n", + "Completed text 138182\n", + "Completed text 138183\n", + "Completed text 138184\n", + "Completed text 138185\n", + "Completed text 138186\n", + "Completed text 138187\n", + "Completed text 138188\n", + "Completed text 138189\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 138190\n", + "Completed text 138191\n", + "Completed text 138192\n", + "Completed text 138193\n", + "Completed text 138194\n", + "Completed text 138195\n", + "Completed text 138196\n", + "Completed text 138197\n", + "Completed text 138198\n", + "Completed text 138199\n", + "Completed text 138200\n", + "Completed text 138201\n", + "Completed text 138202\n", + "Completed text 138203\n", + "Completed text 138204\n", + "Completed text 138205\n", + "Completed text 138206\n", + "Completed text 138207\n", + "Completed text 138208\n", + "Completed text 138209\n", + "Completed text 138210\n", + "Completed text 138211\n", + "Completed text 138212\n", + "Completed text 138213\n", + "Completed text 138214\n", + "Completed text 138215\n", + "Completed text 138216\n", + "Completed text 138217\n", + "Completed text 138218\n", + "Completed text 138219\n", + "Completed text 138220\n", + "Completed text 138221\n", + "Completed text 138222\n", + "Completed text 138223\n", + "Completed text 138224\n", + "Completed text 138225\n", + "Completed text 138226\n", + "Completed text 138227\n", + "Completed text 138228\n", + "Completed text 138229\n", + "Completed text 138230\n", + "Completed text 138231\n", + "Completed text 138232\n", + "Completed text 138233\n", + "Completed text 138234\n", + "Completed text 138235\n", + "Completed text 138236\n", + "Completed text 138237\n", + "Completed text 138238\n", + "Completed text 138239\n", + "Completed text 138240\n", + "Completed text 138241\n", + "Completed text 138242\n", + "Completed text 138243\n", + "Completed text 138244\n", + "Completed text 138245\n", + "Completed text 138246\n", + "Completed text 138247\n", + "Completed text 138248\n", + "Completed text 138249\n", + "Completed text 138250\n", + "Completed text 138251\n", + "Completed text 138252\n", + "Completed text 138253\n", + "Completed text 138254\n", + "Completed text 138255\n", + "Completed text 138256\n", + "Completed text 138257\n", + "Completed text 138258\n", + "Completed text 138259\n", + "Completed text 138260\n", + "Completed text 138261\n", + "Completed text 138262\n", + "Completed text 138263\n", + "Completed text 138264\n", + "Completed text 138265\n", + "Completed text 138266\n", + "Completed text 138267\n", + "Completed text 138268\n", + "Completed text 138269\n", + "Completed text 138270\n", + "Completed text 138271\n", + "Completed text 138272\n", + "Completed text 138273\n", + "Completed text 138274\n", + "Completed text 138275\n", + "Completed text 138276\n", + "Completed text 138277\n", + "Completed text 138278\n", + "Completed text 138279\n", + "Completed text 138280\n", + "Completed text 138281\n", + "Completed text 138282\n", + "Completed text 138283\n", + "Completed text 138284\n", + "Completed text 138285\n", + "Completed text 138286\n", + "Completed text 138287\n", + "Completed text 138288\n", + "Completed text 138289\n", + "Completed text 138290\n", + "Completed text 138291\n", + "Completed text 138292\n", + "Completed text 138293\n", + "Completed text 138294\n", + "Completed text 138295\n", + "Completed text 138296\n", + "Completed text 138297\n", + "Completed text 138298\n", + "Completed text 138299\n", + "Completed text 138300\n", + "Completed text 138301\n", + "Completed text 138302\n", + "Completed text 138303\n", + "Completed text 138304\n", + "Completed text 138305\n", + "Completed text 138306\n", + "Completed text 138307\n", + "Completed text 138308\n", + "Completed text 138309\n", + "Completed text 138310\n", + "Completed text 138311\n", + "Completed text 138312\n", + "Completed text 138313\n", + "Completed text 138314\n", + "Completed text 138315\n", + "Completed text 138316\n", + "Completed text 138317\n", + "Completed text 138318\n", + "Completed text 138319\n", + "Completed text 138320\n", + "Completed text 138321\n", + "Completed text 138322\n", + "Completed text 138323\n", + "Completed text 138324\n", + "Completed text 138325\n", + "Completed text 138326\n", + "Completed text 138327\n", + "Completed text 138328\n", + "Completed text 138329\n", + "Completed text 138330\n", + "Completed text 138331\n", + "Completed text 138332\n", + "Completed text 138333\n", + "Completed text 138334\n", + "Completed text 138335\n", + "Completed text 138336\n", + "Completed text 138337\n", + "Completed text 138338\n", + "Completed text 138339\n", + "Completed text 138340\n", + "Completed text 138341\n", + "Completed text 138342\n", + "Completed text 138343\n", + "Completed text 138344\n", + "Completed text 138345\n", + "Completed text 138346\n", + "Completed text 138347\n", + "Completed text 138348\n", + "Completed text 138349\n", + "Completed text 138350\n", + "Completed text 138351\n", + "Completed text 138352\n", + "Completed text 138353\n", + "Completed text 138354\n", + "Completed text 138355\n", + "Completed text 138356\n", + "Completed text 138357\n", + "Completed text 138358\n", + "Completed text 138359\n", + "Completed text 138360\n", + "Completed text 138361\n", + "Completed text 138362\n", + "Completed text 138363\n", + "Completed text 138364\n", + "Completed text 138365\n", + "Completed text 138366\n", + "Completed text 138367\n", + "Completed text 138368\n", + "Completed text 138369\n", + "Completed text 138370\n", + "Completed text 138371\n", + "Completed text 138372\n", + "Completed text 138373\n", + "Completed text 138374\n", + "Completed text 138375\n", + "Completed text 138376\n", + "Completed text 138377\n", + "Completed text 138378\n", + "Completed text 138379\n", + "Completed text 138380\n", + "Completed text 138381\n", + "Completed text 138382\n", + "Completed text 138383\n", + "Completed text 138384\n", + "Completed text 138385\n", + "Completed text 138386\n", + "Completed text 138387\n", + "Completed text 138388\n", + "Completed text 138389\n", + "Completed text 138390\n", + "Completed text 138391\n", + "Completed text 138392\n", + "Completed text 138393\n", + "Completed text 138394\n", + "Completed text 138395\n", + "Completed text 138396\n", + "Completed text 138397\n", + "Completed text 138398\n", + "Completed text 138399\n", + "Completed text 138400\n", + "Completed text 138401\n", + "Completed text 138402\n", + "Completed text 138403\n", + "Completed text 138404\n", + "Completed text 138405\n", + "Completed text 138406\n", + "Completed text 138407\n", + "Completed text 138408\n", + "Completed text 138409\n", + "Completed text 138410\n", + "Completed text 138411\n", + "Completed text 138412\n", + "Completed text 138413\n", + "Completed text 138414\n", + "Completed text 138415\n", + "Completed text 138416\n", + "Completed text 138417\n", + "Completed text 138418\n", + "Completed text 138419\n", + "Completed text 138420\n", + "Completed text 138421\n", + "Completed text 138422\n", + "Completed text 138423\n", + "Completed text 138424\n", + "Completed text 138425\n", + "Completed text 138426\n", + "Completed text 138427\n", + "Completed text 138428\n", + "Completed text 138429\n", + "Completed text 138430\n", + "Completed text 138431\n", + "Completed text 138432\n", + "Completed text 138433\n", + "Completed text 138434\n", + "Completed text 138435\n", + "Completed text 138436\n", + "Completed text 138437\n", + "Completed text 138438\n", + "Completed text 138439\n", + "Completed text 138440\n", + "Completed text 138441\n", + "Completed text 138442\n", + "Completed text 138443\n", + "Completed text 138444\n", + "Completed text 138445\n", + "Completed text 138446\n", + "Completed text 138447\n", + "Completed text 138448\n", + "Completed text 138449\n", + "Completed text 138450\n", + "Completed text 138451\n", + "Completed text 138452\n", + "Completed text 138453\n", + "Completed text 138454\n", + "Completed text 138455\n", + "Completed text 138456\n", + "Completed text 138457\n", + "Completed text 138458\n", + "Completed text 138459\n", + "Completed text 138460\n", + "Completed text 138461\n", + "Completed text 138462\n", + "Completed text 138463\n", + "Completed text 138464\n", + "Completed text 138465\n", + "Completed text 138466\n", + "Completed text 138467\n", + "Completed text 138468\n", + "Completed text 138469\n", + "Completed text 138470\n", + "Completed text 138471\n", + "Completed text 138472\n", + "Completed text 138473\n", + "Completed text 138474\n", + "Completed text 138475\n", + "Completed text 138476\n", + "Completed text 138477\n", + "Completed text 138478\n", + "Completed text 138479\n", + "Completed text 138480\n", + "Completed text 138481\n", + "Completed text 138482\n", + "Completed text 138483\n", + "Completed text 138484\n", + "Completed text 138485\n", + "Completed text 138486\n", + "Completed text 138487\n", + "Completed text 138488\n", + "Completed text 138489\n", + "Completed text 138490\n", + "Completed text 138491\n", + "Completed text 138492\n", + "Completed text 138493\n", + "Completed text 138494\n", + "Completed text 138495\n", + "Completed text 138496\n", + "Completed text 138497\n", + "Completed text 138498\n", + "Completed text 138499\n", + "Completed text 138500\n", + "Completed text 138501\n", + "Completed text 138502\n", + "Completed text 138503\n", + "Completed text 138504\n", + "Completed text 138505\n", + "Completed text 138506\n", + "Completed text 138507\n", + "Completed text 138508\n", + "Completed text 138509\n", + "Completed text 138510\n", + "Completed text 138511\n", + "Completed text 138512\n", + "Completed text 138513\n", + "Completed text 138514\n", + "Completed text 138515\n", + "Completed text 138516\n", + "Completed text 138517\n", + "Completed text 138518\n", + "Completed text 138519\n", + "Completed text 138520\n", + "Completed text 138521\n", + "Completed text 138522\n", + "Completed text 138523\n", + "Completed text 138524\n", + "Completed text 138525\n", + "Completed text 138526\n", + "Completed text 138527\n", + "Completed text 138528\n", + "Completed text 138529\n", + "Completed text 138530\n", + "Completed text 138531\n", + "Completed text 138532\n", + "Completed text 138533\n", + "Completed text 138534\n", + "Completed text 138535\n", + "Completed text 138536\n", + "Completed text 138537\n", + "Completed text 138538\n", + "Completed text 138539\n", + "Completed text 138540\n", + "Completed text 138541\n", + "Completed text 138542\n", + "Completed text 138543\n", + "Completed text 138544\n", + "Completed text 138545\n", + "Completed text 138546\n", + "Completed text 138547\n", + "Completed text 138548\n", + "Completed text 138549\n", + "Completed text 138550\n", + "Completed text 138551\n", + "Completed text 138552\n", + "Completed text 138553\n", + "Completed text 138554\n", + "Completed text 138555\n", + "Completed text 138556\n", + "Completed text 138557\n", + "Completed text 138558\n", + "Completed text 138559\n", + "Completed text 138560\n", + "Completed text 138561\n", + "Completed text 138562\n", + "Completed text 138563\n", + "Completed text 138564\n", + "Completed text 138565\n", + "Completed text 138566\n", + "Completed text 138567\n", + "Completed text 138568\n", + "Completed text 138569\n", + "Completed text 138570\n", + "Completed text 138571\n", + "Completed text 138572\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 138573\n", + "Completed text 138574\n", + "Completed text 138575\n", + "Completed text 138576\n", + "Completed text 138577\n", + "Completed text 138578\n", + "Completed text 138579\n", + "Completed text 138580\n", + "Completed text 138581\n", + "Completed text 138582\n", + "Completed text 138583\n", + "Completed text 138584\n", + "Completed text 138585\n", + "Completed text 138586\n", + "Completed text 138587\n", + "Completed text 138588\n", + "Completed text 138589\n", + "Completed text 138590\n", + "Completed text 138591\n", + "Completed text 138592\n", + "Completed text 138593\n", + "Completed text 138594\n", + "Completed text 138595\n", + "Completed text 138596\n", + "Completed text 138597\n", + "Completed text 138598\n", + "Completed text 138599\n", + "Completed text 138600\n", + "Completed text 138601\n", + "Completed text 138602\n", + "Completed text 138603\n", + "Completed text 138604\n", + "Completed text 138605\n", + "Completed text 138606\n", + "Completed text 138607\n", + "Completed text 138608\n", + "Completed text 138609\n", + "Completed text 138610\n", + "Completed text 138611\n", + "Completed text 138612\n", + "Completed text 138613\n", + "Completed text 138614\n", + "Completed text 138615\n", + "Completed text 138616\n", + "Completed text 138617\n", + "Completed text 138618\n", + "Completed text 138619\n", + "Completed text 138620\n", + "Completed text 138621\n", + "Completed text 138622\n", + "Completed text 138623\n", + "Completed text 138624\n", + "Completed text 138625\n", + "Completed text 138626\n", + "Completed text 138627\n", + "Completed text 138628\n", + "Completed text 138629\n", + "Completed text 138630\n", + "Completed text 138631\n", + "Completed text 138632\n", + "Completed text 138633\n", + "Completed text 138634\n", + "Completed text 138635\n", + "Completed text 138636\n", + "Completed text 138637\n", + "Completed text 138638\n", + "Completed text 138639\n", + "Completed text 138640\n", + "Completed text 138641\n", + "Completed text 138642\n", + "Completed text 138643\n", + "Completed text 138644\n", + "Completed text 138645\n", + "Completed text 138646\n", + "Completed text 138647\n", + "Completed text 138648\n", + "Completed text 138649\n", + "Completed text 138650\n", + "Completed text 138651\n", + "Completed text 138652\n", + "Completed text 138653\n", + "Completed text 138654\n", + "Completed text 138655\n", + "Completed text 138656\n", + "Completed text 138657\n", + "Completed text 138658\n", + "Completed text 138659\n", + "Completed text 138660\n", + "Completed text 138661\n", + "Completed text 138662\n", + "Completed text 138663\n", + "Completed text 138664\n", + "Completed text 138665\n", + "Completed text 138666\n", + "Completed text 138667\n", + "Completed text 138668\n", + "Completed text 138669\n", + "Completed text 138670\n", + "Completed text 138671\n", + "Completed text 138672\n", + "Completed text 138673\n", + "Completed text 138674\n", + "Completed text 138675\n", + "Completed text 138676\n", + "Completed text 138677\n", + "Completed text 138678\n", + "Completed text 138679\n", + "Completed text 138680\n", + "Completed text 138681\n", + "Completed text 138682\n", + "Completed text 138683\n", + "Completed text 138684\n", + "Completed text 138685\n", + "Completed text 138686\n", + "Completed text 138687\n", + "Completed text 138688\n", + "Completed text 138689\n", + "Completed text 138690\n", + "Completed text 138691\n", + "Completed text 138692\n", + "Completed text 138693\n", + "Completed text 138694\n", + "Completed text 138695\n", + "Completed text 138696\n", + "Completed text 138697\n", + "Completed text 138698\n", + "Completed text 138699\n", + "Completed text 138700\n", + "Completed text 138701\n", + "Completed text 138702\n", + "Completed text 138703\n", + "Completed text 138704\n", + "Completed text 138705\n", + "Completed text 138706\n", + "Completed text 138707\n", + "Completed text 138708\n", + "Completed text 138709\n", + "Completed text 138710\n", + "Completed text 138711\n", + "Completed text 138712\n", + "Completed text 138713\n", + "Completed text 138714\n", + "Completed text 138715\n", + "Completed text 138716\n", + "Completed text 138717\n", + "Completed text 138718\n", + "Completed text 138719\n", + "Completed text 138720\n", + "Completed text 138721\n", + "Completed text 138722\n", + "Completed text 138723\n", + "Completed text 138724\n", + "Completed text 138725\n", + "Completed text 138726\n", + "Completed text 138727\n", + "Completed text 138728\n", + "Completed text 138729\n", + "Completed text 138730\n", + "Completed text 138731\n", + "Completed text 138732\n", + "Completed text 138733\n", + "Completed text 138734\n", + "Completed text 138735\n", + "Completed text 138736\n", + "Completed text 138737\n", + "Completed text 138738\n", + "Completed text 138739\n", + "Completed text 138740\n", + "Completed text 138741\n", + "Completed text 138742\n", + "Completed text 138743\n", + "Completed text 138744\n", + "Completed text 138745\n", + "Completed text 138746\n", + "Completed text 138747\n", + "Completed text 138748\n", + "Completed text 138749\n", + "Completed text 138750\n", + "Completed text 138751\n", + "Completed text 138752\n", + "Completed text 138753\n", + "Completed text 138754\n", + "Completed text 138755\n", + "Completed text 138756\n", + "Completed text 138757\n", + "Completed text 138758\n", + "Completed text 138759\n", + "Completed text 138760\n", + "Completed text 138761\n", + "Completed text 138762\n", + "Completed text 138763\n", + "Completed text 138764\n", + "Completed text 138765\n", + "Completed text 138766\n", + "Completed text 138767\n", + "Completed text 138768\n", + "Completed text 138769\n", + "Completed text 138770\n", + "Completed text 138771\n", + "Completed text 138772\n", + "Completed text 138773\n", + "Completed text 138774\n", + "Completed text 138775\n", + "Completed text 138776\n", + "Completed text 138777\n", + "Completed text 138778\n", + "Completed text 138779\n", + "Completed text 138780\n", + "Completed text 138781\n", + "Completed text 138782\n", + "Completed text 138783\n", + "Completed text 138784\n", + "Completed text 138785\n", + "Completed text 138786\n", + "Completed text 138787\n", + "Completed text 138788\n", + "Completed text 138789\n", + "Completed text 138790\n", + "Completed text 138791\n", + "Completed text 138792\n", + "Completed text 138793\n", + "Completed text 138794\n", + "Completed text 138795\n", + "Completed text 138796\n", + "Completed text 138797\n", + "Completed text 138798\n", + "Completed text 138799\n", + "Completed text 138800\n", + "Completed text 138801\n", + "Completed text 138802\n", + "Completed text 138803\n", + "Completed text 138804\n", + "Completed text 138805\n", + "Completed text 138806\n", + "Completed text 138807\n", + "Completed text 138808\n", + "Completed text 138809\n", + "Completed text 138810\n", + "Completed text 138811\n", + "Completed text 138812\n", + "Completed text 138813\n", + "Completed text 138814\n", + "Completed text 138815\n", + "Completed text 138816\n", + "Completed text 138817\n", + "Completed text 138818\n", + "Completed text 138819\n", + "Completed text 138820\n", + "Completed text 138821\n", + "Completed text 138822\n", + "Completed text 138823\n", + "Completed text 138824\n", + "Completed text 138825\n", + "Completed text 138826\n", + "Completed text 138827\n", + "Completed text 138828\n", + "Completed text 138829\n", + "Completed text 138830\n", + "Completed text 138831\n", + "Completed text 138832\n", + "Completed text 138833\n", + "Completed text 138834\n", + "Completed text 138835\n", + "Completed text 138836\n", + "Completed text 138837\n", + "Completed text 138838\n", + "Completed text 138839\n", + "Completed text 138840\n", + "Completed text 138841\n", + "Completed text 138842\n", + "Completed text 138843\n", + "Completed text 138844\n", + "Completed text 138845\n", + "Completed text 138846\n", + "Completed text 138847\n", + "Completed text 138848\n", + "Completed text 138849\n", + "Completed text 138850\n", + "Completed text 138851\n", + "Completed text 138852\n", + "Completed text 138853\n", + "Completed text 138854\n", + "Completed text 138855\n", + "Completed text 138856\n", + "Completed text 138857\n", + "Completed text 138858\n", + "Completed text 138859\n", + "Completed text 138860\n", + "Completed text 138861\n", + "Completed text 138862\n", + "Completed text 138863\n", + "Completed text 138864\n", + "Completed text 138865\n", + "Completed text 138866\n", + "Completed text 138867\n", + "Completed text 138868\n", + "Completed text 138869\n", + "Completed text 138870\n", + "Completed text 138871\n", + "Completed text 138872\n", + "Completed text 138873\n", + "Completed text 138874\n", + "Completed text 138875\n", + "Completed text 138876\n", + "Completed text 138877\n", + "Completed text 138878\n", + "Completed text 138879\n", + "Completed text 138880\n", + "Completed text 138881\n", + "Completed text 138882\n", + "Completed text 138883\n", + "Completed text 138884\n", + "Completed text 138885\n", + "Completed text 138886\n", + "Completed text 138887\n", + "Completed text 138888\n", + "Completed text 138889\n", + "Completed text 138890\n", + "Completed text 138891\n", + "Completed text 138892\n", + "Completed text 138893\n", + "Completed text 138894\n", + "Completed text 138895\n", + "Completed text 138896\n", + "Completed text 138897\n", + "Completed text 138898\n", + "Completed text 138899\n", + "Completed text 138900\n", + "Completed text 138901\n", + "Completed text 138902\n", + "Completed text 138903\n", + "Completed text 138904\n", + "Completed text 138905\n", + "Completed text 138906\n", + "Completed text 138907\n", + "Completed text 138908\n", + "Completed text 138909\n", + "Completed text 138910\n", + "Completed text 138911\n", + "Completed text 138912\n", + "Completed text 138913\n", + "Completed text 138914\n", + "Completed text 138915\n", + "Completed text 138916\n", + "Completed text 138917\n", + "Completed text 138918\n", + "Completed text 138919\n", + "Completed text 138920\n", + "Completed text 138921\n", + "Completed text 138922\n", + "Completed text 138923\n", + "Completed text 138924\n", + "Completed text 138925\n", + "Completed text 138926\n", + "Completed text 138927\n", + "Completed text 138928\n", + "Completed text 138929\n", + "Completed text 138930\n", + "Completed text 138931\n", + "Completed text 138932\n", + "Completed text 138933\n", + "Completed text 138934\n", + "Completed text 138935\n", + "Completed text 138936\n", + "Completed text 138937\n", + "Completed text 138938\n", + "Completed text 138939\n", + "Completed text 138940\n", + "Completed text 138941\n", + "Completed text 138942\n", + "Completed text 138943\n", + "Completed text 138944\n", + "Completed text 138945\n", + "Completed text 138946\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 138947\n", + "Completed text 138948\n", + "Completed text 138949\n", + "Completed text 138950\n", + "Completed text 138951\n", + "Completed text 138952\n", + "Completed text 138953\n", + "Completed text 138954\n", + "Completed text 138955\n", + "Completed text 138956\n", + "Completed text 138957\n", + "Completed text 138958\n", + "Completed text 138959\n", + "Completed text 138960\n", + "Completed text 138961\n", + "Completed text 138962\n", + "Completed text 138963\n", + "Completed text 138964\n", + "Completed text 138965\n", + "Completed text 138966\n", + "Completed text 138967\n", + "Completed text 138968\n", + "Completed text 138969\n", + "Completed text 138970\n", + "Completed text 138971\n", + "Completed text 138972\n", + "Completed text 138973\n", + "Completed text 138974\n", + "Completed text 138975\n", + "Completed text 138976\n", + "Completed text 138977\n", + "Completed text 138978\n", + "Completed text 138979\n", + "Completed text 138980\n", + "Completed text 138981\n", + "Completed text 138982\n", + "Completed text 138983\n", + "Completed text 138984\n", + "Completed text 138985\n", + "Completed text 138986\n", + "Completed text 138987\n", + "Completed text 138988\n", + "Completed text 138989\n", + "Completed text 138990\n", + "Completed text 138991\n", + "Completed text 138992\n", + "Completed text 138993\n", + "Completed text 138994\n", + "Completed text 138995\n", + "Completed text 138996\n", + "Completed text 138997\n", + "Completed text 138998\n", + "Completed text 138999\n", + "Completed text 139000\n", + "Completed text 139001\n", + "Completed text 139002\n", + "Completed text 139003\n", + "Completed text 139004\n", + "Completed text 139005\n", + "Completed text 139006\n", + "Completed text 139007\n", + "Completed text 139008\n", + "Completed text 139009\n", + "Completed text 139010\n", + "Completed text 139011\n", + "Completed text 139012\n", + "Completed text 139013\n", + "Completed text 139014\n", + "Completed text 139015\n", + "Completed text 139016\n", + "Completed text 139017\n", + "Completed text 139018\n", + "Completed text 139019\n", + "Completed text 139020\n", + "Completed text 139021\n", + "Completed text 139022\n", + "Completed text 139023\n", + "Completed text 139024\n", + "Completed text 139025\n", + "Completed text 139026\n", + "Completed text 139027\n", + "Completed text 139028\n", + "Completed text 139029\n", + "Completed text 139030\n", + "Completed text 139031\n", + "Completed text 139032\n", + "Completed text 139033\n", + "Completed text 139034\n", + "Completed text 139035\n", + "Completed text 139036\n", + "Completed text 139037\n", + "Completed text 139038\n", + "Completed text 139039\n", + "Completed text 139040\n", + "Completed text 139041\n", + "Completed text 139042\n", + "Completed text 139043\n", + "Completed text 139044\n", + "Completed text 139045\n", + "Completed text 139046\n", + "Completed text 139047\n", + "Completed text 139048\n", + "Completed text 139049\n", + "Completed text 139050\n", + "Completed text 139051\n", + "Completed text 139052\n", + "Completed text 139053\n", + "Completed text 139054\n", + "Completed text 139055\n", + "Completed text 139056\n", + "Completed text 139057\n", + "Completed text 139058\n", + "Completed text 139059\n", + "Completed text 139060\n", + "Completed text 139061\n", + "Completed text 139062\n", + "Completed text 139063\n", + "Completed text 139064\n", + "Completed text 139065\n", + "Completed text 139066\n", + "Completed text 139067\n", + "Completed text 139068\n", + "Completed text 139069\n", + "Completed text 139070\n", + "Completed text 139071\n", + "Completed text 139072\n", + "Completed text 139073\n", + "Completed text 139074\n", + "Completed text 139075\n", + "Completed text 139076\n", + "Completed text 139077\n", + "Completed text 139078\n", + "Completed text 139079\n", + "Completed text 139080\n", + "Completed text 139081\n", + "Completed text 139082\n", + "Completed text 139083\n", + "Completed text 139084\n", + "Completed text 139085\n", + "Completed text 139086\n", + "Completed text 139087\n", + "Completed text 139088\n", + "Completed text 139089\n", + "Completed text 139090\n", + "Completed text 139091\n", + "Completed text 139092\n", + "Completed text 139093\n", + "Completed text 139094\n", + "Completed text 139095\n", + "Completed text 139096\n", + "Completed text 139097\n", + "Completed text 139098\n", + "Completed text 139099\n", + "Completed text 139100\n", + "Completed text 139101\n", + "Completed text 139102\n", + "Completed text 139103\n", + "Completed text 139104\n", + "Completed text 139105\n", + "Completed text 139106\n", + "Completed text 139107\n", + "Completed text 139108\n", + "Completed text 139109\n", + "Completed text 139110\n", + "Completed text 139111\n", + "Completed text 139112\n", + "Completed text 139113\n", + "Completed text 139114\n", + "Completed text 139115\n", + "Completed text 139116\n", + "Completed text 139117\n", + "Completed text 139118\n", + "Completed text 139119\n", + "Completed text 139120\n", + "Completed text 139121\n", + "Completed text 139122\n", + "Completed text 139123\n", + "Completed text 139124\n", + "Completed text 139125\n", + "Completed text 139126\n", + "Completed text 139127\n", + "Completed text 139128\n", + "Completed text 139129\n", + "Completed text 139130\n", + "Completed text 139131\n", + "Completed text 139132\n", + "Completed text 139133\n", + "Completed text 139134\n", + "Completed text 139135\n", + "Completed text 139136\n", + "Completed text 139137\n", + "Completed text 139138\n", + "Completed text 139139\n", + "Completed text 139140\n", + "Completed text 139141\n", + "Completed text 139142\n", + "Completed text 139143\n", + "Completed text 139144\n", + "Completed text 139145\n", + "Completed text 139146\n", + "Completed text 139147\n", + "Completed text 139148\n", + "Completed text 139149\n", + "Completed text 139150\n", + "Completed text 139151\n", + "Completed text 139152\n", + "Completed text 139153\n", + "Completed text 139154\n", + "Completed text 139155\n", + "Completed text 139156\n", + "Completed text 139157\n", + "Completed text 139158\n", + "Completed text 139159\n", + "Completed text 139160\n", + "Completed text 139161\n", + "Completed text 139162\n", + "Completed text 139163\n", + "Completed text 139164\n", + "Completed text 139165\n", + "Completed text 139166\n", + "Completed text 139167\n", + "Completed text 139168\n", + "Completed text 139169\n", + "Completed text 139170\n", + "Completed text 139171\n", + "Completed text 139172\n", + "Completed text 139173\n", + "Completed text 139174\n", + "Completed text 139175\n", + "Completed text 139176\n", + "Completed text 139177\n", + "Completed text 139178\n", + "Completed text 139179\n", + "Completed text 139180\n", + "Completed text 139181\n", + "Completed text 139182\n", + "Completed text 139183\n", + "Completed text 139184\n", + "Completed text 139185\n", + "Completed text 139186\n", + "Completed text 139187\n", + "Completed text 139188\n", + "Completed text 139189\n", + "Completed text 139190\n", + "Completed text 139191\n", + "Completed text 139192\n", + "Completed text 139193\n", + "Completed text 139194\n", + "Completed text 139195\n", + "Completed text 139196\n", + "Completed text 139197\n", + "Completed text 139198\n", + "Completed text 139199\n", + "Completed text 139200\n", + "Completed text 139201\n", + "Completed text 139202\n", + "Completed text 139203\n", + "Completed text 139204\n", + "Completed text 139205\n", + "Completed text 139206\n", + "Completed text 139207\n", + "Completed text 139208\n", + "Completed text 139209\n", + "Completed text 139210\n", + "Completed text 139211\n", + "Completed text 139212\n", + "Completed text 139213\n", + "Completed text 139214\n", + "Completed text 139215\n", + "Completed text 139216\n", + "Completed text 139217\n", + "Completed text 139218\n", + "Completed text 139219\n", + "Completed text 139220\n", + "Completed text 139221\n", + "Completed text 139222\n", + "Completed text 139223\n", + "Completed text 139224\n", + "Completed text 139225\n", + "Completed text 139226\n", + "Completed text 139227\n", + "Completed text 139228\n", + "Completed text 139229\n", + "Completed text 139230\n", + "Completed text 139231\n", + "Completed text 139232\n", + "Completed text 139233\n", + "Completed text 139234\n", + "Completed text 139235\n", + "Completed text 139236\n", + "Completed text 139237\n", + "Completed text 139238\n", + "Completed text 139239\n", + "Completed text 139240\n", + "Completed text 139241\n", + "Completed text 139242\n", + "Completed text 139243\n", + "Completed text 139244\n", + "Completed text 139245\n", + "Completed text 139246\n", + "Completed text 139247\n", + "Completed text 139248\n", + "Completed text 139249\n", + "Completed text 139250\n", + "Completed text 139251\n", + "Completed text 139252\n", + "Completed text 139253\n", + "Completed text 139254\n", + "Completed text 139255\n", + "Completed text 139256\n", + "Completed text 139257\n", + "Completed text 139258\n", + "Completed text 139259\n", + "Completed text 139260\n", + "Completed text 139261\n", + "Completed text 139262\n", + "Completed text 139263\n", + "Completed text 139264\n", + "Completed text 139265\n", + "Completed text 139266\n", + "Completed text 139267\n", + "Completed text 139268\n", + "Completed text 139269\n", + "Completed text 139270\n", + "Completed text 139271\n", + "Completed text 139272\n", + "Completed text 139273\n", + "Completed text 139274\n", + "Completed text 139275\n", + "Completed text 139276\n", + "Completed text 139277\n", + "Completed text 139278\n", + "Completed text 139279\n", + "Completed text 139280\n", + "Completed text 139281\n", + "Completed text 139282\n", + "Completed text 139283\n", + "Completed text 139284\n", + "Completed text 139285\n", + "Completed text 139286\n", + "Completed text 139287\n", + "Completed text 139288\n", + "Completed text 139289\n", + "Completed text 139290\n", + "Completed text 139291\n", + "Completed text 139292\n", + "Completed text 139293\n", + "Completed text 139294\n", + "Completed text 139295\n", + "Completed text 139296\n", + "Completed text 139297\n", + "Completed text 139298\n", + "Completed text 139299\n", + "Completed text 139300\n", + "Completed text 139301\n", + "Completed text 139302\n", + "Completed text 139303\n", + "Completed text 139304\n", + "Completed text 139305\n", + "Completed text 139306\n", + "Completed text 139307\n", + "Completed text 139308\n", + "Completed text 139309\n", + "Completed text 139310\n", + "Completed text 139311\n", + "Completed text 139312\n", + "Completed text 139313\n", + "Completed text 139314\n", + "Completed text 139315\n", + "Completed text 139316\n", + "Completed text 139317\n", + "Completed text 139318\n", + "Completed text 139319\n", + "Completed text 139320\n", + "Completed text 139321\n", + "Completed text 139322\n", + "Completed text 139323\n", + "Completed text 139324\n", + "Completed text 139325\n", + "Completed text 139326\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 139327\n", + "Completed text 139328\n", + "Completed text 139329\n", + "Completed text 139330\n", + "Completed text 139331\n", + "Completed text 139332\n", + "Completed text 139333\n", + "Completed text 139334\n", + "Completed text 139335\n", + "Completed text 139336\n", + "Completed text 139337\n", + "Completed text 139338\n", + "Completed text 139339\n", + "Completed text 139340\n", + "Completed text 139341\n", + "Completed text 139342\n", + "Completed text 139343\n", + "Completed text 139344\n", + "Completed text 139345\n", + "Completed text 139346\n", + "Completed text 139347\n", + "Completed text 139348\n", + "Completed text 139349\n", + "Completed text 139350\n", + "Completed text 139351\n", + "Completed text 139352\n", + "Completed text 139353\n", + "Completed text 139354\n", + "Completed text 139355\n", + "Completed text 139356\n", + "Completed text 139357\n", + "Completed text 139358\n", + "Completed text 139359\n", + "Completed text 139360\n", + "Completed text 139361\n", + "Completed text 139362\n", + "Completed text 139363\n", + "Completed text 139364\n", + "Completed text 139365\n", + "Completed text 139366\n", + "Completed text 139367\n", + "Completed text 139368\n", + "Completed text 139369\n", + "Completed text 139370\n", + "Completed text 139371\n", + "Completed text 139372\n", + "Completed text 139373\n", + "Completed text 139374\n", + "Completed text 139375\n", + "Completed text 139376\n", + "Completed text 139377\n", + "Completed text 139378\n", + "Completed text 139379\n", + "Completed text 139380\n", + "Completed text 139381\n", + "Completed text 139382\n", + "Completed text 139383\n", + "Completed text 139384\n", + "Completed text 139385\n", + "Completed text 139386\n", + "Completed text 139387\n", + "Completed text 139388\n", + "Completed text 139389\n", + "Completed text 139390\n", + "Completed text 139391\n", + "Completed text 139392\n", + "Completed text 139393\n", + "Completed text 139394\n", + "Completed text 139395\n", + "Completed text 139396\n", + "Completed text 139397\n", + "Completed text 139398\n", + "Completed text 139399\n", + "Completed text 139400\n", + "Completed text 139401\n", + "Completed text 139402\n", + "Completed text 139403\n", + "Completed text 139404\n", + "Completed text 139405\n", + "Completed text 139406\n", + "Completed text 139407\n", + "Completed text 139408\n", + "Completed text 139409\n", + "Completed text 139410\n", + "Completed text 139411\n", + "Completed text 139412\n", + "Completed text 139413\n", + "Completed text 139414\n", + "Completed text 139415\n", + "Completed text 139416\n", + "Completed text 139417\n", + "Completed text 139418\n", + "Completed text 139419\n", + "Completed text 139420\n", + "Completed text 139421\n", + "Completed text 139422\n", + "Completed text 139423\n", + "Completed text 139424\n", + "Completed text 139425\n", + "Completed text 139426\n", + "Completed text 139427\n", + "Completed text 139428\n", + "Completed text 139429\n", + "Completed text 139430\n", + "Completed text 139431\n", + "Completed text 139432\n", + "Completed text 139433\n", + "Completed text 139434\n", + "Completed text 139435\n", + "Completed text 139436\n", + "Completed text 139437\n", + "Completed text 139438\n", + "Completed text 139439\n", + "Completed text 139440\n", + "Completed text 139441\n", + "Completed text 139442\n", + "Completed text 139443\n", + "Completed text 139444\n", + "Completed text 139445\n", + "Completed text 139446\n", + "Completed text 139447\n", + "Completed text 139448\n", + "Completed text 139449\n", + "Completed text 139450\n", + "Completed text 139451\n", + "Completed text 139452\n", + "Completed text 139453\n", + "Completed text 139454\n", + "Completed text 139455\n", + "Completed text 139456\n", + "Completed text 139457\n", + "Completed text 139458\n", + "Completed text 139459\n", + "Completed text 139460\n", + "Completed text 139461\n", + "Completed text 139462\n", + "Completed text 139463\n", + "Completed text 139464\n", + "Completed text 139465\n", + "Completed text 139466\n", + "Completed text 139467\n", + "Completed text 139468\n", + "Completed text 139469\n", + "Completed text 139470\n", + "Completed text 139471\n", + "Completed text 139472\n", + "Completed text 139473\n", + "Completed text 139474\n", + "Completed text 139475\n", + "Completed text 139476\n", + "Completed text 139477\n", + "Completed text 139478\n", + "Completed text 139479\n", + "Completed text 139480\n", + "Completed text 139481\n", + "Completed text 139482\n", + "Completed text 139483\n", + "Completed text 139484\n", + "Completed text 139485\n", + "Completed text 139486\n", + "Completed text 139487\n", + "Completed text 139488\n", + "Completed text 139489\n", + "Completed text 139490\n", + "Completed text 139491\n", + "Completed text 139492\n", + "Completed text 139493\n", + "Completed text 139494\n", + "Completed text 139495\n", + "Completed text 139496\n", + "Completed text 139497\n", + "Completed text 139498\n", + "Completed text 139499\n", + "Completed text 139500\n", + "Completed text 139501\n", + "Completed text 139502\n", + "Completed text 139503\n", + "Completed text 139504\n", + "Completed text 139505\n", + "Completed text 139506\n", + "Completed text 139507\n", + "Completed text 139508\n", + "Completed text 139509\n", + "Completed text 139510\n", + "Completed text 139511\n", + "Completed text 139512\n", + "Completed text 139513\n", + "Completed text 139514\n", + "Completed text 139515\n", + "Completed text 139516\n", + "Completed text 139517\n", + "Completed text 139518\n", + "Completed text 139519\n", + "Completed text 139520\n", + "Completed text 139521\n", + "Completed text 139522\n", + "Completed text 139523\n", + "Completed text 139524\n", + "Completed text 139525\n", + "Completed text 139526\n", + "Completed text 139527\n", + "Completed text 139528\n", + "Completed text 139529\n", + "Completed text 139530\n", + "Completed text 139531\n", + "Completed text 139532\n", + "Completed text 139533\n", + "Completed text 139534\n", + "Completed text 139535\n", + "Completed text 139536\n", + "Completed text 139537\n", + "Completed text 139538\n", + "Completed text 139539\n", + "Completed text 139540\n", + "Completed text 139541\n", + "Completed text 139542\n", + "Completed text 139543\n", + "Completed text 139544\n", + "Completed text 139545\n", + "Completed text 139546\n", + "Completed text 139547\n", + "Completed text 139548\n", + "Completed text 139549\n", + "Completed text 139550\n", + "Completed text 139551\n", + "Completed text 139552\n", + "Completed text 139553\n", + "Completed text 139554\n", + "Completed text 139555\n", + "Completed text 139556\n", + "Completed text 139557\n", + "Completed text 139558\n", + "Completed text 139559\n", + "Completed text 139560\n", + "Completed text 139561\n", + "Completed text 139562\n", + "Completed text 139563\n", + "Completed text 139564\n", + "Completed text 139565\n", + "Completed text 139566\n", + "Completed text 139567\n", + "Completed text 139568\n", + "Completed text 139569\n", + "Completed text 139570\n", + "Completed text 139571\n", + "Completed text 139572\n", + "Completed text 139573\n", + "Completed text 139574\n", + "Completed text 139575\n", + "Completed text 139576\n", + "Completed text 139577\n", + "Completed text 139578\n", + "Completed text 139579\n", + "Completed text 139580\n", + "Completed text 139581\n", + "Completed text 139582\n", + "Completed text 139583\n", + "Completed text 139584\n", + "Completed text 139585\n", + "Completed text 139586\n", + "Completed text 139587\n", + "Completed text 139588\n", + "Completed text 139589\n", + "Completed text 139590\n", + "Completed text 139591\n", + "Completed text 139592\n", + "Completed text 139593\n", + "Completed text 139594\n", + "Completed text 139595\n", + "Completed text 139596\n", + "Completed text 139597\n", + "Completed text 139598\n", + "Completed text 139599\n", + "Completed text 139600\n", + "Completed text 139601\n", + "Completed text 139602\n", + "Completed text 139603\n", + "Completed text 139604\n", + "Completed text 139605\n", + "Completed text 139606\n", + "Completed text 139607\n", + "Completed text 139608\n", + "Completed text 139609\n", + "Completed text 139610\n", + "Completed text 139611\n", + "Completed text 139612\n", + "Completed text 139613\n", + "Completed text 139614\n", + "Completed text 139615\n", + "Completed text 139616\n", + "Completed text 139617\n", + "Completed text 139618\n", + "Completed text 139619\n", + "Completed text 139620\n", + "Completed text 139621\n", + "Completed text 139622\n", + "Completed text 139623\n", + "Completed text 139624\n", + "Completed text 139625\n", + "Completed text 139626\n", + "Completed text 139627\n", + "Completed text 139628\n", + "Completed text 139629\n", + "Completed text 139630\n", + "Completed text 139631\n", + "Completed text 139632\n", + "Completed text 139633\n", + "Completed text 139634\n", + "Completed text 139635\n", + "Completed text 139636\n", + "Completed text 139637\n", + "Completed text 139638\n", + "Completed text 139639\n", + "Completed text 139640\n", + "Completed text 139641\n", + "Completed text 139642\n", + "Completed text 139643\n", + "Completed text 139644\n", + "Completed text 139645\n", + "Completed text 139646\n", + "Completed text 139647\n", + "Completed text 139648\n", + "Completed text 139649\n", + "Completed text 139650\n", + "Completed text 139651\n", + "Completed text 139652\n", + "Completed text 139653\n", + "Completed text 139654\n", + "Completed text 139655\n", + "Completed text 139656\n", + "Completed text 139657\n", + "Completed text 139658\n", + "Completed text 139659\n", + "Completed text 139660\n", + "Completed text 139661\n", + "Completed text 139662\n", + "Completed text 139663\n", + "Completed text 139664\n", + "Completed text 139665\n", + "Completed text 139666\n", + "Completed text 139667\n", + "Completed text 139668\n", + "Completed text 139669\n", + "Completed text 139670\n", + "Completed text 139671\n", + "Completed text 139672\n", + "Completed text 139673\n", + "Completed text 139674\n", + "Completed text 139675\n", + "Completed text 139676\n", + "Completed text 139677\n", + "Completed text 139678\n", + "Completed text 139679\n", + "Completed text 139680\n", + "Completed text 139681\n", + "Completed text 139682\n", + "Completed text 139683\n", + "Completed text 139684\n", + "Completed text 139685\n", + "Completed text 139686\n", + "Completed text 139687\n", + "Completed text 139688\n", + "Completed text 139689\n", + "Completed text 139690\n", + "Completed text 139691\n", + "Completed text 139692\n", + "Completed text 139693\n", + "Completed text 139694\n", + "Completed text 139695\n", + "Completed text 139696\n", + "Completed text 139697\n", + "Completed text 139698\n", + "Completed text 139699\n", + "Completed text 139700\n", + "Completed text 139701\n", + "Completed text 139702\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 139703\n", + "Completed text 139704\n", + "Completed text 139705\n", + "Completed text 139706\n", + "Completed text 139707\n", + "Completed text 139708\n", + "Completed text 139709\n", + "Completed text 139710\n", + "Completed text 139711\n", + "Completed text 139712\n", + "Completed text 139713\n", + "Completed text 139714\n", + "Completed text 139715\n", + "Completed text 139716\n", + "Completed text 139717\n", + "Completed text 139718\n", + "Completed text 139719\n", + "Completed text 139720\n", + "Completed text 139721\n", + "Completed text 139722\n", + "Completed text 139723\n", + "Completed text 139724\n", + "Completed text 139725\n", + "Completed text 139726\n", + "Completed text 139727\n", + "Completed text 139728\n", + "Completed text 139729\n", + "Completed text 139730\n", + "Completed text 139731\n", + "Completed text 139732\n", + "Completed text 139733\n", + "Completed text 139734\n", + "Completed text 139735\n", + "Completed text 139736\n", + "Completed text 139737\n", + "Completed text 139738\n", + "Completed text 139739\n", + "Completed text 139740\n", + "Completed text 139741\n", + "Completed text 139742\n", + "Completed text 139743\n", + "Completed text 139744\n", + "Completed text 139745\n", + "Completed text 139746\n", + "Completed text 139747\n", + "Completed text 139748\n", + "Completed text 139749\n", + "Completed text 139750\n", + "Completed text 139751\n", + "Completed text 139752\n", + "Completed text 139753\n", + "Completed text 139754\n", + "Completed text 139755\n", + "Completed text 139756\n", + "Completed text 139757\n", + "Completed text 139758\n", + "Completed text 139759\n", + "Completed text 139760\n", + "Completed text 139761\n", + "Completed text 139762\n", + "Completed text 139763\n", + "Completed text 139764\n", + "Completed text 139765\n", + "Completed text 139766\n", + "Completed text 139767\n", + "Completed text 139768\n", + "Completed text 139769\n", + "Completed text 139770\n", + "Completed text 139771\n", + "Completed text 139772\n", + "Completed text 139773\n", + "Completed text 139774\n", + "Completed text 139775\n", + "Completed text 139776\n", + "Completed text 139777\n", + "Completed text 139778\n", + "Completed text 139779\n", + "Completed text 139780\n", + "Completed text 139781\n", + "Completed text 139782\n", + "Completed text 139783\n", + "Completed text 139784\n", + "Completed text 139785\n", + "Completed text 139786\n", + "Completed text 139787\n", + "Completed text 139788\n", + "Completed text 139789\n", + "Completed text 139790\n", + "Completed text 139791\n", + "Completed text 139792\n", + "Completed text 139793\n", + "Completed text 139794\n", + "Completed text 139795\n", + "Completed text 139796\n", + "Completed text 139797\n", + "Completed text 139798\n", + "Completed text 139799\n", + "Completed text 139800\n", + "Completed text 139801\n", + "Completed text 139802\n", + "Completed text 139803\n", + "Completed text 139804\n", + "Completed text 139805\n", + "Completed text 139806\n", + "Completed text 139807\n", + "Completed text 139808\n", + "Completed text 139809\n", + "Completed text 139810\n", + "Completed text 139811\n", + "Completed text 139812\n", + "Completed text 139813\n", + "Completed text 139814\n", + "Completed text 139815\n", + "Completed text 139816\n", + "Completed text 139817\n", + "Completed text 139818\n", + "Completed text 139819\n", + "Completed text 139820\n", + "Completed text 139821\n", + "Completed text 139822\n", + "Completed text 139823\n", + "Completed text 139824\n", + "Completed text 139825\n", + "Completed text 139826\n", + "Completed text 139827\n", + "Completed text 139828\n", + "Completed text 139829\n", + "Completed text 139830\n", + "Completed text 139831\n", + "Completed text 139832\n", + "Completed text 139833\n", + "Completed text 139834\n", + "Completed text 139835\n", + "Completed text 139836\n", + "Completed text 139837\n", + "Completed text 139838\n", + "Completed text 139839\n", + "Completed text 139840\n", + "Completed text 139841\n", + "Completed text 139842\n", + "Completed text 139843\n", + "Completed text 139844\n", + "Completed text 139845\n", + "Completed text 139846\n", + "Completed text 139847\n", + "Completed text 139848\n", + "Completed text 139849\n", + "Completed text 139850\n", + "Completed text 139851\n", + "Completed text 139852\n", + "Completed text 139853\n", + "Completed text 139854\n", + "Completed text 139855\n", + "Completed text 139856\n", + "Completed text 139857\n", + "Completed text 139858\n", + "Completed text 139859\n", + "Completed text 139860\n", + "Completed text 139861\n", + "Completed text 139862\n", + "Completed text 139863\n", + "Completed text 139864\n", + "Completed text 139865\n", + "Completed text 139866\n", + "Completed text 139867\n", + "Completed text 139868\n", + "Completed text 139869\n", + "Completed text 139870\n", + "Completed text 139871\n", + "Completed text 139872\n", + "Completed text 139873\n", + "Completed text 139874\n", + "Completed text 139875\n", + "Completed text 139876\n", + "Completed text 139877\n", + "Completed text 139878\n", + "Completed text 139879\n", + "Completed text 139880\n", + "Completed text 139881\n", + "Completed text 139882\n", + "Completed text 139883\n", + "Completed text 139884\n", + "Completed text 139885\n", + "Completed text 139886\n", + "Completed text 139887\n", + "Completed text 139888\n", + "Completed text 139889\n", + "Completed text 139890\n", + "Completed text 139891\n", + "Completed text 139892\n", + "Completed text 139893\n", + "Completed text 139894\n", + "Completed text 139895\n", + "Completed text 139896\n", + "Completed text 139897\n", + "Completed text 139898\n", + "Completed text 139899\n", + "Completed text 139900\n", + "Completed text 139901\n", + "Completed text 139902\n", + "Completed text 139903\n", + "Completed text 139904\n", + "Completed text 139905\n", + "Completed text 139906\n", + "Completed text 139907\n", + "Completed text 139908\n", + "Completed text 139909\n", + "Completed text 139910\n", + "Completed text 139911\n", + "Completed text 139912\n", + "Completed text 139913\n", + "Completed text 139914\n", + "Completed text 139915\n", + "Completed text 139916\n", + "Completed text 139917\n", + "Completed text 139918\n", + "Completed text 139919\n", + "Completed text 139920\n", + "Completed text 139921\n", + "Completed text 139922\n", + "Completed text 139923\n", + "Completed text 139924\n", + "Completed text 139925\n", + "Completed text 139926\n", + "Completed text 139927\n", + "Completed text 139928\n", + "Completed text 139929\n", + "Completed text 139930\n", + "Completed text 139931\n", + "Completed text 139932\n", + "Completed text 139933\n", + "Completed text 139934\n", + "Completed text 139935\n", + "Completed text 139936\n", + "Completed text 139937\n", + "Completed text 139938\n", + "Completed text 139939\n", + "Completed text 139940\n", + "Completed text 139941\n", + "Completed text 139942\n", + "Completed text 139943\n", + "Completed text 139944\n", + "Completed text 139945\n", + "Completed text 139946\n", + "Completed text 139947\n", + "Completed text 139948\n", + "Completed text 139949\n", + "Completed text 139950\n", + "Completed text 139951\n", + "Completed text 139952\n", + "Completed text 139953\n", + "Completed text 139954\n", + "Completed text 139955\n", + "Completed text 139956\n", + "Completed text 139957\n", + "Completed text 139958\n", + "Completed text 139959\n", + "Completed text 139960\n", + "Completed text 139961\n", + "Completed text 139962\n", + "Completed text 139963\n", + "Completed text 139964\n", + "Completed text 139965\n", + "Completed text 139966\n", + "Completed text 139967\n", + "Completed text 139968\n", + "Completed text 139969\n", + "Completed text 139970\n", + "Completed text 139971\n", + "Completed text 139972\n", + "Completed text 139973\n", + "Completed text 139974\n", + "Completed text 139975\n", + "Completed text 139976\n", + "Completed text 139977\n", + "Completed text 139978\n", + "Completed text 139979\n", + "Completed text 139980\n", + "Completed text 139981\n", + "Completed text 139982\n", + "Completed text 139983\n", + "Completed text 139984\n", + "Completed text 139985\n", + "Completed text 139986\n", + "Completed text 139987\n", + "Completed text 139988\n", + "Completed text 139989\n", + "Completed text 139990\n", + "Completed text 139991\n", + "Completed text 139992\n", + "Completed text 139993\n", + "Completed text 139994\n", + "Completed text 139995\n", + "Completed text 139996\n", + "Completed text 139997\n", + "Completed text 139998\n", + "Completed text 139999\n", + "Completed text 140000\n", + "Completed text 140001\n", + "Completed text 140002\n", + "Completed text 140003\n", + "Completed text 140004\n", + "Completed text 140005\n", + "Completed text 140006\n", + "Completed text 140007\n", + "Completed text 140008\n", + "Completed text 140009\n", + "Completed text 140010\n", + "Completed text 140011\n", + "Completed text 140012\n", + "Completed text 140013\n", + "Completed text 140014\n", + "Completed text 140015\n", + "Completed text 140016\n", + "Completed text 140017\n", + "Completed text 140018\n", + "Completed text 140019\n", + "Completed text 140020\n", + "Completed text 140021\n", + "Completed text 140022\n", + "Completed text 140023\n", + "Completed text 140024\n", + "Completed text 140025\n", + "Completed text 140026\n", + "Completed text 140027\n", + "Completed text 140028\n", + "Completed text 140029\n", + "Completed text 140030\n", + "Completed text 140031\n", + "Completed text 140032\n", + "Completed text 140033\n", + "Completed text 140034\n", + "Completed text 140035\n", + "Completed text 140036\n", + "Completed text 140037\n", + "Completed text 140038\n", + "Completed text 140039\n", + "Completed text 140040\n", + "Completed text 140041\n", + "Completed text 140042\n", + "Completed text 140043\n", + "Completed text 140044\n", + "Completed text 140045\n", + "Completed text 140046\n", + "Completed text 140047\n", + "Completed text 140048\n", + "Completed text 140049\n", + "Completed text 140050\n", + "Completed text 140051\n", + "Completed text 140052\n", + "Completed text 140053\n", + "Completed text 140054\n", + "Completed text 140055\n", + "Completed text 140056\n", + "Completed text 140057\n", + "Completed text 140058\n", + "Completed text 140059\n", + "Completed text 140060\n", + "Completed text 140061\n", + "Completed text 140062\n", + "Completed text 140063\n", + "Completed text 140064\n", + "Completed text 140065\n", + "Completed text 140066\n", + "Completed text 140067\n", + "Completed text 140068\n", + "Completed text 140069\n", + "Completed text 140070\n", + "Completed text 140071\n", + "Completed text 140072\n", + "Completed text 140073\n", + "Completed text 140074\n", + "Completed text 140075\n", + "Completed text 140076\n", + "Completed text 140077\n", + "Completed text 140078\n", + "Completed text 140079\n", + "Completed text 140080\n", + "Completed text 140081\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 140082\n", + "Completed text 140083\n", + "Completed text 140084\n", + "Completed text 140085\n", + "Completed text 140086\n", + "Completed text 140087\n", + "Completed text 140088\n", + "Completed text 140089\n", + "Completed text 140090\n", + "Completed text 140091\n", + "Completed text 140092\n", + "Completed text 140093\n", + "Completed text 140094\n", + "Completed text 140095\n", + "Completed text 140096\n", + "Completed text 140097\n", + "Completed text 140098\n", + "Completed text 140099\n", + "Completed text 140100\n", + "Completed text 140101\n", + "Completed text 140102\n", + "Completed text 140103\n", + "Completed text 140104\n", + "Completed text 140105\n", + "Completed text 140106\n", + "Completed text 140107\n", + "Completed text 140108\n", + "Completed text 140109\n", + "Completed text 140110\n", + "Completed text 140111\n", + "Completed text 140112\n", + "Completed text 140113\n", + "Completed text 140114\n", + "Completed text 140115\n", + "Completed text 140116\n", + "Completed text 140117\n", + "Completed text 140118\n", + "Completed text 140119\n", + "Completed text 140120\n", + "Completed text 140121\n", + "Completed text 140122\n", + "Completed text 140123\n", + "Completed text 140124\n", + "Completed text 140125\n", + "Completed text 140126\n", + "Completed text 140127\n", + "Completed text 140128\n", + "Completed text 140129\n", + "Completed text 140130\n", + "Completed text 140131\n", + "Completed text 140132\n", + "Completed text 140133\n", + "Completed text 140134\n", + "Completed text 140135\n", + "Completed text 140136\n", + "Completed text 140137\n", + "Completed text 140138\n", + "Completed text 140139\n", + "Completed text 140140\n", + "Completed text 140141\n", + "Completed text 140142\n", + "Completed text 140143\n", + "Completed text 140144\n", + "Completed text 140145\n", + "Completed text 140146\n", + "Completed text 140147\n", + "Completed text 140148\n", + "Completed text 140149\n", + "Completed text 140150\n", + "Completed text 140151\n", + "Completed text 140152\n", + "Completed text 140153\n", + "Completed text 140154\n", + "Completed text 140155\n", + "Completed text 140156\n", + "Completed text 140157\n", + "Completed text 140158\n", + "Completed text 140159\n", + "Completed text 140160\n", + "Completed text 140161\n", + "Completed text 140162\n", + "Completed text 140163\n", + "Completed text 140164\n", + "Completed text 140165\n", + "Completed text 140166\n", + "Completed text 140167\n", + "Completed text 140168\n", + "Completed text 140169\n", + "Completed text 140170\n", + "Completed text 140171\n", + "Completed text 140172\n", + "Completed text 140173\n", + "Completed text 140174\n", + "Completed text 140175\n", + "Completed text 140176\n", + "Completed text 140177\n", + "Completed text 140178\n", + "Completed text 140179\n", + "Completed text 140180\n", + "Completed text 140181\n", + "Completed text 140182\n", + "Completed text 140183\n", + "Completed text 140184\n", + "Completed text 140185\n", + "Completed text 140186\n", + "Completed text 140187\n", + "Completed text 140188\n", + "Completed text 140189\n", + "Completed text 140190\n", + "Completed text 140191\n", + "Completed text 140192\n", + "Completed text 140193\n", + "Completed text 140194\n", + "Completed text 140195\n", + "Completed text 140196\n", + "Completed text 140197\n", + "Completed text 140198\n", + "Completed text 140199\n", + "Completed text 140200\n", + "Completed text 140201\n", + "Completed text 140202\n", + "Completed text 140203\n", + "Completed text 140204\n", + "Completed text 140205\n", + "Completed text 140206\n", + "Completed text 140207\n", + "Completed text 140208\n", + "Completed text 140209\n", + "Completed text 140210\n", + "Completed text 140211\n", + "Completed text 140212\n", + "Completed text 140213\n", + "Completed text 140214\n", + "Completed text 140215\n", + "Completed text 140216\n", + "Completed text 140217\n", + "Completed text 140218\n", + "Completed text 140219\n", + "Completed text 140220\n", + "Completed text 140221\n", + "Completed text 140222\n", + "Completed text 140223\n", + "Completed text 140224\n", + "Completed text 140225\n", + "Completed text 140226\n", + "Completed text 140227\n", + "Completed text 140228\n", + "Completed text 140229\n", + "Completed text 140230\n", + "Completed text 140231\n", + "Completed text 140232\n", + "Completed text 140233\n", + "Completed text 140234\n", + "Completed text 140235\n", + "Completed text 140236\n", + "Completed text 140237\n", + "Completed text 140238\n", + "Completed text 140239\n", + "Completed text 140240\n", + "Completed text 140241\n", + "Completed text 140242\n", + "Completed text 140243\n", + "Completed text 140244\n", + "Completed text 140245\n", + "Completed text 140246\n", + "Completed text 140247\n", + "Completed text 140248\n", + "Completed text 140249\n", + "Completed text 140250\n", + "Completed text 140251\n", + "Completed text 140252\n", + "Completed text 140253\n", + "Completed text 140254\n", + "Completed text 140255\n", + "Completed text 140256\n", + "Completed text 140257\n", + "Completed text 140258\n", + "Completed text 140259\n", + "Completed text 140260\n", + "Completed text 140261\n", + "Completed text 140262\n", + "Completed text 140263\n", + "Completed text 140264\n", + "Completed text 140265\n", + "Completed text 140266\n", + "Completed text 140267\n", + "Completed text 140268\n", + "Completed text 140269\n", + "Completed text 140270\n", + "Completed text 140271\n", + "Completed text 140272\n", + "Completed text 140273\n", + "Completed text 140274\n", + "Completed text 140275\n", + "Completed text 140276\n", + "Completed text 140277\n", + "Completed text 140278\n", + "Completed text 140279\n", + "Completed text 140280\n", + "Completed text 140281\n", + "Completed text 140282\n", + "Completed text 140283\n", + "Completed text 140284\n", + "Completed text 140285\n", + "Completed text 140286\n", + "Completed text 140287\n", + "Completed text 140288\n", + "Completed text 140289\n", + "Completed text 140290\n", + "Completed text 140291\n", + "Completed text 140292\n", + "Completed text 140293\n", + "Completed text 140294\n", + "Completed text 140295\n", + "Completed text 140296\n", + "Completed text 140297\n", + "Completed text 140298\n", + "Completed text 140299\n", + "Completed text 140300\n", + "Completed text 140301\n", + "Completed text 140302\n", + "Completed text 140303\n", + "Completed text 140304\n", + "Completed text 140305\n", + "Completed text 140306\n", + "Completed text 140307\n", + "Completed text 140308\n", + "Completed text 140309\n", + "Completed text 140310\n", + "Completed text 140311\n", + "Completed text 140312\n", + "Completed text 140313\n", + "Completed text 140314\n", + "Completed text 140315\n", + "Completed text 140316\n", + "Completed text 140317\n", + "Completed text 140318\n", + "Completed text 140319\n", + "Completed text 140320\n", + "Completed text 140321\n", + "Completed text 140322\n", + "Completed text 140323\n", + "Completed text 140324\n", + "Completed text 140325\n", + "Completed text 140326\n", + "Completed text 140327\n", + "Completed text 140328\n", + "Completed text 140329\n", + "Completed text 140330\n", + "Completed text 140331\n", + "Completed text 140332\n", + "Completed text 140333\n", + "Completed text 140334\n", + "Completed text 140335\n", + "Completed text 140336\n", + "Completed text 140337\n", + "Completed text 140338\n", + "Completed text 140339\n", + "Completed text 140340\n", + "Completed text 140341\n", + "Completed text 140342\n", + "Completed text 140343\n", + "Completed text 140344\n", + "Completed text 140345\n", + "Completed text 140346\n", + "Completed text 140347\n", + "Completed text 140348\n", + "Completed text 140349\n", + "Completed text 140350\n", + "Completed text 140351\n", + "Completed text 140352\n", + "Completed text 140353\n", + "Completed text 140354\n", + "Completed text 140355\n", + "Completed text 140356\n", + "Completed text 140357\n", + "Completed text 140358\n", + "Completed text 140359\n", + "Completed text 140360\n", + "Completed text 140361\n", + "Completed text 140362\n", + "Completed text 140363\n", + "Completed text 140364\n", + "Completed text 140365\n", + "Completed text 140366\n", + "Completed text 140367\n", + "Completed text 140368\n", + "Completed text 140369\n", + "Completed text 140370\n", + "Completed text 140371\n", + "Completed text 140372\n", + "Completed text 140373\n", + "Completed text 140374\n", + "Completed text 140375\n", + "Completed text 140376\n", + "Completed text 140377\n", + "Completed text 140378\n", + "Completed text 140379\n", + "Completed text 140380\n", + "Completed text 140381\n", + "Completed text 140382\n", + "Completed text 140383\n", + "Completed text 140384\n", + "Completed text 140385\n", + "Completed text 140386\n", + "Completed text 140387\n", + "Completed text 140388\n", + "Completed text 140389\n", + "Completed text 140390\n", + "Completed text 140391\n", + "Completed text 140392\n", + "Completed text 140393\n", + "Completed text 140394\n", + "Completed text 140395\n", + "Completed text 140396\n", + "Completed text 140397\n", + "Completed text 140398\n", + "Completed text 140399\n", + "Completed text 140400\n", + "Completed text 140401\n", + "Completed text 140402\n", + "Completed text 140403\n", + "Completed text 140404\n", + "Completed text 140405\n", + "Completed text 140406\n", + "Completed text 140407\n", + "Completed text 140408\n", + "Completed text 140409\n", + "Completed text 140410\n", + "Completed text 140411\n", + "Completed text 140412\n", + "Completed text 140413\n", + "Completed text 140414\n", + "Completed text 140415\n", + "Completed text 140416\n", + "Completed text 140417\n", + "Completed text 140418\n", + "Completed text 140419\n", + "Completed text 140420\n", + "Completed text 140421\n", + "Completed text 140422\n", + "Completed text 140423\n", + "Completed text 140424\n", + "Completed text 140425\n", + "Completed text 140426\n", + "Completed text 140427\n", + "Completed text 140428\n", + "Completed text 140429\n", + "Completed text 140430\n", + "Completed text 140431\n", + "Completed text 140432\n", + "Completed text 140433\n", + "Completed text 140434\n", + "Completed text 140435\n", + "Completed text 140436\n", + "Completed text 140437\n", + "Completed text 140438\n", + "Completed text 140439\n", + "Completed text 140440\n", + "Completed text 140441\n", + "Completed text 140442\n", + "Completed text 140443\n", + "Completed text 140444\n", + "Completed text 140445\n", + "Completed text 140446\n", + "Completed text 140447\n", + "Completed text 140448\n", + "Completed text 140449\n", + "Completed text 140450\n", + "Completed text 140451\n", + "Completed text 140452\n", + "Completed text 140453\n", + "Completed text 140454\n", + "Completed text 140455\n", + "Completed text 140456\n", + "Completed text 140457\n", + "Completed text 140458\n", + "Completed text 140459\n", + "Completed text 140460\n", + "Completed text 140461\n", + "Completed text 140462\n", + "Completed text 140463\n", + "Completed text 140464\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 140465\n", + "Completed text 140466\n", + "Completed text 140467\n", + "Completed text 140468\n", + "Completed text 140469\n", + "Completed text 140470\n", + "Completed text 140471\n", + "Completed text 140472\n", + "Completed text 140473\n", + "Completed text 140474\n", + "Completed text 140475\n", + "Completed text 140476\n", + "Completed text 140477\n", + "Completed text 140478\n", + "Completed text 140479\n", + "Completed text 140480\n", + "Completed text 140481\n", + "Completed text 140482\n", + "Completed text 140483\n", + "Completed text 140484\n", + "Completed text 140485\n", + "Completed text 140486\n", + "Completed text 140487\n", + "Completed text 140488\n", + "Completed text 140489\n", + "Completed text 140490\n", + "Completed text 140491\n", + "Completed text 140492\n", + "Completed text 140493\n", + "Completed text 140494\n", + "Completed text 140495\n", + "Completed text 140496\n", + "Completed text 140497\n", + "Completed text 140498\n", + "Completed text 140499\n", + "Completed text 140500\n", + "Completed text 140501\n", + "Completed text 140502\n", + "Completed text 140503\n", + "Completed text 140504\n", + "Completed text 140505\n", + "Completed text 140506\n", + "Completed text 140507\n", + "Completed text 140508\n", + "Completed text 140509\n", + "Completed text 140510\n", + "Completed text 140511\n", + "Completed text 140512\n", + "Completed text 140513\n", + "Completed text 140514\n", + "Completed text 140515\n", + "Completed text 140516\n", + "Completed text 140517\n", + "Completed text 140518\n", + "Completed text 140519\n", + "Completed text 140520\n", + "Completed text 140521\n", + "Completed text 140522\n", + "Completed text 140523\n", + "Completed text 140524\n", + "Completed text 140525\n", + "Completed text 140526\n", + "Completed text 140527\n", + "Completed text 140528\n", + "Completed text 140529\n", + "Completed text 140530\n", + "Completed text 140531\n", + "Completed text 140532\n", + "Completed text 140533\n", + "Completed text 140534\n", + "Completed text 140535\n", + "Completed text 140536\n", + "Completed text 140537\n", + "Completed text 140538\n", + "Completed text 140539\n", + "Completed text 140540\n", + "Completed text 140541\n", + "Completed text 140542\n", + "Completed text 140543\n", + "Completed text 140544\n", + "Completed text 140545\n", + "Completed text 140546\n", + "Completed text 140547\n", + "Completed text 140548\n", + "Completed text 140549\n", + "Completed text 140550\n", + "Completed text 140551\n", + "Completed text 140552\n", + "Completed text 140553\n", + "Completed text 140554\n", + "Completed text 140555\n", + "Completed text 140556\n", + "Completed text 140557\n", + "Completed text 140558\n", + "Completed text 140559\n", + "Completed text 140560\n", + "Completed text 140561\n", + "Completed text 140562\n", + "Completed text 140563\n", + "Completed text 140564\n", + "Completed text 140565\n", + "Completed text 140566\n", + "Completed text 140567\n", + "Completed text 140568\n", + "Completed text 140569\n", + "Completed text 140570\n", + "Completed text 140571\n", + "Completed text 140572\n", + "Completed text 140573\n", + "Completed text 140574\n", + "Completed text 140575\n", + "Completed text 140576\n", + "Completed text 140577\n", + "Completed text 140578\n", + "Completed text 140579\n", + "Completed text 140580\n", + "Completed text 140581\n", + "Completed text 140582\n", + "Completed text 140583\n", + "Completed text 140584\n", + "Completed text 140585\n", + "Completed text 140586\n", + "Completed text 140587\n", + "Completed text 140588\n", + "Completed text 140589\n", + "Completed text 140590\n", + "Completed text 140591\n", + "Completed text 140592\n", + "Completed text 140593\n", + "Completed text 140594\n", + "Completed text 140595\n", + "Completed text 140596\n", + "Completed text 140597\n", + "Completed text 140598\n", + "Completed text 140599\n", + "Completed text 140600\n", + "Completed text 140601\n", + "Completed text 140602\n", + "Completed text 140603\n", + "Completed text 140604\n", + "Completed text 140605\n", + "Completed text 140606\n", + "Completed text 140607\n", + "Completed text 140608\n", + "Completed text 140609\n", + "Completed text 140610\n", + "Completed text 140611\n", + "Completed text 140612\n", + "Completed text 140613\n", + "Completed text 140614\n", + "Completed text 140615\n", + "Completed text 140616\n", + "Completed text 140617\n", + "Completed text 140618\n", + "Completed text 140619\n", + "Completed text 140620\n", + "Completed text 140621\n", + "Completed text 140622\n", + "Completed text 140623\n", + "Completed text 140624\n", + "Completed text 140625\n", + "Completed text 140626\n", + "Completed text 140627\n", + "Completed text 140628\n", + "Completed text 140629\n", + "Completed text 140630\n", + "Completed text 140631\n", + "Completed text 140632\n", + "Completed text 140633\n", + "Completed text 140634\n", + "Completed text 140635\n", + "Completed text 140636\n", + "Completed text 140637\n", + "Completed text 140638\n", + "Completed text 140639\n", + "Completed text 140640\n", + "Completed text 140641\n", + "Completed text 140642\n", + "Completed text 140643\n", + "Completed text 140644\n", + "Completed text 140645\n", + "Completed text 140646\n", + "Completed text 140647\n", + "Completed text 140648\n", + "Completed text 140649\n", + "Completed text 140650\n", + "Completed text 140651\n", + "Completed text 140652\n", + "Completed text 140653\n", + "Completed text 140654\n", + "Completed text 140655\n", + "Completed text 140656\n", + "Completed text 140657\n", + "Completed text 140658\n", + "Completed text 140659\n", + "Completed text 140660\n", + "Completed text 140661\n", + "Completed text 140662\n", + "Completed text 140663\n", + "Completed text 140664\n", + "Completed text 140665\n", + "Completed text 140666\n", + "Completed text 140667\n", + "Completed text 140668\n", + "Completed text 140669\n", + "Completed text 140670\n", + "Completed text 140671\n", + "Completed text 140672\n", + "Completed text 140673\n", + "Completed text 140674\n", + "Completed text 140675\n", + "Completed text 140676\n", + "Completed text 140677\n", + "Completed text 140678\n", + "Completed text 140679\n", + "Completed text 140680\n", + "Completed text 140681\n", + "Completed text 140682\n", + "Completed text 140683\n", + "Completed text 140684\n", + "Completed text 140685\n", + "Completed text 140686\n", + "Completed text 140687\n", + "Completed text 140688\n", + "Completed text 140689\n", + "Completed text 140690\n", + "Completed text 140691\n", + "Completed text 140692\n", + "Completed text 140693\n", + "Completed text 140694\n", + "Completed text 140695\n", + "Completed text 140696\n", + "Completed text 140697\n", + "Completed text 140698\n", + "Completed text 140699\n", + "Completed text 140700\n", + "Completed text 140701\n", + "Completed text 140702\n", + "Completed text 140703\n", + "Completed text 140704\n", + "Completed text 140705\n", + "Completed text 140706\n", + "Completed text 140707\n", + "Completed text 140708\n", + "Completed text 140709\n", + "Completed text 140710\n", + "Completed text 140711\n", + "Completed text 140712\n", + "Completed text 140713\n", + "Completed text 140714\n", + "Completed text 140715\n", + "Completed text 140716\n", + "Completed text 140717\n", + "Completed text 140718\n", + "Completed text 140719\n", + "Completed text 140720\n", + "Completed text 140721\n", + "Completed text 140722\n", + "Completed text 140723\n", + "Completed text 140724\n", + "Completed text 140725\n", + "Completed text 140726\n", + "Completed text 140727\n", + "Completed text 140728\n", + "Completed text 140729\n", + "Completed text 140730\n", + "Completed text 140731\n", + "Completed text 140732\n", + "Completed text 140733\n", + "Completed text 140734\n", + "Completed text 140735\n", + "Completed text 140736\n", + "Completed text 140737\n", + "Completed text 140738\n", + "Completed text 140739\n", + "Completed text 140740\n", + "Completed text 140741\n", + "Completed text 140742\n", + "Completed text 140743\n", + "Completed text 140744\n", + "Completed text 140745\n", + "Completed text 140746\n", + "Completed text 140747\n", + "Completed text 140748\n", + "Completed text 140749\n", + "Completed text 140750\n", + "Completed text 140751\n", + "Completed text 140752\n", + "Completed text 140753\n", + "Completed text 140754\n", + "Completed text 140755\n", + "Completed text 140756\n", + "Completed text 140757\n", + "Completed text 140758\n", + "Completed text 140759\n", + "Completed text 140760\n", + "Completed text 140761\n", + "Completed text 140762\n", + "Completed text 140763\n", + "Completed text 140764\n", + "Completed text 140765\n", + "Completed text 140766\n", + "Completed text 140767\n", + "Completed text 140768\n", + "Completed text 140769\n", + "Completed text 140770\n", + "Completed text 140771\n", + "Completed text 140772\n", + "Completed text 140773\n", + "Completed text 140774\n", + "Completed text 140775\n", + "Completed text 140776\n", + "Completed text 140777\n", + "Completed text 140778\n", + "Completed text 140779\n", + "Completed text 140780\n", + "Completed text 140781\n", + "Completed text 140782\n", + "Completed text 140783\n", + "Completed text 140784\n", + "Completed text 140785\n", + "Completed text 140786\n", + "Completed text 140787\n", + "Completed text 140788\n", + "Completed text 140789\n", + "Completed text 140790\n", + "Completed text 140791\n", + "Completed text 140792\n", + "Completed text 140793\n", + "Completed text 140794\n", + "Completed text 140795\n", + "Completed text 140796\n", + "Completed text 140797\n", + "Completed text 140798\n", + "Completed text 140799\n", + "Completed text 140800\n", + "Completed text 140801\n", + "Completed text 140802\n", + "Completed text 140803\n", + "Completed text 140804\n", + "Completed text 140805\n", + "Completed text 140806\n", + "Completed text 140807\n", + "Completed text 140808\n", + "Completed text 140809\n", + "Completed text 140810\n", + "Completed text 140811\n", + "Completed text 140812\n", + "Completed text 140813\n", + "Completed text 140814\n", + "Completed text 140815\n", + "Completed text 140816\n", + "Completed text 140817\n", + "Completed text 140818\n", + "Completed text 140819\n", + "Completed text 140820\n", + "Completed text 140821\n", + "Completed text 140822\n", + "Completed text 140823\n", + "Completed text 140824\n", + "Completed text 140825\n", + "Completed text 140826\n", + "Completed text 140827\n", + "Completed text 140828\n", + "Completed text 140829\n", + "Completed text 140830\n", + "Completed text 140831\n", + "Completed text 140832\n", + "Completed text 140833\n", + "Completed text 140834\n", + "Completed text 140835\n", + "Completed text 140836\n", + "Completed text 140837\n", + "Completed text 140838\n", + "Completed text 140839\n", + "Completed text 140840\n", + "Completed text 140841\n", + "Completed text 140842\n", + "Completed text 140843\n", + "Completed text 140844\n", + "Completed text 140845\n", + "Completed text 140846\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 140847\n", + "Completed text 140848\n", + "Completed text 140849\n", + "Completed text 140850\n", + "Completed text 140851\n", + "Completed text 140852\n", + "Completed text 140853\n", + "Completed text 140854\n", + "Completed text 140855\n", + "Completed text 140856\n", + "Completed text 140857\n", + "Completed text 140858\n", + "Completed text 140859\n", + "Completed text 140860\n", + "Completed text 140861\n", + "Completed text 140862\n", + "Completed text 140863\n", + "Completed text 140864\n", + "Completed text 140865\n", + "Completed text 140866\n", + "Completed text 140867\n", + "Completed text 140868\n", + "Completed text 140869\n", + "Completed text 140870\n", + "Completed text 140871\n", + "Completed text 140872\n", + "Completed text 140873\n", + "Completed text 140874\n", + "Completed text 140875\n", + "Completed text 140876\n", + "Completed text 140877\n", + "Completed text 140878\n", + "Completed text 140879\n", + "Completed text 140880\n", + "Completed text 140881\n", + "Completed text 140882\n", + "Completed text 140883\n", + "Completed text 140884\n", + "Completed text 140885\n", + "Completed text 140886\n", + "Completed text 140887\n", + "Completed text 140888\n", + "Completed text 140889\n", + "Completed text 140890\n", + "Completed text 140891\n", + "Completed text 140892\n", + "Completed text 140893\n", + "Completed text 140894\n", + "Completed text 140895\n", + "Completed text 140896\n", + "Completed text 140897\n", + "Completed text 140898\n", + "Completed text 140899\n", + "Completed text 140900\n", + "Completed text 140901\n", + "Completed text 140902\n", + "Completed text 140903\n", + "Completed text 140904\n", + "Completed text 140905\n", + "Completed text 140906\n", + "Completed text 140907\n", + "Completed text 140908\n", + "Completed text 140909\n", + "Completed text 140910\n", + "Completed text 140911\n", + "Completed text 140912\n", + "Completed text 140913\n", + "Completed text 140914\n", + "Completed text 140915\n", + "Completed text 140916\n", + "Completed text 140917\n", + "Completed text 140918\n", + "Completed text 140919\n", + "Completed text 140920\n", + "Completed text 140921\n", + "Completed text 140922\n", + "Completed text 140923\n", + "Completed text 140924\n", + "Completed text 140925\n", + "Completed text 140926\n", + "Completed text 140927\n", + "Completed text 140928\n", + "Completed text 140929\n", + "Completed text 140930\n", + "Completed text 140931\n", + "Completed text 140932\n", + "Completed text 140933\n", + "Completed text 140934\n", + "Completed text 140935\n", + "Completed text 140936\n", + "Completed text 140937\n", + "Completed text 140938\n", + "Completed text 140939\n", + "Completed text 140940\n", + "Completed text 140941\n", + "Completed text 140942\n", + "Completed text 140943\n", + "Completed text 140944\n", + "Completed text 140945\n", + "Completed text 140946\n", + "Completed text 140947\n", + "Completed text 140948\n", + "Completed text 140949\n", + "Completed text 140950\n", + "Completed text 140951\n", + "Completed text 140952\n", + "Completed text 140953\n", + "Completed text 140954\n", + "Completed text 140955\n", + "Completed text 140956\n", + "Completed text 140957\n", + "Completed text 140958\n", + "Completed text 140959\n", + "Completed text 140960\n", + "Completed text 140961\n", + "Completed text 140962\n", + "Completed text 140963\n", + "Completed text 140964\n", + "Completed text 140965\n", + "Completed text 140966\n", + "Completed text 140967\n", + "Completed text 140968\n", + "Completed text 140969\n", + "Completed text 140970\n", + "Completed text 140971\n", + "Completed text 140972\n", + "Completed text 140973\n", + "Completed text 140974\n", + "Completed text 140975\n", + "Completed text 140976\n", + "Completed text 140977\n", + "Completed text 140978\n", + "Completed text 140979\n", + "Completed text 140980\n", + "Completed text 140981\n", + "Completed text 140982\n", + "Completed text 140983\n", + "Completed text 140984\n", + "Completed text 140985\n", + "Completed text 140986\n", + "Completed text 140987\n", + "Completed text 140988\n", + "Completed text 140989\n", + "Completed text 140990\n", + "Completed text 140991\n", + "Completed text 140992\n", + "Completed text 140993\n", + "Completed text 140994\n", + "Completed text 140995\n", + "Completed text 140996\n", + "Completed text 140997\n", + "Completed text 140998\n", + "Completed text 140999\n", + "Completed text 141000\n", + "Completed text 141001\n", + "Completed text 141002\n", + "Completed text 141003\n", + "Completed text 141004\n", + "Completed text 141005\n", + "Completed text 141006\n", + "Completed text 141007\n", + "Completed text 141008\n", + "Completed text 141009\n", + "Completed text 141010\n", + "Completed text 141011\n", + "Completed text 141012\n", + "Completed text 141013\n", + "Completed text 141014\n", + "Completed text 141015\n", + "Completed text 141016\n", + "Completed text 141017\n", + "Completed text 141018\n", + "Completed text 141019\n", + "Completed text 141020\n", + "Completed text 141021\n", + "Completed text 141022\n", + "Completed text 141023\n", + "Completed text 141024\n", + "Completed text 141025\n", + "Completed text 141026\n", + "Completed text 141027\n", + "Completed text 141028\n", + "Completed text 141029\n", + "Completed text 141030\n", + "Completed text 141031\n", + "Completed text 141032\n", + "Completed text 141033\n", + "Completed text 141034\n", + "Completed text 141035\n", + "Completed text 141036\n", + "Completed text 141037\n", + "Completed text 141038\n", + "Completed text 141039\n", + "Completed text 141040\n", + "Completed text 141041\n", + "Completed text 141042\n", + "Completed text 141043\n", + "Completed text 141044\n", + "Completed text 141045\n", + "Completed text 141046\n", + "Completed text 141047\n", + "Completed text 141048\n", + "Completed text 141049\n", + "Completed text 141050\n", + "Completed text 141051\n", + "Completed text 141052\n", + "Completed text 141053\n", + "Completed text 141054\n", + "Completed text 141055\n", + "Completed text 141056\n", + "Completed text 141057\n", + "Completed text 141058\n", + "Completed text 141059\n", + "Completed text 141060\n", + "Completed text 141061\n", + "Completed text 141062\n", + "Completed text 141063\n", + "Completed text 141064\n", + "Completed text 141065\n", + "Completed text 141066\n", + "Completed text 141067\n", + "Completed text 141068\n", + "Completed text 141069\n", + "Completed text 141070\n", + "Completed text 141071\n", + "Completed text 141072\n", + "Completed text 141073\n", + "Completed text 141074\n", + "Completed text 141075\n", + "Completed text 141076\n", + "Completed text 141077\n", + "Completed text 141078\n", + "Completed text 141079\n", + "Completed text 141080\n", + "Completed text 141081\n", + "Completed text 141082\n", + "Completed text 141083\n", + "Completed text 141084\n", + "Completed text 141085\n", + "Completed text 141086\n", + "Completed text 141087\n", + "Completed text 141088\n", + "Completed text 141089\n", + "Completed text 141090\n", + "Completed text 141091\n", + "Completed text 141092\n", + "Completed text 141093\n", + "Completed text 141094\n", + "Completed text 141095\n", + "Completed text 141096\n", + "Completed text 141097\n", + "Completed text 141098\n", + "Completed text 141099\n", + "Completed text 141100\n", + "Completed text 141101\n", + "Completed text 141102\n", + "Completed text 141103\n", + "Completed text 141104\n", + "Completed text 141105\n", + "Completed text 141106\n", + "Completed text 141107\n", + "Completed text 141108\n", + "Completed text 141109\n", + "Completed text 141110\n", + "Completed text 141111\n", + "Completed text 141112\n", + "Completed text 141113\n", + "Completed text 141114\n", + "Completed text 141115\n", + "Completed text 141116\n", + "Completed text 141117\n", + "Completed text 141118\n", + "Completed text 141119\n", + "Completed text 141120\n", + "Completed text 141121\n", + "Completed text 141122\n", + "Completed text 141123\n", + "Completed text 141124\n", + "Completed text 141125\n", + "Completed text 141126\n", + "Completed text 141127\n", + "Completed text 141128\n", + "Completed text 141129\n", + "Completed text 141130\n", + "Completed text 141131\n", + "Completed text 141132\n", + "Completed text 141133\n", + "Completed text 141134\n", + "Completed text 141135\n", + "Completed text 141136\n", + "Completed text 141137\n", + "Completed text 141138\n", + "Completed text 141139\n", + "Completed text 141140\n", + "Completed text 141141\n", + "Completed text 141142\n", + "Completed text 141143\n", + "Completed text 141144\n", + "Completed text 141145\n", + "Completed text 141146\n", + "Completed text 141147\n", + "Completed text 141148\n", + "Completed text 141149\n", + "Completed text 141150\n", + "Completed text 141151\n", + "Completed text 141152\n", + "Completed text 141153\n", + "Completed text 141154\n", + "Completed text 141155\n", + "Completed text 141156\n", + "Completed text 141157\n", + "Completed text 141158\n", + "Completed text 141159\n", + "Completed text 141160\n", + "Completed text 141161\n", + "Completed text 141162\n", + "Completed text 141163\n", + "Completed text 141164\n", + "Completed text 141165\n", + "Completed text 141166\n", + "Completed text 141167\n", + "Completed text 141168\n", + "Completed text 141169\n", + "Completed text 141170\n", + "Completed text 141171\n", + "Completed text 141172\n", + "Completed text 141173\n", + "Completed text 141174\n", + "Completed text 141175\n", + "Completed text 141176\n", + "Completed text 141177\n", + "Completed text 141178\n", + "Completed text 141179\n", + "Completed text 141180\n", + "Completed text 141181\n", + "Completed text 141182\n", + "Completed text 141183\n", + "Completed text 141184\n", + "Completed text 141185\n", + "Completed text 141186\n", + "Completed text 141187\n", + "Completed text 141188\n", + "Completed text 141189\n", + "Completed text 141190\n", + "Completed text 141191\n", + "Completed text 141192\n", + "Completed text 141193\n", + "Completed text 141194\n", + "Completed text 141195\n", + "Completed text 141196\n", + "Completed text 141197\n", + "Completed text 141198\n", + "Completed text 141199\n", + "Completed text 141200\n", + "Completed text 141201\n", + "Completed text 141202\n", + "Completed text 141203\n", + "Completed text 141204\n", + "Completed text 141205\n", + "Completed text 141206\n", + "Completed text 141207\n", + "Completed text 141208\n", + "Completed text 141209\n", + "Completed text 141210\n", + "Completed text 141211\n", + "Completed text 141212\n", + "Completed text 141213\n", + "Completed text 141214\n", + "Completed text 141215\n", + "Completed text 141216\n", + "Completed text 141217\n", + "Completed text 141218\n", + "Completed text 141219\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 141220\n", + "Completed text 141221\n", + "Completed text 141222\n", + "Completed text 141223\n", + "Completed text 141224\n", + "Completed text 141225\n", + "Completed text 141226\n", + "Completed text 141227\n", + "Completed text 141228\n", + "Completed text 141229\n", + "Completed text 141230\n", + "Completed text 141231\n", + "Completed text 141232\n", + "Completed text 141233\n", + "Completed text 141234\n", + "Completed text 141235\n", + "Completed text 141236\n", + "Completed text 141237\n", + "Completed text 141238\n", + "Completed text 141239\n", + "Completed text 141240\n", + "Completed text 141241\n", + "Completed text 141242\n", + "Completed text 141243\n", + "Completed text 141244\n", + "Completed text 141245\n", + "Completed text 141246\n", + "Completed text 141247\n", + "Completed text 141248\n", + "Completed text 141249\n", + "Completed text 141250\n", + "Completed text 141251\n", + "Completed text 141252\n", + "Completed text 141253\n", + "Completed text 141254\n", + "Completed text 141255\n", + "Completed text 141256\n", + "Completed text 141257\n", + "Completed text 141258\n", + "Completed text 141259\n", + "Completed text 141260\n", + "Completed text 141261\n", + "Completed text 141262\n", + "Completed text 141263\n", + "Completed text 141264\n", + "Completed text 141265\n", + "Completed text 141266\n", + "Completed text 141267\n", + "Completed text 141268\n", + "Completed text 141269\n", + "Completed text 141270\n", + "Completed text 141271\n", + "Completed text 141272\n", + "Completed text 141273\n", + "Completed text 141274\n", + "Completed text 141275\n", + "Completed text 141276\n", + "Completed text 141277\n", + "Completed text 141278\n", + "Completed text 141279\n", + "Completed text 141280\n", + "Completed text 141281\n", + "Completed text 141282\n", + "Completed text 141283\n", + "Completed text 141284\n", + "Completed text 141285\n", + "Completed text 141286\n", + "Completed text 141287\n", + "Completed text 141288\n", + "Completed text 141289\n", + "Completed text 141290\n", + "Completed text 141291\n", + "Completed text 141292\n", + "Completed text 141293\n", + "Completed text 141294\n", + "Completed text 141295\n", + "Completed text 141296\n", + "Completed text 141297\n", + "Completed text 141298\n", + "Completed text 141299\n", + "Completed text 141300\n", + "Completed text 141301\n", + "Completed text 141302\n", + "Completed text 141303\n", + "Completed text 141304\n", + "Completed text 141305\n", + "Completed text 141306\n", + "Completed text 141307\n", + "Completed text 141308\n", + "Completed text 141309\n", + "Completed text 141310\n", + "Completed text 141311\n", + "Completed text 141312\n", + "Completed text 141313\n", + "Completed text 141314\n", + "Completed text 141315\n", + "Completed text 141316\n", + "Completed text 141317\n", + "Completed text 141318\n", + "Completed text 141319\n", + "Completed text 141320\n", + "Completed text 141321\n", + "Completed text 141322\n", + "Completed text 141323\n", + "Completed text 141324\n", + "Completed text 141325\n", + "Completed text 141326\n", + "Completed text 141327\n", + "Completed text 141328\n", + "Completed text 141329\n", + "Completed text 141330\n", + "Completed text 141331\n", + "Completed text 141332\n", + "Completed text 141333\n", + "Completed text 141334\n", + "Completed text 141335\n", + "Completed text 141336\n", + "Completed text 141337\n", + "Completed text 141338\n", + "Completed text 141339\n", + "Completed text 141340\n", + "Completed text 141341\n", + "Completed text 141342\n", + "Completed text 141343\n", + "Completed text 141344\n", + "Completed text 141345\n", + "Completed text 141346\n", + "Completed text 141347\n", + "Completed text 141348\n", + "Completed text 141349\n", + "Completed text 141350\n", + "Completed text 141351\n", + "Completed text 141352\n", + "Completed text 141353\n", + "Completed text 141354\n", + "Completed text 141355\n", + "Completed text 141356\n", + "Completed text 141357\n", + "Completed text 141358\n", + "Completed text 141359\n", + "Completed text 141360\n", + "Completed text 141361\n", + "Completed text 141362\n", + "Completed text 141363\n", + "Completed text 141364\n", + "Completed text 141365\n", + "Completed text 141366\n", + "Completed text 141367\n", + "Completed text 141368\n", + "Completed text 141369\n", + "Completed text 141370\n", + "Completed text 141371\n", + "Completed text 141372\n", + "Completed text 141373\n", + "Completed text 141374\n", + "Completed text 141375\n", + "Completed text 141376\n", + "Completed text 141377\n", + "Completed text 141378\n", + "Completed text 141379\n", + "Completed text 141380\n", + "Completed text 141381\n", + "Completed text 141382\n", + "Completed text 141383\n", + "Completed text 141384\n", + "Completed text 141385\n", + "Completed text 141386\n", + "Completed text 141387\n", + "Completed text 141388\n", + "Completed text 141389\n", + "Completed text 141390\n", + "Completed text 141391\n", + "Completed text 141392\n", + "Completed text 141393\n", + "Completed text 141394\n", + "Completed text 141395\n", + "Completed text 141396\n", + "Completed text 141397\n", + "Completed text 141398\n", + "Completed text 141399\n", + "Completed text 141400\n", + "Completed text 141401\n", + "Completed text 141402\n", + "Completed text 141403\n", + "Completed text 141404\n", + "Completed text 141405\n", + "Completed text 141406\n", + "Completed text 141407\n", + "Completed text 141408\n", + "Completed text 141409\n", + "Completed text 141410\n", + "Completed text 141411\n", + "Completed text 141412\n", + "Completed text 141413\n", + "Completed text 141414\n", + "Completed text 141415\n", + "Completed text 141416\n", + "Completed text 141417\n", + "Completed text 141418\n", + "Completed text 141419\n", + "Completed text 141420\n", + "Completed text 141421\n", + "Completed text 141422\n", + "Completed text 141423\n", + "Completed text 141424\n", + "Completed text 141425\n", + "Completed text 141426\n", + "Completed text 141427\n", + "Completed text 141428\n", + "Completed text 141429\n", + "Completed text 141430\n", + "Completed text 141431\n", + "Completed text 141432\n", + "Completed text 141433\n", + "Completed text 141434\n", + "Completed text 141435\n", + "Completed text 141436\n", + "Completed text 141437\n", + "Completed text 141438\n", + "Completed text 141439\n", + "Completed text 141440\n", + "Completed text 141441\n", + "Completed text 141442\n", + "Completed text 141443\n", + "Completed text 141444\n", + "Completed text 141445\n", + "Completed text 141446\n", + "Completed text 141447\n", + "Completed text 141448\n", + "Completed text 141449\n", + "Completed text 141450\n", + "Completed text 141451\n", + "Completed text 141452\n", + "Completed text 141453\n", + "Completed text 141454\n", + "Completed text 141455\n", + "Completed text 141456\n", + "Completed text 141457\n", + "Completed text 141458\n", + "Completed text 141459\n", + "Completed text 141460\n", + "Completed text 141461\n", + "Completed text 141462\n", + "Completed text 141463\n", + "Completed text 141464\n", + "Completed text 141465\n", + "Completed text 141466\n", + "Completed text 141467\n", + "Completed text 141468\n", + "Completed text 141469\n", + "Completed text 141470\n", + "Completed text 141471\n", + "Completed text 141472\n", + "Completed text 141473\n", + "Completed text 141474\n", + "Completed text 141475\n", + "Completed text 141476\n", + "Completed text 141477\n", + "Completed text 141478\n", + "Completed text 141479\n", + "Completed text 141480\n", + "Completed text 141481\n", + "Completed text 141482\n", + "Completed text 141483\n", + "Completed text 141484\n", + "Completed text 141485\n", + "Completed text 141486\n", + "Completed text 141487\n", + "Completed text 141488\n", + "Completed text 141489\n", + "Completed text 141490\n", + "Completed text 141491\n", + "Completed text 141492\n", + "Completed text 141493\n", + "Completed text 141494\n", + "Completed text 141495\n", + "Completed text 141496\n", + "Completed text 141497\n", + "Completed text 141498\n", + "Completed text 141499\n", + "Completed text 141500\n", + "Completed text 141501\n", + "Completed text 141502\n", + "Completed text 141503\n", + "Completed text 141504\n", + "Completed text 141505\n", + "Completed text 141506\n", + "Completed text 141507\n", + "Completed text 141508\n", + "Completed text 141509\n", + "Completed text 141510\n", + "Completed text 141511\n", + "Completed text 141512\n", + "Completed text 141513\n", + "Completed text 141514\n", + "Completed text 141515\n", + "Completed text 141516\n", + "Completed text 141517\n", + "Completed text 141518\n", + "Completed text 141519\n", + "Completed text 141520\n", + "Completed text 141521\n", + "Completed text 141522\n", + "Completed text 141523\n", + "Completed text 141524\n", + "Completed text 141525\n", + "Completed text 141526\n", + "Completed text 141527\n", + "Completed text 141528\n", + "Completed text 141529\n", + "Completed text 141530\n", + "Completed text 141531\n", + "Completed text 141532\n", + "Completed text 141533\n", + "Completed text 141534\n", + "Completed text 141535\n", + "Completed text 141536\n", + "Completed text 141537\n", + "Completed text 141538\n", + "Completed text 141539\n", + "Completed text 141540\n", + "Completed text 141541\n", + "Completed text 141542\n", + "Completed text 141543\n", + "Completed text 141544\n", + "Completed text 141545\n", + "Completed text 141546\n", + "Completed text 141547\n", + "Completed text 141548\n", + "Completed text 141549\n", + "Completed text 141550\n", + "Completed text 141551\n", + "Completed text 141552\n", + "Completed text 141553\n", + "Completed text 141554\n", + "Completed text 141555\n", + "Completed text 141556\n", + "Completed text 141557\n", + "Completed text 141558\n", + "Completed text 141559\n", + "Completed text 141560\n", + "Completed text 141561\n", + "Completed text 141562\n", + "Completed text 141563\n", + "Completed text 141564\n", + "Completed text 141565\n", + "Completed text 141566\n", + "Completed text 141567\n", + "Completed text 141568\n", + "Completed text 141569\n", + "Completed text 141570\n", + "Completed text 141571\n", + "Completed text 141572\n", + "Completed text 141573\n", + "Completed text 141574\n", + "Completed text 141575\n", + "Completed text 141576\n", + "Completed text 141577\n", + "Completed text 141578\n", + "Completed text 141579\n", + "Completed text 141580\n", + "Completed text 141581\n", + "Completed text 141582\n", + "Completed text 141583\n", + "Completed text 141584\n", + "Completed text 141585\n", + "Completed text 141586\n", + "Completed text 141587\n", + "Completed text 141588\n", + "Completed text 141589\n", + "Completed text 141590\n", + "Completed text 141591\n", + "Completed text 141592\n", + "Completed text 141593\n", + "Completed text 141594\n", + "Completed text 141595\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 141596\n", + "Completed text 141597\n", + "Completed text 141598\n", + "Completed text 141599\n", + "Completed text 141600\n", + "Completed text 141601\n", + "Completed text 141602\n", + "Completed text 141603\n", + "Completed text 141604\n", + "Completed text 141605\n", + "Completed text 141606\n", + "Completed text 141607\n", + "Completed text 141608\n", + "Completed text 141609\n", + "Completed text 141610\n", + "Completed text 141611\n", + "Completed text 141612\n", + "Completed text 141613\n", + "Completed text 141614\n", + "Completed text 141615\n", + "Completed text 141616\n", + "Completed text 141617\n", + "Completed text 141618\n", + "Completed text 141619\n", + "Completed text 141620\n", + "Completed text 141621\n", + "Completed text 141622\n", + "Completed text 141623\n", + "Completed text 141624\n", + "Completed text 141625\n", + "Completed text 141626\n", + "Completed text 141627\n", + "Completed text 141628\n", + "Completed text 141629\n", + "Completed text 141630\n", + "Completed text 141631\n", + "Completed text 141632\n", + "Completed text 141633\n", + "Completed text 141634\n", + "Completed text 141635\n", + "Completed text 141636\n", + "Completed text 141637\n", + "Completed text 141638\n", + "Completed text 141639\n", + "Completed text 141640\n", + "Completed text 141641\n", + "Completed text 141642\n", + "Completed text 141643\n", + "Completed text 141644\n", + "Completed text 141645\n", + "Completed text 141646\n", + "Completed text 141647\n", + "Completed text 141648\n", + "Completed text 141649\n", + "Completed text 141650\n", + "Completed text 141651\n", + "Completed text 141652\n", + "Completed text 141653\n", + "Completed text 141654\n", + "Completed text 141655\n", + "Completed text 141656\n", + "Completed text 141657\n", + "Completed text 141658\n", + "Completed text 141659\n", + "Completed text 141660\n", + "Completed text 141661\n", + "Completed text 141662\n", + "Completed text 141663\n", + "Completed text 141664\n", + "Completed text 141665\n", + "Completed text 141666\n", + "Completed text 141667\n", + "Completed text 141668\n", + "Completed text 141669\n", + "Completed text 141670\n", + "Completed text 141671\n", + "Completed text 141672\n", + "Completed text 141673\n", + "Completed text 141674\n", + "Completed text 141675\n", + "Completed text 141676\n", + "Completed text 141677\n", + "Completed text 141678\n", + "Completed text 141679\n", + "Completed text 141680\n", + "Completed text 141681\n", + "Completed text 141682\n", + "Completed text 141683\n", + "Completed text 141684\n", + "Completed text 141685\n", + "Completed text 141686\n", + "Completed text 141687\n", + "Completed text 141688\n", + "Completed text 141689\n", + "Completed text 141690\n", + "Completed text 141691\n", + "Completed text 141692\n", + "Completed text 141693\n", + "Completed text 141694\n", + "Completed text 141695\n", + "Completed text 141696\n", + "Completed text 141697\n", + "Completed text 141698\n", + "Completed text 141699\n", + "Completed text 141700\n", + "Completed text 141701\n", + "Completed text 141702\n", + "Completed text 141703\n", + "Completed text 141704\n", + "Completed text 141705\n", + "Completed text 141706\n", + "Completed text 141707\n", + "Completed text 141708\n", + "Completed text 141709\n", + "Completed text 141710\n", + "Completed text 141711\n", + "Completed text 141712\n", + "Completed text 141713\n", + "Completed text 141714\n", + "Completed text 141715\n", + "Completed text 141716\n", + "Completed text 141717\n", + "Completed text 141718\n", + "Completed text 141719\n", + "Completed text 141720\n", + "Completed text 141721\n", + "Completed text 141722\n", + "Completed text 141723\n", + "Completed text 141724\n", + "Completed text 141725\n", + "Completed text 141726\n", + "Completed text 141727\n", + "Completed text 141728\n", + "Completed text 141729\n", + "Completed text 141730\n", + "Completed text 141731\n", + "Completed text 141732\n", + "Completed text 141733\n", + "Completed text 141734\n", + "Completed text 141735\n", + "Completed text 141736\n", + "Completed text 141737\n", + "Completed text 141738\n", + "Completed text 141739\n", + "Completed text 141740\n", + "Completed text 141741\n", + "Completed text 141742\n", + "Completed text 141743\n", + "Completed text 141744\n", + "Completed text 141745\n", + "Completed text 141746\n", + "Completed text 141747\n", + "Completed text 141748\n", + "Completed text 141749\n", + "Completed text 141750\n", + "Completed text 141751\n", + "Completed text 141752\n", + "Completed text 141753\n", + "Completed text 141754\n", + "Completed text 141755\n", + "Completed text 141756\n", + "Completed text 141757\n", + "Completed text 141758\n", + "Completed text 141759\n", + "Completed text 141760\n", + "Completed text 141761\n", + "Completed text 141762\n", + "Completed text 141763\n", + "Completed text 141764\n", + "Completed text 141765\n", + "Completed text 141766\n", + "Completed text 141767\n", + "Completed text 141768\n", + "Completed text 141769\n", + "Completed text 141770\n", + "Completed text 141771\n", + "Completed text 141772\n", + "Completed text 141773\n", + "Completed text 141774\n", + "Completed text 141775\n", + "Completed text 141776\n", + "Completed text 141777\n", + "Completed text 141778\n", + "Completed text 141779\n", + "Completed text 141780\n", + "Completed text 141781\n", + "Completed text 141782\n", + "Completed text 141783\n", + "Completed text 141784\n", + "Completed text 141785\n", + "Completed text 141786\n", + "Completed text 141787\n", + "Completed text 141788\n", + "Completed text 141789\n", + "Completed text 141790\n", + "Completed text 141791\n", + "Completed text 141792\n", + "Completed text 141793\n", + "Completed text 141794\n", + "Completed text 141795\n", + "Completed text 141796\n", + "Completed text 141797\n", + "Completed text 141798\n", + "Completed text 141799\n", + "Completed text 141800\n", + "Completed text 141801\n", + "Completed text 141802\n", + "Completed text 141803\n", + "Completed text 141804\n", + "Completed text 141805\n", + "Completed text 141806\n", + "Completed text 141807\n", + "Completed text 141808\n", + "Completed text 141809\n", + "Completed text 141810\n", + "Completed text 141811\n", + "Completed text 141812\n", + "Completed text 141813\n", + "Completed text 141814\n", + "Completed text 141815\n", + "Completed text 141816\n", + "Completed text 141817\n", + "Completed text 141818\n", + "Completed text 141819\n", + "Completed text 141820\n", + "Completed text 141821\n", + "Completed text 141822\n", + "Completed text 141823\n", + "Completed text 141824\n", + "Completed text 141825\n", + "Completed text 141826\n", + "Completed text 141827\n", + "Completed text 141828\n", + "Completed text 141829\n", + "Completed text 141830\n", + "Completed text 141831\n", + "Completed text 141832\n", + "Completed text 141833\n", + "Completed text 141834\n", + "Completed text 141835\n", + "Completed text 141836\n", + "Completed text 141837\n", + "Completed text 141838\n", + "Completed text 141839\n", + "Completed text 141840\n", + "Completed text 141841\n", + "Completed text 141842\n", + "Completed text 141843\n", + "Completed text 141844\n", + "Completed text 141845\n", + "Completed text 141846\n", + "Completed text 141847\n", + "Completed text 141848\n", + "Completed text 141849\n", + "Completed text 141850\n", + "Completed text 141851\n", + "Completed text 141852\n", + "Completed text 141853\n", + "Completed text 141854\n", + "Completed text 141855\n", + "Completed text 141856\n", + "Completed text 141857\n", + "Completed text 141858\n", + "Completed text 141859\n", + "Completed text 141860\n", + "Completed text 141861\n", + "Completed text 141862\n", + "Completed text 141863\n", + "Completed text 141864\n", + "Completed text 141865\n", + "Completed text 141866\n", + "Completed text 141867\n", + "Completed text 141868\n", + "Completed text 141869\n", + "Completed text 141870\n", + "Completed text 141871\n", + "Completed text 141872\n", + "Completed text 141873\n", + "Completed text 141874\n", + "Completed text 141875\n", + "Completed text 141876\n", + "Completed text 141877\n", + "Completed text 141878\n", + "Completed text 141879\n", + "Completed text 141880\n", + "Completed text 141881\n", + "Completed text 141882\n", + "Completed text 141883\n", + "Completed text 141884\n", + "Completed text 141885\n", + "Completed text 141886\n", + "Completed text 141887\n", + "Completed text 141888\n", + "Completed text 141889\n", + "Completed text 141890\n", + "Completed text 141891\n", + "Completed text 141892\n", + "Completed text 141893\n", + "Completed text 141894\n", + "Completed text 141895\n", + "Completed text 141896\n", + "Completed text 141897\n", + "Completed text 141898\n", + "Completed text 141899\n", + "Completed text 141900\n", + "Completed text 141901\n", + "Completed text 141902\n", + "Completed text 141903\n", + "Completed text 141904\n", + "Completed text 141905\n", + "Completed text 141906\n", + "Completed text 141907\n", + "Completed text 141908\n", + "Completed text 141909\n", + "Completed text 141910\n", + "Completed text 141911\n", + "Completed text 141912\n", + "Completed text 141913\n", + "Completed text 141914\n", + "Completed text 141915\n", + "Completed text 141916\n", + "Completed text 141917\n", + "Completed text 141918\n", + "Completed text 141919\n", + "Completed text 141920\n", + "Completed text 141921\n", + "Completed text 141922\n", + "Completed text 141923\n", + "Completed text 141924\n", + "Completed text 141925\n", + "Completed text 141926\n", + "Completed text 141927\n", + "Completed text 141928\n", + "Completed text 141929\n", + "Completed text 141930\n", + "Completed text 141931\n", + "Completed text 141932\n", + "Completed text 141933\n", + "Completed text 141934\n", + "Completed text 141935\n", + "Completed text 141936\n", + "Completed text 141937\n", + "Completed text 141938\n", + "Completed text 141939\n", + "Completed text 141940\n", + "Completed text 141941\n", + "Completed text 141942\n", + "Completed text 141943\n", + "Completed text 141944\n", + "Completed text 141945\n", + "Completed text 141946\n", + "Completed text 141947\n", + "Completed text 141948\n", + "Completed text 141949\n", + "Completed text 141950\n", + "Completed text 141951\n", + "Completed text 141952\n", + "Completed text 141953\n", + "Completed text 141954\n", + "Completed text 141955\n", + "Completed text 141956\n", + "Completed text 141957\n", + "Completed text 141958\n", + "Completed text 141959\n", + "Completed text 141960\n", + "Completed text 141961\n", + "Completed text 141962\n", + "Completed text 141963\n", + "Completed text 141964\n", + "Completed text 141965\n", + "Completed text 141966\n", + "Completed text 141967\n", + "Completed text 141968\n", + "Completed text 141969\n", + "Completed text 141970\n", + "Completed text 141971\n", + "Completed text 141972\n", + "Completed text 141973\n", + "Completed text 141974\n", + "Completed text 141975\n", + "Completed text 141976\n", + "Completed text 141977\n", + "Completed text 141978\n", + "Completed text 141979\n", + "Completed text 141980\n", + "Completed text 141981\n", + "Completed text 141982\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 141983\n", + "Completed text 141984\n", + "Completed text 141985\n", + "Completed text 141986\n", + "Completed text 141987\n", + "Completed text 141988\n", + "Completed text 141989\n", + "Completed text 141990\n", + "Completed text 141991\n", + "Completed text 141992\n", + "Completed text 141993\n", + "Completed text 141994\n", + "Completed text 141995\n", + "Completed text 141996\n", + "Completed text 141997\n", + "Completed text 141998\n", + "Completed text 141999\n", + "Completed text 142000\n", + "Completed text 142001\n", + "Completed text 142002\n", + "Completed text 142003\n", + "Completed text 142004\n", + "Completed text 142005\n", + "Completed text 142006\n", + "Completed text 142007\n", + "Completed text 142008\n", + "Completed text 142009\n", + "Completed text 142010\n", + "Completed text 142011\n", + "Completed text 142012\n", + "Completed text 142013\n", + "Completed text 142014\n", + "Completed text 142015\n", + "Completed text 142016\n", + "Completed text 142017\n", + "Completed text 142018\n", + "Completed text 142019\n", + "Completed text 142020\n", + "Completed text 142021\n", + "Completed text 142022\n", + "Completed text 142023\n", + "Completed text 142024\n", + "Completed text 142025\n", + "Completed text 142026\n", + "Completed text 142027\n", + "Completed text 142028\n", + "Completed text 142029\n", + "Completed text 142030\n", + "Completed text 142031\n", + "Completed text 142032\n", + "Completed text 142033\n", + "Completed text 142034\n", + "Completed text 142035\n", + "Completed text 142036\n", + "Completed text 142037\n", + "Completed text 142038\n", + "Completed text 142039\n", + "Completed text 142040\n", + "Completed text 142041\n", + "Completed text 142042\n", + "Completed text 142043\n", + "Completed text 142044\n", + "Completed text 142045\n", + "Completed text 142046\n", + "Completed text 142047\n", + "Completed text 142048\n", + "Completed text 142049\n", + "Completed text 142050\n", + "Completed text 142051\n", + "Completed text 142052\n", + "Completed text 142053\n", + "Completed text 142054\n", + "Completed text 142055\n", + "Completed text 142056\n", + "Completed text 142057\n", + "Completed text 142058\n", + "Completed text 142059\n", + "Completed text 142060\n", + "Completed text 142061\n", + "Completed text 142062\n", + "Completed text 142063\n", + "Completed text 142064\n", + "Completed text 142065\n", + "Completed text 142066\n", + "Completed text 142067\n", + "Completed text 142068\n", + "Completed text 142069\n", + "Completed text 142070\n", + "Completed text 142071\n", + "Completed text 142072\n", + "Completed text 142073\n", + "Completed text 142074\n", + "Completed text 142075\n", + "Completed text 142076\n", + "Completed text 142077\n", + "Completed text 142078\n", + "Completed text 142079\n", + "Completed text 142080\n", + "Completed text 142081\n", + "Completed text 142082\n", + "Completed text 142083\n", + "Completed text 142084\n", + "Completed text 142085\n", + "Completed text 142086\n", + "Completed text 142087\n", + "Completed text 142088\n", + "Completed text 142089\n", + "Completed text 142090\n", + "Completed text 142091\n", + "Completed text 142092\n", + "Completed text 142093\n", + "Completed text 142094\n", + "Completed text 142095\n", + "Completed text 142096\n", + "Completed text 142097\n", + "Completed text 142098\n", + "Completed text 142099\n", + "Completed text 142100\n", + "Completed text 142101\n", + "Completed text 142102\n", + "Completed text 142103\n", + "Completed text 142104\n", + "Completed text 142105\n", + "Completed text 142106\n", + "Completed text 142107\n", + "Completed text 142108\n", + "Completed text 142109\n", + "Completed text 142110\n", + "Completed text 142111\n", + "Completed text 142112\n", + "Completed text 142113\n", + "Completed text 142114\n", + "Completed text 142115\n", + "Completed text 142116\n", + "Completed text 142117\n", + "Completed text 142118\n", + "Completed text 142119\n", + "Completed text 142120\n", + "Completed text 142121\n", + "Completed text 142122\n", + "Completed text 142123\n", + "Completed text 142124\n", + "Completed text 142125\n", + "Completed text 142126\n", + "Completed text 142127\n", + "Completed text 142128\n", + "Completed text 142129\n", + "Completed text 142130\n", + "Completed text 142131\n", + "Completed text 142132\n", + "Completed text 142133\n", + "Completed text 142134\n", + "Completed text 142135\n", + "Completed text 142136\n", + "Completed text 142137\n", + "Completed text 142138\n", + "Completed text 142139\n", + "Completed text 142140\n", + "Completed text 142141\n", + "Completed text 142142\n", + "Completed text 142143\n", + "Completed text 142144\n", + "Completed text 142145\n", + "Completed text 142146\n", + "Completed text 142147\n", + "Completed text 142148\n", + "Completed text 142149\n", + "Completed text 142150\n", + "Completed text 142151\n", + "Completed text 142152\n", + "Completed text 142153\n", + "Completed text 142154\n", + "Completed text 142155\n", + "Completed text 142156\n", + "Completed text 142157\n", + "Completed text 142158\n", + "Completed text 142159\n", + "Completed text 142160\n", + "Completed text 142161\n", + "Completed text 142162\n", + "Completed text 142163\n", + "Completed text 142164\n", + "Completed text 142165\n", + "Completed text 142166\n", + "Completed text 142167\n", + "Completed text 142168\n", + "Completed text 142169\n", + "Completed text 142170\n", + "Completed text 142171\n", + "Completed text 142172\n", + "Completed text 142173\n", + "Completed text 142174\n", + "Completed text 142175\n", + "Completed text 142176\n", + "Completed text 142177\n", + "Completed text 142178\n", + "Completed text 142179\n", + "Completed text 142180\n", + "Completed text 142181\n", + "Completed text 142182\n", + "Completed text 142183\n", + "Completed text 142184\n", + "Completed text 142185\n", + "Completed text 142186\n", + "Completed text 142187\n", + "Completed text 142188\n", + "Completed text 142189\n", + "Completed text 142190\n", + "Completed text 142191\n", + "Completed text 142192\n", + "Completed text 142193\n", + "Completed text 142194\n", + "Completed text 142195\n", + "Completed text 142196\n", + "Completed text 142197\n", + "Completed text 142198\n", + "Completed text 142199\n", + "Completed text 142200\n", + "Completed text 142201\n", + "Completed text 142202\n", + "Completed text 142203\n", + "Completed text 142204\n", + "Completed text 142205\n", + "Completed text 142206\n", + "Completed text 142207\n", + "Completed text 142208\n", + "Completed text 142209\n", + "Completed text 142210\n", + "Completed text 142211\n", + "Completed text 142212\n", + "Completed text 142213\n", + "Completed text 142214\n", + "Completed text 142215\n", + "Completed text 142216\n", + "Completed text 142217\n", + "Completed text 142218\n", + "Completed text 142219\n", + "Completed text 142220\n", + "Completed text 142221\n", + "Completed text 142222\n", + "Completed text 142223\n", + "Completed text 142224\n", + "Completed text 142225\n", + "Completed text 142226\n", + "Completed text 142227\n", + "Completed text 142228\n", + "Completed text 142229\n", + "Completed text 142230\n", + "Completed text 142231\n", + "Completed text 142232\n", + "Completed text 142233\n", + "Completed text 142234\n", + "Completed text 142235\n", + "Completed text 142236\n", + "Completed text 142237\n", + "Completed text 142238\n", + "Completed text 142239\n", + "Completed text 142240\n", + "Completed text 142241\n", + "Completed text 142242\n", + "Completed text 142243\n", + "Completed text 142244\n", + "Completed text 142245\n", + "Completed text 142246\n", + "Completed text 142247\n", + "Completed text 142248\n", + "Completed text 142249\n", + "Completed text 142250\n", + "Completed text 142251\n", + "Completed text 142252\n", + "Completed text 142253\n", + "Completed text 142254\n", + "Completed text 142255\n", + "Completed text 142256\n", + "Completed text 142257\n", + "Completed text 142258\n", + "Completed text 142259\n", + "Completed text 142260\n", + "Completed text 142261\n", + "Completed text 142262\n", + "Completed text 142263\n", + "Completed text 142264\n", + "Completed text 142265\n", + "Completed text 142266\n", + "Completed text 142267\n", + "Completed text 142268\n", + "Completed text 142269\n", + "Completed text 142270\n", + "Completed text 142271\n", + "Completed text 142272\n", + "Completed text 142273\n", + "Completed text 142274\n", + "Completed text 142275\n", + "Completed text 142276\n", + "Completed text 142277\n", + "Completed text 142278\n", + "Completed text 142279\n", + "Completed text 142280\n", + "Completed text 142281\n", + "Completed text 142282\n", + "Completed text 142283\n", + "Completed text 142284\n", + "Completed text 142285\n", + "Completed text 142286\n", + "Completed text 142287\n", + "Completed text 142288\n", + "Completed text 142289\n", + "Completed text 142290\n", + "Completed text 142291\n", + "Completed text 142292\n", + "Completed text 142293\n", + "Completed text 142294\n", + "Completed text 142295\n", + "Completed text 142296\n", + "Completed text 142297\n", + "Completed text 142298\n", + "Completed text 142299\n", + "Completed text 142300\n", + "Completed text 142301\n", + "Completed text 142302\n", + "Completed text 142303\n", + "Completed text 142304\n", + "Completed text 142305\n", + "Completed text 142306\n", + "Completed text 142307\n", + "Completed text 142308\n", + "Completed text 142309\n", + "Completed text 142310\n", + "Completed text 142311\n", + "Completed text 142312\n", + "Completed text 142313\n", + "Completed text 142314\n", + "Completed text 142315\n", + "Completed text 142316\n", + "Completed text 142317\n", + "Completed text 142318\n", + "Completed text 142319\n", + "Completed text 142320\n", + "Completed text 142321\n", + "Completed text 142322\n", + "Completed text 142323\n", + "Completed text 142324\n", + "Completed text 142325\n", + "Completed text 142326\n", + "Completed text 142327\n", + "Completed text 142328\n", + "Completed text 142329\n", + "Completed text 142330\n", + "Completed text 142331\n", + "Completed text 142332\n", + "Completed text 142333\n", + "Completed text 142334\n", + "Completed text 142335\n", + "Completed text 142336\n", + "Completed text 142337\n", + "Completed text 142338\n", + "Completed text 142339\n", + "Completed text 142340\n", + "Completed text 142341\n", + "Completed text 142342\n", + "Completed text 142343\n", + "Completed text 142344\n", + "Completed text 142345\n", + "Completed text 142346\n", + "Completed text 142347\n", + "Completed text 142348\n", + "Completed text 142349\n", + "Completed text 142350\n", + "Completed text 142351\n", + "Completed text 142352\n", + "Completed text 142353\n", + "Completed text 142354\n", + "Completed text 142355\n", + "Completed text 142356\n", + "Completed text 142357\n", + "Completed text 142358\n", + "Completed text 142359\n", + "Completed text 142360\n", + "Completed text 142361\n", + "Completed text 142362\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 142363\n", + "Completed text 142364\n", + "Completed text 142365\n", + "Completed text 142366\n", + "Completed text 142367\n", + "Completed text 142368\n", + "Completed text 142369\n", + "Completed text 142370\n", + "Completed text 142371\n", + "Completed text 142372\n", + "Completed text 142373\n", + "Completed text 142374\n", + "Completed text 142375\n", + "Completed text 142376\n", + "Completed text 142377\n", + "Completed text 142378\n", + "Completed text 142379\n", + "Completed text 142380\n", + "Completed text 142381\n", + "Completed text 142382\n", + "Completed text 142383\n", + "Completed text 142384\n", + "Completed text 142385\n", + "Completed text 142386\n", + "Completed text 142387\n", + "Completed text 142388\n", + "Completed text 142389\n", + "Completed text 142390\n", + "Completed text 142391\n", + "Completed text 142392\n", + "Completed text 142393\n", + "Completed text 142394\n", + "Completed text 142395\n", + "Completed text 142396\n", + "Completed text 142397\n", + "Completed text 142398\n", + "Completed text 142399\n", + "Completed text 142400\n", + "Completed text 142401\n", + "Completed text 142402\n", + "Completed text 142403\n", + "Completed text 142404\n", + "Completed text 142405\n", + "Completed text 142406\n", + "Completed text 142407\n", + "Completed text 142408\n", + "Completed text 142409\n", + "Completed text 142410\n", + "Completed text 142411\n", + "Completed text 142412\n", + "Completed text 142413\n", + "Completed text 142414\n", + "Completed text 142415\n", + "Completed text 142416\n", + "Completed text 142417\n", + "Completed text 142418\n", + "Completed text 142419\n", + "Completed text 142420\n", + "Completed text 142421\n", + "Completed text 142422\n", + "Completed text 142423\n", + "Completed text 142424\n", + "Completed text 142425\n", + "Completed text 142426\n", + "Completed text 142427\n", + "Completed text 142428\n", + "Completed text 142429\n", + "Completed text 142430\n", + "Completed text 142431\n", + "Completed text 142432\n", + "Completed text 142433\n", + "Completed text 142434\n", + "Completed text 142435\n", + "Completed text 142436\n", + "Completed text 142437\n", + "Completed text 142438\n", + "Completed text 142439\n", + "Completed text 142440\n", + "Completed text 142441\n", + "Completed text 142442\n", + "Completed text 142443\n", + "Completed text 142444\n", + "Completed text 142445\n", + "Completed text 142446\n", + "Completed text 142447\n", + "Completed text 142448\n", + "Completed text 142449\n", + "Completed text 142450\n", + "Completed text 142451\n", + "Completed text 142452\n", + "Completed text 142453\n", + "Completed text 142454\n", + "Completed text 142455\n", + "Completed text 142456\n", + "Completed text 142457\n", + "Completed text 142458\n", + "Completed text 142459\n", + "Completed text 142460\n", + "Completed text 142461\n", + "Completed text 142462\n", + "Completed text 142463\n", + "Completed text 142464\n", + "Completed text 142465\n", + "Completed text 142466\n", + "Completed text 142467\n", + "Completed text 142468\n", + "Completed text 142469\n", + "Completed text 142470\n", + "Completed text 142471\n", + "Completed text 142472\n", + "Completed text 142473\n", + "Completed text 142474\n", + "Completed text 142475\n", + "Completed text 142476\n", + "Completed text 142477\n", + "Completed text 142478\n", + "Completed text 142479\n", + "Completed text 142480\n", + "Completed text 142481\n", + "Completed text 142482\n", + "Completed text 142483\n", + "Completed text 142484\n", + "Completed text 142485\n", + "Completed text 142486\n", + "Completed text 142487\n", + "Completed text 142488\n", + "Completed text 142489\n", + "Completed text 142490\n", + "Completed text 142491\n", + "Completed text 142492\n", + "Completed text 142493\n", + "Completed text 142494\n", + "Completed text 142495\n", + "Completed text 142496\n", + "Completed text 142497\n", + "Completed text 142498\n", + "Completed text 142499\n", + "Completed text 142500\n", + "Completed text 142501\n", + "Completed text 142502\n", + "Completed text 142503\n", + "Completed text 142504\n", + "Completed text 142505\n", + "Completed text 142506\n", + "Completed text 142507\n", + "Completed text 142508\n", + "Completed text 142509\n", + "Completed text 142510\n", + "Completed text 142511\n", + "Completed text 142512\n", + "Completed text 142513\n", + "Completed text 142514\n", + "Completed text 142515\n", + "Completed text 142516\n", + "Completed text 142517\n", + "Completed text 142518\n", + "Completed text 142519\n", + "Completed text 142520\n", + "Completed text 142521\n", + "Completed text 142522\n", + "Completed text 142523\n", + "Completed text 142524\n", + "Completed text 142525\n", + "Completed text 142526\n", + "Completed text 142527\n", + "Completed text 142528\n", + "Completed text 142529\n", + "Completed text 142530\n", + "Completed text 142531\n", + "Completed text 142532\n", + "Completed text 142533\n", + "Completed text 142534\n", + "Completed text 142535\n", + "Completed text 142536\n", + "Completed text 142537\n", + "Completed text 142538\n", + "Completed text 142539\n", + "Completed text 142540\n", + "Completed text 142541\n", + "Completed text 142542\n", + "Completed text 142543\n", + "Completed text 142544\n", + "Completed text 142545\n", + "Completed text 142546\n", + "Completed text 142547\n", + "Completed text 142548\n", + "Completed text 142549\n", + "Completed text 142550\n", + "Completed text 142551\n", + "Completed text 142552\n", + "Completed text 142553\n", + "Completed text 142554\n", + "Completed text 142555\n", + "Completed text 142556\n", + "Completed text 142557\n", + "Completed text 142558\n", + "Completed text 142559\n", + "Completed text 142560\n", + "Completed text 142561\n", + "Completed text 142562\n", + "Completed text 142563\n", + "Completed text 142564\n", + "Completed text 142565\n", + "Completed text 142566\n", + "Completed text 142567\n", + "Completed text 142568\n", + "Completed text 142569\n", + "Completed text 142570\n", + "Completed text 142571\n", + "Completed text 142572\n", + "Completed text 142573\n", + "Completed text 142574\n", + "Completed text 142575\n", + "Completed text 142576\n", + "Completed text 142577\n", + "Completed text 142578\n", + "Completed text 142579\n", + "Completed text 142580\n", + "Completed text 142581\n", + "Completed text 142582\n", + "Completed text 142583\n", + "Completed text 142584\n", + "Completed text 142585\n", + "Completed text 142586\n", + "Completed text 142587\n", + "Completed text 142588\n", + "Completed text 142589\n", + "Completed text 142590\n", + "Completed text 142591\n", + "Completed text 142592\n", + "Completed text 142593\n", + "Completed text 142594\n", + "Completed text 142595\n", + "Completed text 142596\n", + "Completed text 142597\n", + "Completed text 142598\n", + "Completed text 142599\n", + "Completed text 142600\n", + "Completed text 142601\n", + "Completed text 142602\n", + "Completed text 142603\n", + "Completed text 142604\n", + "Completed text 142605\n", + "Completed text 142606\n", + "Completed text 142607\n", + "Completed text 142608\n", + "Completed text 142609\n", + "Completed text 142610\n", + "Completed text 142611\n", + "Completed text 142612\n", + "Completed text 142613\n", + "Completed text 142614\n", + "Completed text 142615\n", + "Completed text 142616\n", + "Completed text 142617\n", + "Completed text 142618\n", + "Completed text 142619\n", + "Completed text 142620\n", + "Completed text 142621\n", + "Completed text 142622\n", + "Completed text 142623\n", + "Completed text 142624\n", + "Completed text 142625\n", + "Completed text 142626\n", + "Completed text 142627\n", + "Completed text 142628\n", + "Completed text 142629\n", + "Completed text 142630\n", + "Completed text 142631\n", + "Completed text 142632\n", + "Completed text 142633\n", + "Completed text 142634\n", + "Completed text 142635\n", + "Completed text 142636\n", + "Completed text 142637\n", + "Completed text 142638\n", + "Completed text 142639\n", + "Completed text 142640\n", + "Completed text 142641\n", + "Completed text 142642\n", + "Completed text 142643\n", + "Completed text 142644\n", + "Completed text 142645\n", + "Completed text 142646\n", + "Completed text 142647\n", + "Completed text 142648\n", + "Completed text 142649\n", + "Completed text 142650\n", + "Completed text 142651\n", + "Completed text 142652\n", + "Completed text 142653\n", + "Completed text 142654\n", + "Completed text 142655\n", + "Completed text 142656\n", + "Completed text 142657\n", + "Completed text 142658\n", + "Completed text 142659\n", + "Completed text 142660\n", + "Completed text 142661\n", + "Completed text 142662\n", + "Completed text 142663\n", + "Completed text 142664\n", + "Completed text 142665\n", + "Completed text 142666\n", + "Completed text 142667\n", + "Completed text 142668\n", + "Completed text 142669\n", + "Completed text 142670\n", + "Completed text 142671\n", + "Completed text 142672\n", + "Completed text 142673\n", + "Completed text 142674\n", + "Completed text 142675\n", + "Completed text 142676\n", + "Completed text 142677\n", + "Completed text 142678\n", + "Completed text 142679\n", + "Completed text 142680\n", + "Completed text 142681\n", + "Completed text 142682\n", + "Completed text 142683\n", + "Completed text 142684\n", + "Completed text 142685\n", + "Completed text 142686\n", + "Completed text 142687\n", + "Completed text 142688\n", + "Completed text 142689\n", + "Completed text 142690\n", + "Completed text 142691\n", + "Completed text 142692\n", + "Completed text 142693\n", + "Completed text 142694\n", + "Completed text 142695\n", + "Completed text 142696\n", + "Completed text 142697\n", + "Completed text 142698\n", + "Completed text 142699\n", + "Completed text 142700\n", + "Completed text 142701\n", + "Completed text 142702\n", + "Completed text 142703\n", + "Completed text 142704\n", + "Completed text 142705\n", + "Completed text 142706\n", + "Completed text 142707\n", + "Completed text 142708\n", + "Completed text 142709\n", + "Completed text 142710\n", + "Completed text 142711\n", + "Completed text 142712\n", + "Completed text 142713\n", + "Completed text 142714\n", + "Completed text 142715\n", + "Completed text 142716\n", + "Completed text 142717\n", + "Completed text 142718\n", + "Completed text 142719\n", + "Completed text 142720\n", + "Completed text 142721\n", + "Completed text 142722\n", + "Completed text 142723\n", + "Completed text 142724\n", + "Completed text 142725\n", + "Completed text 142726\n", + "Completed text 142727\n", + "Completed text 142728\n", + "Completed text 142729\n", + "Completed text 142730\n", + "Completed text 142731\n", + "Completed text 142732\n", + "Completed text 142733\n", + "Completed text 142734\n", + "Completed text 142735\n", + "Completed text 142736\n", + "Completed text 142737\n", + "Completed text 142738\n", + "Completed text 142739\n", + "Completed text 142740\n", + "Completed text 142741\n", + "Completed text 142742\n", + "Completed text 142743\n", + "Completed text 142744\n", + "Completed text 142745\n", + "Completed text 142746\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 142747\n", + "Completed text 142748\n", + "Completed text 142749\n", + "Completed text 142750\n", + "Completed text 142751\n", + "Completed text 142752\n", + "Completed text 142753\n", + "Completed text 142754\n", + "Completed text 142755\n", + "Completed text 142756\n", + "Completed text 142757\n", + "Completed text 142758\n", + "Completed text 142759\n", + "Completed text 142760\n", + "Completed text 142761\n", + "Completed text 142762\n", + "Completed text 142763\n", + "Completed text 142764\n", + "Completed text 142765\n", + "Completed text 142766\n", + "Completed text 142767\n", + "Completed text 142768\n", + "Completed text 142769\n", + "Completed text 142770\n", + "Completed text 142771\n", + "Completed text 142772\n", + "Completed text 142773\n", + "Completed text 142774\n", + "Completed text 142775\n", + "Completed text 142776\n", + "Completed text 142777\n", + "Completed text 142778\n", + "Completed text 142779\n", + "Completed text 142780\n", + "Completed text 142781\n", + "Completed text 142782\n", + "Completed text 142783\n", + "Completed text 142784\n", + "Completed text 142785\n", + "Completed text 142786\n", + "Completed text 142787\n", + "Completed text 142788\n", + "Completed text 142789\n", + "Completed text 142790\n", + "Completed text 142791\n", + "Completed text 142792\n", + "Completed text 142793\n", + "Completed text 142794\n", + "Completed text 142795\n", + "Completed text 142796\n", + "Completed text 142797\n", + "Completed text 142798\n", + "Completed text 142799\n", + "Completed text 142800\n", + "Completed text 142801\n", + "Completed text 142802\n", + "Completed text 142803\n", + "Completed text 142804\n", + "Completed text 142805\n", + "Completed text 142806\n", + "Completed text 142807\n", + "Completed text 142808\n", + "Completed text 142809\n", + "Completed text 142810\n", + "Completed text 142811\n", + "Completed text 142812\n", + "Completed text 142813\n", + "Completed text 142814\n", + "Completed text 142815\n", + "Completed text 142816\n", + "Completed text 142817\n", + "Completed text 142818\n", + "Completed text 142819\n", + "Completed text 142820\n", + "Completed text 142821\n", + "Completed text 142822\n", + "Completed text 142823\n", + "Completed text 142824\n", + "Completed text 142825\n", + "Completed text 142826\n", + "Completed text 142827\n", + "Completed text 142828\n", + "Completed text 142829\n", + "Completed text 142830\n", + "Completed text 142831\n", + "Completed text 142832\n", + "Completed text 142833\n", + "Completed text 142834\n", + "Completed text 142835\n", + "Completed text 142836\n", + "Completed text 142837\n", + "Completed text 142838\n", + "Completed text 142839\n", + "Completed text 142840\n", + "Completed text 142841\n", + "Completed text 142842\n", + "Completed text 142843\n", + "Completed text 142844\n", + "Completed text 142845\n", + "Completed text 142846\n", + "Completed text 142847\n", + "Completed text 142848\n", + "Completed text 142849\n", + "Completed text 142850\n", + "Completed text 142851\n", + "Completed text 142852\n", + "Completed text 142853\n", + "Completed text 142854\n", + "Completed text 142855\n", + "Completed text 142856\n", + "Completed text 142857\n", + "Completed text 142858\n", + "Completed text 142859\n", + "Completed text 142860\n", + "Completed text 142861\n", + "Completed text 142862\n", + "Completed text 142863\n", + "Completed text 142864\n", + "Completed text 142865\n", + "Completed text 142866\n", + "Completed text 142867\n", + "Completed text 142868\n", + "Completed text 142869\n", + "Completed text 142870\n", + "Completed text 142871\n", + "Completed text 142872\n", + "Completed text 142873\n", + "Completed text 142874\n", + "Completed text 142875\n", + "Completed text 142876\n", + "Completed text 142877\n", + "Completed text 142878\n", + "Completed text 142879\n", + "Completed text 142880\n", + "Completed text 142881\n", + "Completed text 142882\n", + "Completed text 142883\n", + "Completed text 142884\n", + "Completed text 142885\n", + "Completed text 142886\n", + "Completed text 142887\n", + "Completed text 142888\n", + "Completed text 142889\n", + "Completed text 142890\n", + "Completed text 142891\n", + "Completed text 142892\n", + "Completed text 142893\n", + "Completed text 142894\n", + "Completed text 142895\n", + "Completed text 142896\n", + "Completed text 142897\n", + "Completed text 142898\n", + "Completed text 142899\n", + "Completed text 142900\n", + "Completed text 142901\n", + "Completed text 142902\n", + "Completed text 142903\n", + "Completed text 142904\n", + "Completed text 142905\n", + "Completed text 142906\n", + "Completed text 142907\n", + "Completed text 142908\n", + "Completed text 142909\n", + "Completed text 142910\n", + "Completed text 142911\n", + "Completed text 142912\n", + "Completed text 142913\n", + "Completed text 142914\n", + "Completed text 142915\n", + "Completed text 142916\n", + "Completed text 142917\n", + "Completed text 142918\n", + "Completed text 142919\n", + "Completed text 142920\n", + "Completed text 142921\n", + "Completed text 142922\n", + "Completed text 142923\n", + "Completed text 142924\n", + "Completed text 142925\n", + "Completed text 142926\n", + "Completed text 142927\n", + "Completed text 142928\n", + "Completed text 142929\n", + "Completed text 142930\n", + "Completed text 142931\n", + "Completed text 142932\n", + "Completed text 142933\n", + "Completed text 142934\n", + "Completed text 142935\n", + "Completed text 142936\n", + "Completed text 142937\n", + "Completed text 142938\n", + "Completed text 142939\n", + "Completed text 142940\n", + "Completed text 142941\n", + "Completed text 142942\n", + "Completed text 142943\n", + "Completed text 142944\n", + "Completed text 142945\n", + "Completed text 142946\n", + "Completed text 142947\n", + "Completed text 142948\n", + "Completed text 142949\n", + "Completed text 142950\n", + "Completed text 142951\n", + "Completed text 142952\n", + "Completed text 142953\n", + "Completed text 142954\n", + "Completed text 142955\n", + "Completed text 142956\n", + "Completed text 142957\n", + "Completed text 142958\n", + "Completed text 142959\n", + "Completed text 142960\n", + "Completed text 142961\n", + "Completed text 142962\n", + "Completed text 142963\n", + "Completed text 142964\n", + "Completed text 142965\n", + "Completed text 142966\n", + "Completed text 142967\n", + "Completed text 142968\n", + "Completed text 142969\n", + "Completed text 142970\n", + "Completed text 142971\n", + "Completed text 142972\n", + "Completed text 142973\n", + "Completed text 142974\n", + "Completed text 142975\n", + "Completed text 142976\n", + "Completed text 142977\n", + "Completed text 142978\n", + "Completed text 142979\n", + "Completed text 142980\n", + "Completed text 142981\n", + "Completed text 142982\n", + "Completed text 142983\n", + "Completed text 142984\n", + "Completed text 142985\n", + "Completed text 142986\n", + "Completed text 142987\n", + "Completed text 142988\n", + "Completed text 142989\n", + "Completed text 142990\n", + "Completed text 142991\n", + "Completed text 142992\n", + "Completed text 142993\n", + "Completed text 142994\n", + "Completed text 142995\n", + "Completed text 142996\n", + "Completed text 142997\n", + "Completed text 142998\n", + "Completed text 142999\n", + "Completed text 143000\n", + "Completed text 143001\n", + "Completed text 143002\n", + "Completed text 143003\n", + "Completed text 143004\n", + "Completed text 143005\n", + "Completed text 143006\n", + "Completed text 143007\n", + "Completed text 143008\n", + "Completed text 143009\n", + "Completed text 143010\n", + "Completed text 143011\n", + "Completed text 143012\n", + "Completed text 143013\n", + "Completed text 143014\n", + "Completed text 143015\n", + "Completed text 143016\n", + "Completed text 143017\n", + "Completed text 143018\n", + "Completed text 143019\n", + "Completed text 143020\n", + "Completed text 143021\n", + "Completed text 143022\n", + "Completed text 143023\n", + "Completed text 143024\n", + "Completed text 143025\n", + "Completed text 143026\n", + "Completed text 143027\n", + "Completed text 143028\n", + "Completed text 143029\n", + "Completed text 143030\n", + "Completed text 143031\n", + "Completed text 143032\n", + "Completed text 143033\n", + "Completed text 143034\n", + "Completed text 143035\n", + "Completed text 143036\n", + "Completed text 143037\n", + "Completed text 143038\n", + "Completed text 143039\n", + "Completed text 143040\n", + "Completed text 143041\n", + "Completed text 143042\n", + "Completed text 143043\n", + "Completed text 143044\n", + "Completed text 143045\n", + "Completed text 143046\n", + "Completed text 143047\n", + "Completed text 143048\n", + "Completed text 143049\n", + "Completed text 143050\n", + "Completed text 143051\n", + "Completed text 143052\n", + "Completed text 143053\n", + "Completed text 143054\n", + "Completed text 143055\n", + "Completed text 143056\n", + "Completed text 143057\n", + "Completed text 143058\n", + "Completed text 143059\n", + "Completed text 143060\n", + "Completed text 143061\n", + "Completed text 143062\n", + "Completed text 143063\n", + "Completed text 143064\n", + "Completed text 143065\n", + "Completed text 143066\n", + "Completed text 143067\n", + "Completed text 143068\n", + "Completed text 143069\n", + "Completed text 143070\n", + "Completed text 143071\n", + "Completed text 143072\n", + "Completed text 143073\n", + "Completed text 143074\n", + "Completed text 143075\n", + "Completed text 143076\n", + "Completed text 143077\n", + "Completed text 143078\n", + "Completed text 143079\n", + "Completed text 143080\n", + "Completed text 143081\n", + "Completed text 143082\n", + "Completed text 143083\n", + "Completed text 143084\n", + "Completed text 143085\n", + "Completed text 143086\n", + "Completed text 143087\n", + "Completed text 143088\n", + "Completed text 143089\n", + "Completed text 143090\n", + "Completed text 143091\n", + "Completed text 143092\n", + "Completed text 143093\n", + "Completed text 143094\n", + "Completed text 143095\n", + "Completed text 143096\n", + "Completed text 143097\n", + "Completed text 143098\n", + "Completed text 143099\n", + "Completed text 143100\n", + "Completed text 143101\n", + "Completed text 143102\n", + "Completed text 143103\n", + "Completed text 143104\n", + "Completed text 143105\n", + "Completed text 143106\n", + "Completed text 143107\n", + "Completed text 143108\n", + "Completed text 143109\n", + "Completed text 143110\n", + "Completed text 143111\n", + "Completed text 143112\n", + "Completed text 143113\n", + "Completed text 143114\n", + "Completed text 143115\n", + "Completed text 143116\n", + "Completed text 143117\n", + "Completed text 143118\n", + "Completed text 143119\n", + "Completed text 143120\n", + "Completed text 143121\n", + "Completed text 143122\n", + "Completed text 143123\n", + "Completed text 143124\n", + "Completed text 143125\n", + "Completed text 143126\n", + "Completed text 143127\n", + "Completed text 143128\n", + "Completed text 143129\n", + "Completed text 143130\n", + "Completed text 143131\n", + "Completed text 143132\n", + "Completed text 143133\n", + "Completed text 143134\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 143135\n", + "Completed text 143136\n", + "Completed text 143137\n", + "Completed text 143138\n", + "Completed text 143139\n", + "Completed text 143140\n", + "Completed text 143141\n", + "Completed text 143142\n", + "Completed text 143143\n", + "Completed text 143144\n", + "Completed text 143145\n", + "Completed text 143146\n", + "Completed text 143147\n", + "Completed text 143148\n", + "Completed text 143149\n", + "Completed text 143150\n", + "Completed text 143151\n", + "Completed text 143152\n", + "Completed text 143153\n", + "Completed text 143154\n", + "Completed text 143155\n", + "Completed text 143156\n", + "Completed text 143157\n", + "Completed text 143158\n", + "Completed text 143159\n", + "Completed text 143160\n", + "Completed text 143161\n", + "Completed text 143162\n", + "Completed text 143163\n", + "Completed text 143164\n", + "Completed text 143165\n", + "Completed text 143166\n", + "Completed text 143167\n", + "Completed text 143168\n", + "Completed text 143169\n", + "Completed text 143170\n", + "Completed text 143171\n", + "Completed text 143172\n", + "Completed text 143173\n", + "Completed text 143174\n", + "Completed text 143175\n", + "Completed text 143176\n", + "Completed text 143177\n", + "Completed text 143178\n", + "Completed text 143179\n", + "Completed text 143180\n", + "Completed text 143181\n", + "Completed text 143182\n", + "Completed text 143183\n", + "Completed text 143184\n", + "Completed text 143185\n", + "Completed text 143186\n", + "Completed text 143187\n", + "Completed text 143188\n", + "Completed text 143189\n", + "Completed text 143190\n", + "Completed text 143191\n", + "Completed text 143192\n", + "Completed text 143193\n", + "Completed text 143194\n", + "Completed text 143195\n", + "Completed text 143196\n", + "Completed text 143197\n", + "Completed text 143198\n", + "Completed text 143199\n", + "Completed text 143200\n", + "Completed text 143201\n", + "Completed text 143202\n", + "Completed text 143203\n", + "Completed text 143204\n", + "Completed text 143205\n", + "Completed text 143206\n", + "Completed text 143207\n", + "Completed text 143208\n", + "Completed text 143209\n", + "Completed text 143210\n", + "Completed text 143211\n", + "Completed text 143212\n", + "Completed text 143213\n", + "Completed text 143214\n", + "Completed text 143215\n", + "Completed text 143216\n", + "Completed text 143217\n", + "Completed text 143218\n", + "Completed text 143219\n", + "Completed text 143220\n", + "Completed text 143221\n", + "Completed text 143222\n", + "Completed text 143223\n", + "Completed text 143224\n", + "Completed text 143225\n", + "Completed text 143226\n", + "Completed text 143227\n", + "Completed text 143228\n", + "Completed text 143229\n", + "Completed text 143230\n", + "Completed text 143231\n", + "Completed text 143232\n", + "Completed text 143233\n", + "Completed text 143234\n", + "Completed text 143235\n", + "Completed text 143236\n", + "Completed text 143237\n", + "Completed text 143238\n", + "Completed text 143239\n", + "Completed text 143240\n", + "Completed text 143241\n", + "Completed text 143242\n", + "Completed text 143243\n", + "Completed text 143244\n", + "Completed text 143245\n", + "Completed text 143246\n", + "Completed text 143247\n", + "Completed text 143248\n", + "Completed text 143249\n", + "Completed text 143250\n", + "Completed text 143251\n", + "Completed text 143252\n", + "Completed text 143253\n", + "Completed text 143254\n", + "Completed text 143255\n", + "Completed text 143256\n", + "Completed text 143257\n", + "Completed text 143258\n", + "Completed text 143259\n", + "Completed text 143260\n", + "Completed text 143261\n", + "Completed text 143262\n", + "Completed text 143263\n", + "Completed text 143264\n", + "Completed text 143265\n", + "Completed text 143266\n", + "Completed text 143267\n", + "Completed text 143268\n", + "Completed text 143269\n", + "Completed text 143270\n", + "Completed text 143271\n", + "Completed text 143272\n", + "Completed text 143273\n", + "Completed text 143274\n", + "Completed text 143275\n", + "Completed text 143276\n", + "Completed text 143277\n", + "Completed text 143278\n", + "Completed text 143279\n", + "Completed text 143280\n", + "Completed text 143281\n", + "Completed text 143282\n", + "Completed text 143283\n", + "Completed text 143284\n", + "Completed text 143285\n", + "Completed text 143286\n", + "Completed text 143287\n", + "Completed text 143288\n", + "Completed text 143289\n", + "Completed text 143290\n", + "Completed text 143291\n", + "Completed text 143292\n", + "Completed text 143293\n", + "Completed text 143294\n", + "Completed text 143295\n", + "Completed text 143296\n", + "Completed text 143297\n", + "Completed text 143298\n", + "Completed text 143299\n", + "Completed text 143300\n", + "Completed text 143301\n", + "Completed text 143302\n", + "Completed text 143303\n", + "Completed text 143304\n", + "Completed text 143305\n", + "Completed text 143306\n", + "Completed text 143307\n", + "Completed text 143308\n", + "Completed text 143309\n", + "Completed text 143310\n", + "Completed text 143311\n", + "Completed text 143312\n", + "Completed text 143313\n", + "Completed text 143314\n", + "Completed text 143315\n", + "Completed text 143316\n", + "Completed text 143317\n", + "Completed text 143318\n", + "Completed text 143319\n", + "Completed text 143320\n", + "Completed text 143321\n", + "Completed text 143322\n", + "Completed text 143323\n", + "Completed text 143324\n", + "Completed text 143325\n", + "Completed text 143326\n", + "Completed text 143327\n", + "Completed text 143328\n", + "Completed text 143329\n", + "Completed text 143330\n", + "Completed text 143331\n", + "Completed text 143332\n", + "Completed text 143333\n", + "Completed text 143334\n", + "Completed text 143335\n", + "Completed text 143336\n", + "Completed text 143337\n", + "Completed text 143338\n", + "Completed text 143339\n", + "Completed text 143340\n", + "Completed text 143341\n", + "Completed text 143342\n", + "Completed text 143343\n", + "Completed text 143344\n", + "Completed text 143345\n", + "Completed text 143346\n", + "Completed text 143347\n", + "Completed text 143348\n", + "Completed text 143349\n", + "Completed text 143350\n", + "Completed text 143351\n", + "Completed text 143352\n", + "Completed text 143353\n", + "Completed text 143354\n", + "Completed text 143355\n", + "Completed text 143356\n", + "Completed text 143357\n", + "Completed text 143358\n", + "Completed text 143359\n", + "Completed text 143360\n", + "Completed text 143361\n", + "Completed text 143362\n", + "Completed text 143363\n", + "Completed text 143364\n", + "Completed text 143365\n", + "Completed text 143366\n", + "Completed text 143367\n", + "Completed text 143368\n", + "Completed text 143369\n", + "Completed text 143370\n", + "Completed text 143371\n", + "Completed text 143372\n", + "Completed text 143373\n", + "Completed text 143374\n", + "Completed text 143375\n", + "Completed text 143376\n", + "Completed text 143377\n", + "Completed text 143378\n", + "Completed text 143379\n", + "Completed text 143380\n", + "Completed text 143381\n", + "Completed text 143382\n", + "Completed text 143383\n", + "Completed text 143384\n", + "Completed text 143385\n", + "Completed text 143386\n", + "Completed text 143387\n", + "Completed text 143388\n", + "Completed text 143389\n", + "Completed text 143390\n", + "Completed text 143391\n", + "Completed text 143392\n", + "Completed text 143393\n", + "Completed text 143394\n", + "Completed text 143395\n", + "Completed text 143396\n", + "Completed text 143397\n", + "Completed text 143398\n", + "Completed text 143399\n", + "Completed text 143400\n", + "Completed text 143401\n", + "Completed text 143402\n", + "Completed text 143403\n", + "Completed text 143404\n", + "Completed text 143405\n", + "Completed text 143406\n", + "Completed text 143407\n", + "Completed text 143408\n", + "Completed text 143409\n", + "Completed text 143410\n", + "Completed text 143411\n", + "Completed text 143412\n", + "Completed text 143413\n", + "Completed text 143414\n", + "Completed text 143415\n", + "Completed text 143416\n", + "Completed text 143417\n", + "Completed text 143418\n", + "Completed text 143419\n", + "Completed text 143420\n", + "Completed text 143421\n", + "Completed text 143422\n", + "Completed text 143423\n", + "Completed text 143424\n", + "Completed text 143425\n", + "Completed text 143426\n", + "Completed text 143427\n", + "Completed text 143428\n", + "Completed text 143429\n", + "Completed text 143430\n", + "Completed text 143431\n", + "Completed text 143432\n", + "Completed text 143433\n", + "Completed text 143434\n", + "Completed text 143435\n", + "Completed text 143436\n", + "Completed text 143437\n", + "Completed text 143438\n", + "Completed text 143439\n", + "Completed text 143440\n", + "Completed text 143441\n", + "Completed text 143442\n", + "Completed text 143443\n", + "Completed text 143444\n", + "Completed text 143445\n", + "Completed text 143446\n", + "Completed text 143447\n", + "Completed text 143448\n", + "Completed text 143449\n", + "Completed text 143450\n", + "Completed text 143451\n", + "Completed text 143452\n", + "Completed text 143453\n", + "Completed text 143454\n", + "Completed text 143455\n", + "Completed text 143456\n", + "Completed text 143457\n", + "Completed text 143458\n", + "Completed text 143459\n", + "Completed text 143460\n", + "Completed text 143461\n", + "Completed text 143462\n", + "Completed text 143463\n", + "Completed text 143464\n", + "Completed text 143465\n", + "Completed text 143466\n", + "Completed text 143467\n", + "Completed text 143468\n", + "Completed text 143469\n", + "Completed text 143470\n", + "Completed text 143471\n", + "Completed text 143472\n", + "Completed text 143473\n", + "Completed text 143474\n", + "Completed text 143475\n", + "Completed text 143476\n", + "Completed text 143477\n", + "Completed text 143478\n", + "Completed text 143479\n", + "Completed text 143480\n", + "Completed text 143481\n", + "Completed text 143482\n", + "Completed text 143483\n", + "Completed text 143484\n", + "Completed text 143485\n", + "Completed text 143486\n", + "Completed text 143487\n", + "Completed text 143488\n", + "Completed text 143489\n", + "Completed text 143490\n", + "Completed text 143491\n", + "Completed text 143492\n", + "Completed text 143493\n", + "Completed text 143494\n", + "Completed text 143495\n", + "Completed text 143496\n", + "Completed text 143497\n", + "Completed text 143498\n", + "Completed text 143499\n", + "Completed text 143500\n", + "Completed text 143501\n", + "Completed text 143502\n", + "Completed text 143503\n", + "Completed text 143504\n", + "Completed text 143505\n", + "Completed text 143506\n", + "Completed text 143507\n", + "Completed text 143508\n", + "Completed text 143509\n", + "Completed text 143510\n", + "Completed text 143511\n", + "Completed text 143512\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 143513\n", + "Completed text 143514\n", + "Completed text 143515\n", + "Completed text 143516\n", + "Completed text 143517\n", + "Completed text 143518\n", + "Completed text 143519\n", + "Completed text 143520\n", + "Completed text 143521\n", + "Completed text 143522\n", + "Completed text 143523\n", + "Completed text 143524\n", + "Completed text 143525\n", + "Completed text 143526\n", + "Completed text 143527\n", + "Completed text 143528\n", + "Completed text 143529\n", + "Completed text 143530\n", + "Completed text 143531\n", + "Completed text 143532\n", + "Completed text 143533\n", + "Completed text 143534\n", + "Completed text 143535\n", + "Completed text 143536\n", + "Completed text 143537\n", + "Completed text 143538\n", + "Completed text 143539\n", + "Completed text 143540\n", + "Completed text 143541\n", + "Completed text 143542\n", + "Completed text 143543\n", + "Completed text 143544\n", + "Completed text 143545\n", + "Completed text 143546\n", + "Completed text 143547\n", + "Completed text 143548\n", + "Completed text 143549\n", + "Completed text 143550\n", + "Completed text 143551\n", + "Completed text 143552\n", + "Completed text 143553\n", + "Completed text 143554\n", + "Completed text 143555\n", + "Completed text 143556\n", + "Completed text 143557\n", + "Completed text 143558\n", + "Completed text 143559\n", + "Completed text 143560\n", + "Completed text 143561\n", + "Completed text 143562\n", + "Completed text 143563\n", + "Completed text 143564\n", + "Completed text 143565\n", + "Completed text 143566\n", + "Completed text 143567\n", + "Completed text 143568\n", + "Completed text 143569\n", + "Completed text 143570\n", + "Completed text 143571\n", + "Completed text 143572\n", + "Completed text 143573\n", + "Completed text 143574\n", + "Completed text 143575\n", + "Completed text 143576\n", + "Completed text 143577\n", + "Completed text 143578\n", + "Completed text 143579\n", + "Completed text 143580\n", + "Completed text 143581\n", + "Completed text 143582\n", + "Completed text 143583\n", + "Completed text 143584\n", + "Completed text 143585\n", + "Completed text 143586\n", + "Completed text 143587\n", + "Completed text 143588\n", + "Completed text 143589\n", + "Completed text 143590\n", + "Completed text 143591\n", + "Completed text 143592\n", + "Completed text 143593\n", + "Completed text 143594\n", + "Completed text 143595\n", + "Completed text 143596\n", + "Completed text 143597\n", + "Completed text 143598\n", + "Completed text 143599\n", + "Completed text 143600\n", + "Completed text 143601\n", + "Completed text 143602\n", + "Completed text 143603\n", + "Completed text 143604\n", + "Completed text 143605\n", + "Completed text 143606\n", + "Completed text 143607\n", + "Completed text 143608\n", + "Completed text 143609\n", + "Completed text 143610\n", + "Completed text 143611\n", + "Completed text 143612\n", + "Completed text 143613\n", + "Completed text 143614\n", + "Completed text 143615\n", + "Completed text 143616\n", + "Completed text 143617\n", + "Completed text 143618\n", + "Completed text 143619\n", + "Completed text 143620\n", + "Completed text 143621\n", + "Completed text 143622\n", + "Completed text 143623\n", + "Completed text 143624\n", + "Completed text 143625\n", + "Completed text 143626\n", + "Completed text 143627\n", + "Completed text 143628\n", + "Completed text 143629\n", + "Completed text 143630\n", + "Completed text 143631\n", + "Completed text 143632\n", + "Completed text 143633\n", + "Completed text 143634\n", + "Completed text 143635\n", + "Completed text 143636\n", + "Completed text 143637\n", + "Completed text 143638\n", + "Completed text 143639\n", + "Completed text 143640\n", + "Completed text 143641\n", + "Completed text 143642\n", + "Completed text 143643\n", + "Completed text 143644\n", + "Completed text 143645\n", + "Completed text 143646\n", + "Completed text 143647\n", + "Completed text 143648\n", + "Completed text 143649\n", + "Completed text 143650\n", + "Completed text 143651\n", + "Completed text 143652\n", + "Completed text 143653\n", + "Completed text 143654\n", + "Completed text 143655\n", + "Completed text 143656\n", + "Completed text 143657\n", + "Completed text 143658\n", + "Completed text 143659\n", + "Completed text 143660\n", + "Completed text 143661\n", + "Completed text 143662\n", + "Completed text 143663\n", + "Completed text 143664\n", + "Completed text 143665\n", + "Completed text 143666\n", + "Completed text 143667\n", + "Completed text 143668\n", + "Completed text 143669\n", + "Completed text 143670\n", + "Completed text 143671\n", + "Completed text 143672\n", + "Completed text 143673\n", + "Completed text 143674\n", + "Completed text 143675\n", + "Completed text 143676\n", + "Completed text 143677\n", + "Completed text 143678\n", + "Completed text 143679\n", + "Completed text 143680\n", + "Completed text 143681\n", + "Completed text 143682\n", + "Completed text 143683\n", + "Completed text 143684\n", + "Completed text 143685\n", + "Completed text 143686\n", + "Completed text 143687\n", + "Completed text 143688\n", + "Completed text 143689\n", + "Completed text 143690\n", + "Completed text 143691\n", + "Completed text 143692\n", + "Completed text 143693\n", + "Completed text 143694\n", + "Completed text 143695\n", + "Completed text 143696\n", + "Completed text 143697\n", + "Completed text 143698\n", + "Completed text 143699\n", + "Completed text 143700\n", + "Completed text 143701\n", + "Completed text 143702\n", + "Completed text 143703\n", + "Completed text 143704\n", + "Completed text 143705\n", + "Completed text 143706\n", + "Completed text 143707\n", + "Completed text 143708\n", + "Completed text 143709\n", + "Completed text 143710\n", + "Completed text 143711\n", + "Completed text 143712\n", + "Completed text 143713\n", + "Completed text 143714\n", + "Completed text 143715\n", + "Completed text 143716\n", + "Completed text 143717\n", + "Completed text 143718\n", + "Completed text 143719\n", + "Completed text 143720\n", + "Completed text 143721\n", + "Completed text 143722\n", + "Completed text 143723\n", + "Completed text 143724\n", + "Completed text 143725\n", + "Completed text 143726\n", + "Completed text 143727\n", + "Completed text 143728\n", + "Completed text 143729\n", + "Completed text 143730\n", + "Completed text 143731\n", + "Completed text 143732\n", + "Completed text 143733\n", + "Completed text 143734\n", + "Completed text 143735\n", + "Completed text 143736\n", + "Completed text 143737\n", + "Completed text 143738\n", + "Completed text 143739\n", + "Completed text 143740\n", + "Completed text 143741\n", + "Completed text 143742\n", + "Completed text 143743\n", + "Completed text 143744\n", + "Completed text 143745\n", + "Completed text 143746\n", + "Completed text 143747\n", + "Completed text 143748\n", + "Completed text 143749\n", + "Completed text 143750\n", + "Completed text 143751\n", + "Completed text 143752\n", + "Completed text 143753\n", + "Completed text 143754\n", + "Completed text 143755\n", + "Completed text 143756\n", + "Completed text 143757\n", + "Completed text 143758\n", + "Completed text 143759\n", + "Completed text 143760\n", + "Completed text 143761\n", + "Completed text 143762\n", + "Completed text 143763\n", + "Completed text 143764\n", + "Completed text 143765\n", + "Completed text 143766\n", + "Completed text 143767\n", + "Completed text 143768\n", + "Completed text 143769\n", + "Completed text 143770\n", + "Completed text 143771\n", + "Completed text 143772\n", + "Completed text 143773\n", + "Completed text 143774\n", + "Completed text 143775\n", + "Completed text 143776\n", + "Completed text 143777\n", + "Completed text 143778\n", + "Completed text 143779\n", + "Completed text 143780\n", + "Completed text 143781\n", + "Completed text 143782\n", + "Completed text 143783\n", + "Completed text 143784\n", + "Completed text 143785\n", + "Completed text 143786\n", + "Completed text 143787\n", + "Completed text 143788\n", + "Completed text 143789\n", + "Completed text 143790\n", + "Completed text 143791\n", + "Completed text 143792\n", + "Completed text 143793\n", + "Completed text 143794\n", + "Completed text 143795\n", + "Completed text 143796\n", + "Completed text 143797\n", + "Completed text 143798\n", + "Completed text 143799\n", + "Completed text 143800\n", + "Completed text 143801\n", + "Completed text 143802\n", + "Completed text 143803\n", + "Completed text 143804\n", + "Completed text 143805\n", + "Completed text 143806\n", + "Completed text 143807\n", + "Completed text 143808\n", + "Completed text 143809\n", + "Completed text 143810\n", + "Completed text 143811\n", + "Completed text 143812\n", + "Completed text 143813\n", + "Completed text 143814\n", + "Completed text 143815\n", + "Completed text 143816\n", + "Completed text 143817\n", + "Completed text 143818\n", + "Completed text 143819\n", + "Completed text 143820\n", + "Completed text 143821\n", + "Completed text 143822\n", + "Completed text 143823\n", + "Completed text 143824\n", + "Completed text 143825\n", + "Completed text 143826\n", + "Completed text 143827\n", + "Completed text 143828\n", + "Completed text 143829\n", + "Completed text 143830\n", + "Completed text 143831\n", + "Completed text 143832\n", + "Completed text 143833\n", + "Completed text 143834\n", + "Completed text 143835\n", + "Completed text 143836\n", + "Completed text 143837\n", + "Completed text 143838\n", + "Completed text 143839\n", + "Completed text 143840\n", + "Completed text 143841\n", + "Completed text 143842\n", + "Completed text 143843\n", + "Completed text 143844\n", + "Completed text 143845\n", + "Completed text 143846\n", + "Completed text 143847\n", + "Completed text 143848\n", + "Completed text 143849\n", + "Completed text 143850\n", + "Completed text 143851\n", + "Completed text 143852\n", + "Completed text 143853\n", + "Completed text 143854\n", + "Completed text 143855\n", + "Completed text 143856\n", + "Completed text 143857\n", + "Completed text 143858\n", + "Completed text 143859\n", + "Completed text 143860\n", + "Completed text 143861\n", + "Completed text 143862\n", + "Completed text 143863\n", + "Completed text 143864\n", + "Completed text 143865\n", + "Completed text 143866\n", + "Completed text 143867\n", + "Completed text 143868\n", + "Completed text 143869\n", + "Completed text 143870\n", + "Completed text 143871\n", + "Completed text 143872\n", + "Completed text 143873\n", + "Completed text 143874\n", + "Completed text 143875\n", + "Completed text 143876\n", + "Completed text 143877\n", + "Completed text 143878\n", + "Completed text 143879\n", + "Completed text 143880\n", + "Completed text 143881\n", + "Completed text 143882\n", + "Completed text 143883\n", + "Completed text 143884\n", + "Completed text 143885\n", + "Completed text 143886\n", + "Completed text 143887\n", + "Completed text 143888\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 143889\n", + "Completed text 143890\n", + "Completed text 143891\n", + "Completed text 143892\n", + "Completed text 143893\n", + "Completed text 143894\n", + "Completed text 143895\n", + "Completed text 143896\n", + "Completed text 143897\n", + "Completed text 143898\n", + "Completed text 143899\n", + "Completed text 143900\n", + "Completed text 143901\n", + "Completed text 143902\n", + "Completed text 143903\n", + "Completed text 143904\n", + "Completed text 143905\n", + "Completed text 143906\n", + "Completed text 143907\n", + "Completed text 143908\n", + "Completed text 143909\n", + "Completed text 143910\n", + "Completed text 143911\n", + "Completed text 143912\n", + "Completed text 143913\n", + "Completed text 143914\n", + "Completed text 143915\n", + "Completed text 143916\n", + "Completed text 143917\n", + "Completed text 143918\n", + "Completed text 143919\n", + "Completed text 143920\n", + "Completed text 143921\n", + "Completed text 143922\n", + "Completed text 143923\n", + "Completed text 143924\n", + "Completed text 143925\n", + "Completed text 143926\n", + "Completed text 143927\n", + "Completed text 143928\n", + "Completed text 143929\n", + "Completed text 143930\n", + "Completed text 143931\n", + "Completed text 143932\n", + "Completed text 143933\n", + "Completed text 143934\n", + "Completed text 143935\n", + "Completed text 143936\n", + "Completed text 143937\n", + "Completed text 143938\n", + "Completed text 143939\n", + "Completed text 143940\n", + "Completed text 143941\n", + "Completed text 143942\n", + "Completed text 143943\n", + "Completed text 143944\n", + "Completed text 143945\n", + "Completed text 143946\n", + "Completed text 143947\n", + "Completed text 143948\n", + "Completed text 143949\n", + "Completed text 143950\n", + "Completed text 143951\n", + "Completed text 143952\n", + "Completed text 143953\n", + "Completed text 143954\n", + "Completed text 143955\n", + "Completed text 143956\n", + "Completed text 143957\n", + "Completed text 143958\n", + "Completed text 143959\n", + "Completed text 143960\n", + "Completed text 143961\n", + "Completed text 143962\n", + "Completed text 143963\n", + "Completed text 143964\n", + "Completed text 143965\n", + "Completed text 143966\n", + "Completed text 143967\n", + "Completed text 143968\n", + "Completed text 143969\n", + "Completed text 143970\n", + "Completed text 143971\n", + "Completed text 143972\n", + "Completed text 143973\n", + "Completed text 143974\n", + "Completed text 143975\n", + "Completed text 143976\n", + "Completed text 143977\n", + "Completed text 143978\n", + "Completed text 143979\n", + "Completed text 143980\n", + "Completed text 143981\n", + "Completed text 143982\n", + "Completed text 143983\n", + "Completed text 143984\n", + "Completed text 143985\n", + "Completed text 143986\n", + "Completed text 143987\n", + "Completed text 143988\n", + "Completed text 143989\n", + "Completed text 143990\n", + "Completed text 143991\n", + "Completed text 143992\n", + "Completed text 143993\n", + "Completed text 143994\n", + "Completed text 143995\n", + "Completed text 143996\n", + "Completed text 143997\n", + "Completed text 143998\n", + "Completed text 143999\n", + "Completed text 144000\n", + "Completed text 144001\n", + "Completed text 144002\n", + "Completed text 144003\n", + "Completed text 144004\n", + "Completed text 144005\n", + "Completed text 144006\n", + "Completed text 144007\n", + "Completed text 144008\n", + "Completed text 144009\n", + "Completed text 144010\n", + "Completed text 144011\n", + "Completed text 144012\n", + "Completed text 144013\n", + "Completed text 144014\n", + "Completed text 144015\n", + "Completed text 144016\n", + "Completed text 144017\n", + "Completed text 144018\n", + "Completed text 144019\n", + "Completed text 144020\n", + "Completed text 144021\n", + "Completed text 144022\n", + "Completed text 144023\n", + "Completed text 144024\n", + "Completed text 144025\n", + "Completed text 144026\n", + "Completed text 144027\n", + "Completed text 144028\n", + "Completed text 144029\n", + "Completed text 144030\n", + "Completed text 144031\n", + "Completed text 144032\n", + "Completed text 144033\n", + "Completed text 144034\n", + "Completed text 144035\n", + "Completed text 144036\n", + "Completed text 144037\n", + "Completed text 144038\n", + "Completed text 144039\n", + "Completed text 144040\n", + "Completed text 144041\n", + "Completed text 144042\n", + "Completed text 144043\n", + "Completed text 144044\n", + "Completed text 144045\n", + "Completed text 144046\n", + "Completed text 144047\n", + "Completed text 144048\n", + "Completed text 144049\n", + "Completed text 144050\n", + "Completed text 144051\n", + "Completed text 144052\n", + "Completed text 144053\n", + "Completed text 144054\n", + "Completed text 144055\n", + "Completed text 144056\n", + "Completed text 144057\n", + "Completed text 144058\n", + "Completed text 144059\n", + "Completed text 144060\n", + "Completed text 144061\n", + "Completed text 144062\n", + "Completed text 144063\n", + "Completed text 144064\n", + "Completed text 144065\n", + "Completed text 144066\n", + "Completed text 144067\n", + "Completed text 144068\n", + "Completed text 144069\n", + "Completed text 144070\n", + "Completed text 144071\n", + "Completed text 144072\n", + "Completed text 144073\n", + "Completed text 144074\n", + "Completed text 144075\n", + "Completed text 144076\n", + "Completed text 144077\n", + "Completed text 144078\n", + "Completed text 144079\n", + "Completed text 144080\n", + "Completed text 144081\n", + "Completed text 144082\n", + "Completed text 144083\n", + "Completed text 144084\n", + "Completed text 144085\n", + "Completed text 144086\n", + "Completed text 144087\n", + "Completed text 144088\n", + "Completed text 144089\n", + "Completed text 144090\n", + "Completed text 144091\n", + "Completed text 144092\n", + "Completed text 144093\n", + "Completed text 144094\n", + "Completed text 144095\n", + "Completed text 144096\n", + "Completed text 144097\n", + "Completed text 144098\n", + "Completed text 144099\n", + "Completed text 144100\n", + "Completed text 144101\n", + "Completed text 144102\n", + "Completed text 144103\n", + "Completed text 144104\n", + "Completed text 144105\n", + "Completed text 144106\n", + "Completed text 144107\n", + "Completed text 144108\n", + "Completed text 144109\n", + "Completed text 144110\n", + "Completed text 144111\n", + "Completed text 144112\n", + "Completed text 144113\n", + "Completed text 144114\n", + "Completed text 144115\n", + "Completed text 144116\n", + "Completed text 144117\n", + "Completed text 144118\n", + "Completed text 144119\n", + "Completed text 144120\n", + "Completed text 144121\n", + "Completed text 144122\n", + "Completed text 144123\n", + "Completed text 144124\n", + "Completed text 144125\n", + "Completed text 144126\n", + "Completed text 144127\n", + "Completed text 144128\n", + "Completed text 144129\n", + "Completed text 144130\n", + "Completed text 144131\n", + "Completed text 144132\n", + "Completed text 144133\n", + "Completed text 144134\n", + "Completed text 144135\n", + "Completed text 144136\n", + "Completed text 144137\n", + "Completed text 144138\n", + "Completed text 144139\n", + "Completed text 144140\n", + "Completed text 144141\n", + "Completed text 144142\n", + "Completed text 144143\n", + "Completed text 144144\n", + "Completed text 144145\n", + "Completed text 144146\n", + "Completed text 144147\n", + "Completed text 144148\n", + "Completed text 144149\n", + "Completed text 144150\n", + "Completed text 144151\n", + "Completed text 144152\n", + "Completed text 144153\n", + "Completed text 144154\n", + "Completed text 144155\n", + "Completed text 144156\n", + "Completed text 144157\n", + "Completed text 144158\n", + "Completed text 144159\n", + "Completed text 144160\n", + "Completed text 144161\n", + "Completed text 144162\n", + "Completed text 144163\n", + "Completed text 144164\n", + "Completed text 144165\n", + "Completed text 144166\n", + "Completed text 144167\n", + "Completed text 144168\n", + "Completed text 144169\n", + "Completed text 144170\n", + "Completed text 144171\n", + "Completed text 144172\n", + "Completed text 144173\n", + "Completed text 144174\n", + "Completed text 144175\n", + "Completed text 144176\n", + "Completed text 144177\n", + "Completed text 144178\n", + "Completed text 144179\n", + "Completed text 144180\n", + "Completed text 144181\n", + "Completed text 144182\n", + "Completed text 144183\n", + "Completed text 144184\n", + "Completed text 144185\n", + "Completed text 144186\n", + "Completed text 144187\n", + "Completed text 144188\n", + "Completed text 144189\n", + "Completed text 144190\n", + "Completed text 144191\n", + "Completed text 144192\n", + "Completed text 144193\n", + "Completed text 144194\n", + "Completed text 144195\n", + "Completed text 144196\n", + "Completed text 144197\n", + "Completed text 144198\n", + "Completed text 144199\n", + "Completed text 144200\n", + "Completed text 144201\n", + "Completed text 144202\n", + "Completed text 144203\n", + "Completed text 144204\n", + "Completed text 144205\n", + "Completed text 144206\n", + "Completed text 144207\n", + "Completed text 144208\n", + "Completed text 144209\n", + "Completed text 144210\n", + "Completed text 144211\n", + "Completed text 144212\n", + "Completed text 144213\n", + "Completed text 144214\n", + "Completed text 144215\n", + "Completed text 144216\n", + "Completed text 144217\n", + "Completed text 144218\n", + "Completed text 144219\n", + "Completed text 144220\n", + "Completed text 144221\n", + "Completed text 144222\n", + "Completed text 144223\n", + "Completed text 144224\n", + "Completed text 144225\n", + "Completed text 144226\n", + "Completed text 144227\n", + "Completed text 144228\n", + "Completed text 144229\n", + "Completed text 144230\n", + "Completed text 144231\n", + "Completed text 144232\n", + "Completed text 144233\n", + "Completed text 144234\n", + "Completed text 144235\n", + "Completed text 144236\n", + "Completed text 144237\n", + "Completed text 144238\n", + "Completed text 144239\n", + "Completed text 144240\n", + "Completed text 144241\n", + "Completed text 144242\n", + "Completed text 144243\n", + "Completed text 144244\n", + "Completed text 144245\n", + "Completed text 144246\n", + "Completed text 144247\n", + "Completed text 144248\n", + "Completed text 144249\n", + "Completed text 144250\n", + "Completed text 144251\n", + "Completed text 144252\n", + "Completed text 144253\n", + "Completed text 144254\n", + "Completed text 144255\n", + "Completed text 144256\n", + "Completed text 144257\n", + "Completed text 144258\n", + "Completed text 144259\n", + "Completed text 144260\n", + "Completed text 144261\n", + "Completed text 144262\n", + "Completed text 144263\n", + "Completed text 144264\n", + "Completed text 144265\n", + "Completed text 144266\n", + "Completed text 144267\n", + "Completed text 144268\n", + "Completed text 144269\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Completed text 144270\n", + "Completed text 144271\n", + "Completed text 144272\n", + "Completed text 144273\n", + "Completed text 144274\n", + "Completed text 144275\n", + "Completed text 144276\n", + "Completed text 144277\n", + "Completed text 144278\n", + "Completed text 144279\n", + "Completed text 144280\n", + "Completed text 144281\n", + "Completed text 144282\n", + "Completed text 144283\n", + "Completed text 144284\n", + "Completed text 144285\n", + "Completed text 144286\n", + "Completed text 144287\n", + "Completed text 144288\n", + "Completed text 144289\n", + "Completed text 144290\n", + "Completed text 144291\n", + "Completed text 144292\n", + "Completed text 144293\n" + ] + } + ], + "source": [ + "nlp = spacy.load('en_core_web_lg')\n", + "\n", + "X = generate_train_features(X, nlp)\n", + "\n", + "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=0)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "id": "c6b923c7", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "RandomForestClassifier(n_estimators=10)" + ] + }, + "execution_count": 27, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "model = RandomForestClassifier(n_estimators=10)\n", + "model.fit(X_train, y_train)" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "id": "0889606a", + "metadata": {}, + "outputs": [], + "source": [ + "y_pred = model.predict(X_test)" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "id": "54ee32c0", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0.56068656440584" + ] + }, + "execution_count": 29, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "(y_pred == y_test).mean()" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/kaggle_dataset_eda.ipynb b/experiments/yousef/kaggle_dataset_eda.ipynb new file mode 100644 index 0000000..9ab2cc0 --- /dev/null +++ b/experiments/yousef/kaggle_dataset_eda.ipynb @@ -0,0 +1,428 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "a3a55015", + "metadata": {}, + "source": [ + "# kaggle dataset eda" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "b166b44a", + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "import pandas as pd\n", + "\n", + "\n", + "# paths\n", + "path_base = '../../data/kaggle/feedback-prize-2021'\n", + "dir_train = os.path.join(path_base, 'train')\n", + "dir_test = os.path.join(path_base, 'test')\n", + "path_train = os.path.join(path_base, 'train.csv')" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "b8b5191c", + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
iddiscourse_iddiscourse_startdiscourse_enddiscourse_textdiscourse_typediscourse_type_numpredictionstring
0423A1CA112E21.622628e+128.0229.0Modern humans today are always on their phone....LeadLead 11 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1...
1423A1CA112E21.622628e+12230.0312.0They are some really bad consequences when stu...PositionPosition 145 46 47 48 49 50 51 52 53 54 55 56 57 58 59
2423A1CA112E21.622628e+12313.0401.0Some certain areas in the United States ban ph...EvidenceEvidence 160 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75
3423A1CA112E21.622628e+12402.0758.0When people have phones, they know about certa...EvidenceEvidence 276 77 78 79 80 81 82 83 84 85 86 87 88 89 90 9...
4423A1CA112E21.622628e+12759.0886.0Driving is one of the way how to get around. P...ClaimClaim 1139 140 141 142 143 144 145 146 147 148 149 15...
\n", + "
" + ], + "text/plain": [ + " id discourse_id discourse_start discourse_end \\\n", + "0 423A1CA112E2 1.622628e+12 8.0 229.0 \n", + "1 423A1CA112E2 1.622628e+12 230.0 312.0 \n", + "2 423A1CA112E2 1.622628e+12 313.0 401.0 \n", + "3 423A1CA112E2 1.622628e+12 402.0 758.0 \n", + "4 423A1CA112E2 1.622628e+12 759.0 886.0 \n", + "\n", + " discourse_text discourse_type \\\n", + "0 Modern humans today are always on their phone.... Lead \n", + "1 They are some really bad consequences when stu... Position \n", + "2 Some certain areas in the United States ban ph... Evidence \n", + "3 When people have phones, they know about certa... Evidence \n", + "4 Driving is one of the way how to get around. P... Claim \n", + "\n", + " discourse_type_num predictionstring \n", + "0 Lead 1 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 1... \n", + "1 Position 1 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59 \n", + "2 Evidence 1 60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 \n", + "3 Evidence 2 76 77 78 79 80 81 82 83 84 85 86 87 88 89 90 9... \n", + "4 Claim 1 139 140 141 142 143 144 145 146 147 148 149 15... " + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_train = pd.read_csv(path_train)\n", + "df_train.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "fba21086", + "metadata": {}, + "outputs": [], + "source": [ + "# check that ids are the same as train files\n", + "assert sorted(set(df_train.id)) == sorted([file_name.strip('.txt') for file_name in set(os.listdir(dir_train))])" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "28024fd5", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
iddiscourse_iddiscourse_startdiscourse_enddiscourse_textdiscourse_typediscourse_type_numpredictionstring
965580A0AA9C21C5D1.615667e+1221.0529.0Many people believe that the Electoral College...LeadLead 13 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20...
965590A0AA9C21C5D1.615667e+12530.0627.0I argue in favor of changing to election by po...PositionPosition 192 93 94 95 96 97 98 99 100 101 102 103 104 10...
965600A0AA9C21C5D1.615667e+12628.0749.0The first reason as to why I favor in abolishi...ClaimClaim 1110 111 112 113 114 115 116 117 118 119 120 12...
965610A0AA9C21C5D1.615818e+12749.01434.0As shown back in 1960, segregationists in the ...EvidenceEvidence 1132 133 134 135 136 137 138 139 140 141 142 14...
965620A0AA9C21C5D1.615818e+121435.01603.0Another reason as to why you can not trust the...ClaimClaim 2254 255 256 257 258 259 260 261 262 263 264 26...
\n", + "
" + ], + "text/plain": [ + " id discourse_id discourse_start discourse_end \\\n", + "96558 0A0AA9C21C5D 1.615667e+12 21.0 529.0 \n", + "96559 0A0AA9C21C5D 1.615667e+12 530.0 627.0 \n", + "96560 0A0AA9C21C5D 1.615667e+12 628.0 749.0 \n", + "96561 0A0AA9C21C5D 1.615818e+12 749.0 1434.0 \n", + "96562 0A0AA9C21C5D 1.615818e+12 1435.0 1603.0 \n", + "\n", + " discourse_text discourse_type \\\n", + "96558 Many people believe that the Electoral College... Lead \n", + "96559 I argue in favor of changing to election by po... Position \n", + "96560 The first reason as to why I favor in abolishi... Claim \n", + "96561 As shown back in 1960, segregationists in the ... Evidence \n", + "96562 Another reason as to why you can not trust the... Claim \n", + "\n", + " discourse_type_num predictionstring \n", + "96558 Lead 1 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20... \n", + "96559 Position 1 92 93 94 95 96 97 98 99 100 101 102 103 104 10... \n", + "96560 Claim 1 110 111 112 113 114 115 116 117 118 119 120 12... \n", + "96561 Evidence 1 132 133 134 135 136 137 138 139 140 141 142 14... \n", + "96562 Claim 2 254 255 256 257 258 259 260 261 262 263 264 26... " + ] + }, + "execution_count": 6, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# explore single id\n", + "df_temp = df_train.copy()\n", + "df_temp = df_temp[df_temp.id == '0A0AA9C21C5D']\n", + "sorted_disc_ids = sorted([id_ for id_ in df_temp.discourse_id])\n", + "df_temp.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "id": "d6d5f525", + "metadata": {}, + "outputs": [], + "source": [ + "def test_prediction_string():\n", + " \"\"\" test to see if prediction string is created by whitespace separation \"\"\"\n", + " for text, prediction_string in zip(df_train.discourse_text, df_train.predictionstring):\n", + " text_ids = ' '.join([str(i) for i, _ in enumerate(text.split(), int(prediction_string.split()[0]))])\n", + " equality = text_ids == prediction_string\n", + " break\n", + " ##try:\n", + " # assert text_ids == prediction_string\n", + " #except:\n", + " # print(text, text_ids, prediction_string)\n", + "test_prediction_string()" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "id": "6683243c", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "22\n", + "22\n" + ] + } + ], + "source": [ + "print(len(df_temp.discourse_text[96560].split()))\n", + "print(len(df_temp.predictionstring[96560].split()))" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "id": "e46295c9", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "'As shown back in 1960, segregationists in the Louisiana legislature nearly succeeded in replacing Democratic electors with new electors who would oppose John F. Kennedy so that a popular vote for Kennedy would not have actually gone to Kennedy. Also, due to the winner-take-all system, candidates do not spend time in states they know they have no chance in winning, it is obvious that they just want to win and you can not trust those candidates, especially the people who promise to do things they know they can not fulfill. The electors that \"the people vote for\" do not want to help their state, they do not even care for the needs of the people, they are just there for the money '" + ] + }, + "execution_count": 24, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_temp.discourse_text[96561]" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "id": "babc2c50", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "0 Lead 1\n", + "1 Position 1\n", + "2 Evidence 1\n", + "3 Evidence 2\n", + "4 Claim 1\n", + " ... \n", + "144288 Evidence 2\n", + "144289 Evidence 3\n", + "144290 Position 1\n", + "144291 Evidence 4\n", + "144292 Concluding Statement 1\n", + "Name: discourse_type_num, Length: 144293, dtype: object" + ] + }, + "execution_count": 26, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_train.discourse_type_num" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "5ea0aab7", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/kaggle_notebook_test.ipynb b/experiments/yousef/kaggle_notebook_test.ipynb new file mode 100644 index 0000000..f5e8e23 --- /dev/null +++ b/experiments/yousef/kaggle_notebook_test.ipynb @@ -0,0 +1,114 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "id": "427d5d28", + "metadata": { + "_cell_guid": "b1076dfc-b9ad-4769-8c92-a6c4dae69d19", + "_uuid": "8f2839f25d086af736a60e9eeb907d3b93b6e0e5", + "execution": { + "iopub.execute_input": "2022-02-15T20:02:00.708560Z", + "iopub.status.busy": "2022-02-15T20:02:00.706789Z", + "iopub.status.idle": "2022-02-15T20:02:00.715472Z", + "shell.execute_reply": "2022-02-15T20:02:00.716181Z" + }, + "papermill": { + "duration": 0.020365, + "end_time": "2022-02-15T20:02:00.716546", + "exception": false, + "start_time": "2022-02-15T20:02:00.696181", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [ + "# This Python 3 environment comes with many helpful analytics libraries installed\n", + "# It is defined by the kaggle/python Docker image: https://github.com/kaggle/docker-python\n", + "# For example, here's several helpful packages to load\n", + "\n", + "import numpy as np # linear algebra\n", + "import pandas as pd # data processing, CSV file I/O (e.g. pd.read_csv)\n", + "\n", + "# Input data files are available in the read-only \"../input/\" directory\n", + "# For example, running this (by clicking run or pressing Shift+Enter) will list all files under the input directory\n", + "\n", + "import os\n", + "for dirname, _, filenames in os.walk('/kaggle/input'):\n", + " for filename in filenames:\n", + " print(os.path.join(dirname, filename))\n", + "\n", + "# You can write up to 20GB to the current directory (/kaggle/working/) that gets preserved as output when you create a version using \"Save & Run All\" \n", + "# You can also write temporary files to /kaggle/temp/, but they won't be saved outside of the current session" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "2898f298", + "metadata": { + "papermill": { + "duration": 0.004644, + "end_time": "2022-02-15T20:02:00.727023", + "exception": false, + "start_time": "2022-02-15T20:02:00.722379", + "status": "completed" + }, + "tags": [] + }, + "outputs": [], + "source": [] + }, + { + "cell_type": "markdown", + "id": "738dad7e", + "metadata": { + "papermill": { + "duration": 0.003832, + "end_time": "2022-02-15T20:02:00.735791", + "exception": false, + "start_time": "2022-02-15T20:02:00.731959", + "status": "completed" + }, + "tags": [] + }, + "source": [ + "# test notebook save GitHub" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.12" + }, + "papermill": { + "default_parameters": {}, + "duration": 9.451282, + "end_time": "2022-02-15T20:02:01.352533", + "environment_variables": {}, + "exception": null, + "input_path": "__notebook__.ipynb", + "output_path": "__notebook__.ipynb", + "parameters": {}, + "start_time": "2022-02-15T20:01:51.901251", + "version": "2.3.3" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/labelling_schemes.ipynb b/experiments/yousef/labelling_schemes.ipynb new file mode 100644 index 0000000..11041f3 --- /dev/null +++ b/experiments/yousef/labelling_schemes.ipynb @@ -0,0 +1,538 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "a16d3f43", + "metadata": {}, + "source": [ + "# Labelling Schemes" + ] + }, + { + "cell_type": "markdown", + "id": "4c4c0535", + "metadata": {}, + "source": [ + "### Imports" + ] + }, + { + "cell_type": "code", + "execution_count": 79, + "id": "db87fe2d", + "metadata": {}, + "outputs": [], + "source": [ + "# -- public imports\n", + "\n", + "import os\n", + "import pandas as pd" + ] + }, + { + "cell_type": "code", + "execution_count": 80, + "id": "8358055f", + "metadata": {}, + "outputs": [], + "source": [ + "# -- private import" + ] + }, + { + "cell_type": "code", + "execution_count": 81, + "id": "658532fc", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "The autoreload extension is already loaded. To reload it, use:\n", + " %reload_ext autoreload\n" + ] + } + ], + "source": [ + "# -- dev imports\n", + "%load_ext autoreload\n", + "%autoreload 2\n" + ] + }, + { + "cell_type": "markdown", + "id": "fdfafee3", + "metadata": {}, + "source": [ + "### Data" + ] + }, + { + "cell_type": "code", + "execution_count": 82, + "id": "3d42f99b", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextspan_startspan_enddoc_id
0OOtherShould students be taught to compete or to coo...0503essay001
1T1MajorClaimwe should attach more importance to cooperatio...503575essay001
2OOther.\\nFirst of all,575591essay001
3T3Claimthrough cooperation, children can learn about ...591714essay001
4OOther.714716essay001
\n", + "
" + ], + "text/plain": [ + " label_type label text \\\n", + "0 O Other Should students be taught to compete or to coo... \n", + "1 T1 MajorClaim we should attach more importance to cooperatio... \n", + "2 O Other .\\nFirst of all, \n", + "3 T3 Claim through cooperation, children can learn about ... \n", + "4 O Other . \n", + "\n", + " span_start span_end doc_id \n", + "0 0 503 essay001 \n", + "1 503 575 essay001 \n", + "2 575 591 essay001 \n", + "3 591 714 essay001 \n", + "4 714 716 essay001 " + ] + }, + "execution_count": 82, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "base_path = '../../data/UCL/dataset2'\n", + "dataset_path = os.path.join(base_path, 'df_with_other.json')\n", + "df = pd.read_json(dataset_path)\n", + "df.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 83, + "id": "fd18c499", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "['Other' 'MajorClaim' 'Claim' 'Premise']\n" + ] + } + ], + "source": [ + "print(df.label.unique())" + ] + }, + { + "cell_type": "code", + "execution_count": 85, + "id": "9a21c880", + "metadata": {}, + "outputs": [], + "source": [ + "df_label_map = pd.DataFrame(data={\n", + " 'label': ['Other', 'MajorClaim', 'Claim', 'Premise']\n", + "}).reset_index().rename(columns={'index':'label_id'})\n", + "df_label_map\n", + "\n", + "df_label_map.to_json(\n", + " os.path.join(base_path, 'df_label_map_general.json'),\n", + ")" + ] + }, + { + "cell_type": "markdown", + "id": "45fa4b68", + "metadata": {}, + "source": [ + "### Add Prediction String" + ] + }, + { + "cell_type": "code", + "execution_count": 86, + "id": "613ec6eb", + "metadata": {}, + "outputs": [], + "source": [ + "prediction_strings = []\n", + "start_id = 1\n", + "for (label, text, doc_id) in df[['label', 'text', 'doc_id']].itertuples(index=False):\n", + " text_split = text.split()\n", + " end_id = start_id + len(text_split)\n", + " prediction_strings.append(\n", + " [num for num in range(start_id, end_id)]\n", + " )\n", + " start_id = end_id\n" + ] + }, + { + "cell_type": "code", + "execution_count": 87, + "id": "6dfafa4a", + "metadata": {}, + "outputs": [], + "source": [ + "df['predictionString'] = prediction_strings" + ] + }, + { + "cell_type": "code", + "execution_count": 88, + "id": "8ab4cc96", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextspan_startspan_enddoc_idpredictionString
0OOtherShould students be taught to compete or to coo...0503essay001[1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14...
1T1MajorClaimwe should attach more importance to cooperatio...503575essay001[83, 84, 85, 86, 87, 88, 89, 90, 91, 92]
2OOther.\\nFirst of all,575591essay001[93, 94, 95, 96]
3T3Claimthrough cooperation, children can learn about ...591714essay001[97, 98, 99, 100, 101, 102, 103, 104, 105, 106...
4OOther.714716essay001[115]
\n", + "
" + ], + "text/plain": [ + " label_type label text \\\n", + "0 O Other Should students be taught to compete or to coo... \n", + "1 T1 MajorClaim we should attach more importance to cooperatio... \n", + "2 O Other .\\nFirst of all, \n", + "3 T3 Claim through cooperation, children can learn about ... \n", + "4 O Other . \n", + "\n", + " span_start span_end doc_id \\\n", + "0 0 503 essay001 \n", + "1 503 575 essay001 \n", + "2 575 591 essay001 \n", + "3 591 714 essay001 \n", + "4 714 716 essay001 \n", + "\n", + " predictionString \n", + "0 [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14... \n", + "1 [83, 84, 85, 86, 87, 88, 89, 90, 91, 92] \n", + "2 [93, 94, 95, 96] \n", + "3 [97, 98, 99, 100, 101, 102, 103, 104, 105, 106... \n", + "4 [115] " + ] + }, + "execution_count": 88, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.head()" + ] + }, + { + "cell_type": "markdown", + "id": "048cc521", + "metadata": {}, + "source": [ + "### Labelling strategy" + ] + }, + { + "cell_type": "code", + "execution_count": 89, + "id": "0304ef2e", + "metadata": {}, + "outputs": [], + "source": [ + "def _label_bio(length, label, add_end=False):\n", + " \"\"\"\n", + " For cases where argument segment is only 1 word long, beginning given preference over end\n", + " \"\"\"\n", + " labels = [f'I-{label}'] if label != 'Other' else ['O']\n", + " labels *= length\n", + " \n", + " if add_end:\n", + " if label != 'Other':\n", + " labels[-1] = f'E-{label}'\n", + " \n", + " if label != 'Other':\n", + " labels[0] = f'B-{label}'\n", + " \n", + " return labels\n", + " \n", + "df['label_bio'] = df[['label', 'predictionString']].apply(\n", + " lambda x: _label_bio(len(x['predictionString']), x['label']), axis=1\n", + ")\n", + "df['label_bieo'] = df[['label', 'predictionString']].apply(\n", + " lambda x: _label_bio(len(x['predictionString']), x['label'], True), axis=1\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 90, + "id": "90c5631b", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[list(['B-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim'])\n", + " list(['B-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'I-MajorClaim', 'E-MajorClaim'])]\n" + ] + } + ], + "source": [ + "print(df[['label_bio', 'label_bieo']].values[1])" + ] + }, + { + "cell_type": "code", + "execution_count": 92, + "id": "94fc88bf", + "metadata": {}, + "outputs": [], + "source": [ + "df.to_json(\n", + " os.path.join(base_path, 'df_labels_general.json'),\n", + ")" + ] + }, + { + "cell_type": "markdown", + "id": "296308ee", + "metadata": {}, + "source": [ + "### Add label keys for other labelling strategies" + ] + }, + { + "cell_type": "code", + "execution_count": 93, + "id": "2952cc64", + "metadata": {}, + "outputs": [], + "source": [ + "def _get_label_maps(unique_labels, strategy):\n", + " unique_labels = [label for label in unique_labels if label != 'Other']\n", + " labels = ['O']\n", + " if strategy == 'bio':\n", + " for label in unique_labels:\n", + " labels.append(f'B-{label}')\n", + " labels.append(f'I-{label}')\n", + " elif strategy == 'bieo':\n", + " for label in unique_labels:\n", + " labels.append(f'B-{label}')\n", + " labels.append(f'I-{label}')\n", + " labels.append(f'E-{label}')\n", + " elif strategy == 'bixo':\n", + " labels.append('X')\n", + " for label in unique_labels:\n", + " labels.append(f'B-{label}')\n", + " labels.append(f'I-{label}')\n", + " else:\n", + " raise NotImplementedError(f'Strategy {strategy} has not implementation yet.')\n", + " \n", + " return pd.DataFrame({\n", + " 'label': labels\n", + " }).reset_index().rename(columns={'index':'label_id'})\n", + " \n", + "# TODO should be do a biexo as well?" + ] + }, + { + "cell_type": "code", + "execution_count": 95, + "id": "0f43d7e3", + "metadata": {}, + "outputs": [], + "source": [ + "_get_label_maps(unique_labels, 'bio').to_json(\n", + " os.path.join(base_path, 'df_label_map_bio.json')\n", + ")\n", + "_get_label_maps(unique_labels, 'bieo').to_json(\n", + " os.path.join(base_path, 'df_label_map_bieo.json')\n", + ")\n", + "_get_label_maps(unique_labels, 'bixo').to_json(\n", + " os.path.join(base_path, 'df_label_map_bixo.json')\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "aea31d6e", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/main.py b/experiments/yousef/main.py new file mode 100644 index 0000000..e4b7c3a --- /dev/null +++ b/experiments/yousef/main.py @@ -0,0 +1,3 @@ +import sys +print(sys.path) +import argminer \ No newline at end of file diff --git a/experiments/yousef/python_files/__init__.py b/experiments/yousef/python_files/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/experiments/yousef/python_files/data.py b/experiments/yousef/python_files/data.py new file mode 100644 index 0000000..6dfcc8e --- /dev/null +++ b/experiments/yousef/python_files/data.py @@ -0,0 +1,314 @@ +from torch.utils.data import DataLoader, Dataset +import os +import time +import numpy as np +import pandas as pd +from pandas.api.types import is_integer_dtype, is_string_dtype +import torch + +def _first_appearance_of_unique_item(x): + """ Torch function to get the first appearance of a unique item""" + unique, inverse = torch.unique(x, sorted=True, return_inverse=True) + perm = torch.arange(inverse.size(0), dtype=inverse.dtype, device=inverse.device) + inverse, perm = inverse.flip([0]), perm.flip([0]) + perm = inverse.new_empty(unique.size(0)).scatter_(0, inverse, perm) + return perm + +class ArgumentMiningDataset(Dataset): + """ + Class for loading data in batches and processing it + """ + def __init__(self, df_label_map, df_text, tokenizer, max_length, strategy): + super().__init__() + + assert sorted(df_text.columns) == ['labels', 'text'], f"Please make sure input dataframe has the columns (text, labels)" + assert 'O' in df_label_map.label.values, 'You are missing label "O"' + assert strategy in ['standard_bio', 'word_level_bio', 'standard_bixo', 'standard_bieo', 'word_level_bieo'], 'Please use a valid strategy' + + strategy_level, strategy_name = strategy.split('_') + + self.strategy_level = strategy_level + self.strategy_name = strategy_name + + if strategy_name == 'bio': + labels = df_label_map.label[df_label_map.label.str.contains('-')].apply(lambda x: x[:1]) + labels = list(labels.unique()) + assert 'BI' == ''.join(sorted(labels)), 'You are missing one of labels "B" or "I"' + elif strategy_name == 'bieo': + labels = df_label_map.label[df_label_map.label.str.contains('-')].apply(lambda x: x[:1]) + labels = list(labels.unique()) + assert 'BIE' == ''.join(sorted(labels)), 'You are missing one of labels "B", "I" or "E"' + elif strategy_name == 'bixo': + assert 'X' in df_label_map.label.values, 'You are missing label "X"' + labels = df_label_map.label[df_label_map.label.str.contains('-')].apply(lambda x: x[:1]) + labels = list(labels.unique()) + assert 'BI' == ''.join(sorted(labels)), 'You are missing one of labels "B" or "I"' + else: + raise NotImplementedError(f'Support for labelling strategy {strategy} does not exist yet') + + + self.inputs = df_text.text.values + if not is_string_dtype(self.inputs): raise TypeError('Text data must be string type') + + self.consider_end = 'e' in strategy_name # TODO make more robust + self.use_x = 'x' in strategy_name # TODO make more robust + + # create hash table + self.label_to_id = { + label: id_ for label, id_ in df_label_map[['label', 'label_id']].values + } + self.id_to_label = { + id_: label for label, id_ in self.label_to_id.items() + } + self.targets = df_text.labels.apply( + lambda x: [self.label_to_id[label] for label in x] + ).values + + + + # -- prepare tokenizer + self.tokenizer = tokenizer + self.max_length = max_length + + def __len__(self): + return len(self.inputs) + + def __getitem__(self, index): + # self.inputs anf self.targets must be of a type that is indexible as shown + inputs = self.inputs[index] + targets = self.targets[index] + + # TODO this is for the sentencepiece tokenizer, might have to change for wordpiece + inputs = self.tokenizer( + # consider parametrising these + inputs.split(), + is_split_into_words=True, # this means that extra \n should be ignored + padding='max_length', + truncation=True, + max_length=self.max_length + ) + word_ids = inputs.word_ids() + word_id_mask = [word_id is not None for word_id in word_ids] + # TODO maybe this should go in the function? + word_ids = [word_id for word_id in word_ids if word_id is not None] + + targets = torch.as_tensor(targets, dtype=torch.long) + + labeller = getattr(self, f'_label_{self.strategy_level}') + targets = labeller(targets, word_id_mask, word_ids) + + """# TODO need to think about sending things to the GPU, which ones to send + inputs = { + key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items() + } + inputs['doc_ids'] = index # TODO may have to convert to type long + inputs['word_ids'] = word_ids + + targets = torch.as_tensor(targets, dtype=torch.long) + expanded_targets = torch.zeros(self.max_length, dtype=torch.long) + expanded_targets[word_id_mask] = targets[word_ids]""" + + return (inputs, targets) + + + def _label_word_level(self, targets, word_id_mask, word_ids): + expanded_targets = torch.zeros(self.max_length, dtype=torch.long) + expanded_targets[word_id_mask] = targets[word_ids] + return expanded_targets + + def _label_standard(self, targets, word_id_mask, word_ids): + expanded_targets = torch.zeros(self.max_length, dtype=torch.long) + expanded_targets[word_id_mask] = targets[word_ids] + word_start_ids = _first_appearance_of_unique_item(torch.as_tensor(word_ids)) + unique_word_ids, word_id_counts = torch.unique(torch.as_tensor(word_ids), return_counts=True) + + # here define the start and end labels + for i, (word_start_id, word_id, word_id_count) in enumerate( + zip(word_start_ids, unique_word_ids, word_id_counts)): + curr_target = expanded_targets[word_start_id].item() + if curr_target: # step to filter the orhers + if word_id_count > 1: + ids = list(range(word_start_id, word_start_id + word_id_count)) + + # TODO can make robust by adding string condition 'E-' + position, target_label = self.id_to_label[curr_target].split('-') + if self.consider_end and 'E' == position: + ids = ids[:-1] + else: + ids = ids[1:] + + expanded_target_label = self.label_to_id['X'] if self.use_x else self.label_to_id[f'I-{target_label}'] + expanded_targets[ids] = expanded_target_label # this label needs to be changed! + return expanded_targets +class KaggleDataset(Dataset): + """ + Class for loading data in batches after it has been processed + """ + def __init__(self, dataframe, tokenizer, max_length): + + super().__init__() + + # -- prepare data + assert sorted(dataframe.columns) == ['labels', 'text'], f"Please make sure input dataframe has the columns (text, labels)" + # data must be in the correct format + self.inputs = dataframe.text.values + self.targets = dataframe.labels.values + if not is_string_dtype(self.inputs): raise TypeError('Text data must be string type') + # TODO assertion below is bug; not deleting so remember to add correct assertions + #if not is_integer_dtype(self.targets): raise TypeError('Label data must be integer type') + + # -- prepare tokenizer + self.tokenizer = tokenizer + self.max_length = max_length + + def __len__(self): + return len(self.inputs) + + def __getitem__(self, index): + # self.inputs anf self.targets must be of a type that is indexible as shown + inputs = self.inputs[index] + targets = self.targets[index] + + inputs = self.tokenizer( + # consider parametrising these + inputs.split(), + is_split_into_words=True, # this means that extra \n should be ignored + padding='max_length', + truncation=True, + max_length=self.max_length + ) + + word_ids = inputs.word_ids() + word_id_mask = [word_id is not None for word_id in word_ids] + word_ids = [word_id for word_id in word_ids if word_id is not None] + + # TODO need to think about sending things to the GPU, which ones to send + inputs = { + key: torch.as_tensor(val, dtype=torch.long) for key, val in inputs.items() + } + inputs['doc_ids'] = index # TODO may have to convert to type long + inputs['word_ids'] = word_ids + + targets = torch.as_tensor(targets, dtype=torch.long) + expanded_targets = torch.zeros(self.max_length, dtype=torch.long) + expanded_targets[word_id_mask] = targets[word_ids] + + return (inputs, expanded_targets) + + +def generate_class_to_ent_map(unique_classes): + # sort classes + pass + +def df_from_text_files(path_to_dir): + filenames = [filename for filename in os.listdir(path_to_dir)] + records = [(filename.rstrip('.txt'), open(os.path.join(path_to_dir, filename), 'r').read()) for filename in filenames] + df = pd.DataFrame.from_records(records, columns=['id', 'text']) + return df + +def create_labels_doc_level(path_to_text_dir, path_to_ground_truth): + s = time.time() + df_ground_truth = pd.read_csv(path_to_ground_truth) + unique_labels = list(df_ground_truth.discourse_type.unique()) + unique_labels = [f'{start_letter}-{label}' for label in unique_labels for start_letter in ['B', 'I']] + label_to_id_map = { + label: i for i, label in enumerate( + ['O'] + unique_labels + ) + } + + df_ground_truth.predictionstring = df_ground_truth.predictionstring.str.split() + df_ground_truth['label_ids'] = df_ground_truth.predictionstring.apply(lambda x: [int(x[0]), int(x[-1])]) + df_ground_truth['labels'] = df_ground_truth[['discourse_type', 'label_ids']].apply( + lambda x: [f'B-{x.discourse_type}'] + [f'I-{x.discourse_type}']*(x.label_ids[-1] - x.label_ids[0]), + axis=1 + ) + df_ground_truth['range'] = df_ground_truth.label_ids.apply(lambda x: np.arange(x[0], x[1]+1)) + df_ground_truth['labels'] = df_ground_truth.labels.apply(lambda x: [label_to_id_map[label] for label in x]) + + # this is kind of wrong? + + df_texts = df_from_text_files(path_to_text_dir) + """df_texts.text = df_texts.text.str.replace('\n', ' ') + df_texts.text = df_texts.text.str.replace('\s+', ' ') + df_texts.text = df_texts.text.str.replace('(?<=\w) (?=[.,\/#!$%\^&\*;:{}=\-_`~()])', '')""" + df_texts.text = df_texts.text.str.strip() + df_texts['text_split'] = df_texts.text.str.split() + df_texts['labels'] = df_texts.text_split.apply(lambda x: len(x)*[label_to_id_map['O']]) + df_texts = df_texts.merge( + df_ground_truth.groupby('id').agg({ + 'range': lambda x: np.concatenate(list(x)), + 'labels': lambda x: np.concatenate(list(x)) + }).rename(columns={'labels':'labels_temp'}), + on='id' + ) + # TODO this needs to change + def update_inplace(x): + ids = x.range + new_labels = x.labels_temp + labels = np.array(x.labels, dtype=new_labels.dtype) + assert len(ids) == len(new_labels) + labels[ids] = new_labels + return list(labels) + + + df_texts.labels = df_texts.apply(lambda x: update_inplace(x), axis=1) + + """df_texts.text = df_texts.text.str.replace('\n', ' ') + df_texts.text = df_texts.text.str.replace('\s+', ' ') + df_texts.text = df_texts.text.str.replace('(?<=\w) (?=[.,\/#!$%\^&\*;:{}=\-_`~()])', '')""" + + #for i, (text, label) in df_texts[['text', 'labels']].iterrows(): + # assert text.split().__len__() == label.__len__(), f'Failed because of size mismatch on id: {i}. Shape mismatch {text.split().__len__(), label.__len__()}' + + + """ids = np.stack(df_texts.range) + print(ids.shape) + labels = np.stack(df_texts.labels) + print(labels.shape) + new_labels = np.stack(df_texts.labels) + print(new_labels.shape) + + labels[ids] = new_labels + + df_texts.labels = labels""" + + return df_texts + + + +if __name__ == '__main__': + """PATH = '../../../data/kaggle/feedback-prize-2021/train' + FILE_PATH = '../../../data/kaggle/feedback-prize-2021/train.csv' + + df_texts = create_labels_doc_level(PATH, FILE_PATH) + df_texts[['text', 'labels']].to_csv('../../../data/kaggle/df_cleaned.csv')""" + + PATH = '../../../data/kaggle/df_cleaned.csv' + df = pd.read_csv(PATH, index_col=0) + df.labels = df.labels.apply(lambda x: [int(x_) for x_ in x[1:-1].split(', ')]) + + def extend_labels_based_on_tokenizer(words, labels, tokenizer): + tokens = [] + new_labels = [] + + for word, label in zip(words.split(), labels): + tokenized_word = tokenizer.tokenize(word) + l_tokenized = len(tokenized_word) + tokens += tokenized_word + new_labels += [label] * l_tokenized + + return tokens, new_labels + + + + from transformers import BigBirdTokenizer + + tokenizer = BigBirdTokenizer.from_pretrained('google/bigbird-roberta-large') + + + + sentence = 'Yousef Nami is from Iran' + labels = 'B-PERS I-PERS O O B-Place' + sentence = '_You sef _Na mi is from _Ir an' + labels = 'B_PERS B-PERS I-PERS I-PERS' \ No newline at end of file diff --git a/experiments/yousef/python_files/run.py b/experiments/yousef/python_files/run.py new file mode 100644 index 0000000..6e90658 --- /dev/null +++ b/experiments/yousef/python_files/run.py @@ -0,0 +1,243 @@ +import torch +import time +from python_files.utils import _move # TODO move this to pytorch utils +from colabtools.utils import get_gpu_utilization +import pandas as pd + + + +if torch.cuda.is_available(): + DEVICE = 'cuda' + print('CUDA device detected. Using GPU...') +else: + DEVICE = 'cpu' + print('CUDA device NOT detected. Using CPU...') + +def train_longformer(model, optimizer, epochs, train_loader, val_loader=None, verbose=2): + """ + Function to train longformer + :return: + """ + model.to(DEVICE) + model.train() + + for epoch in range(epochs): + #print(f'GPU Utilisation at epoch {epoch}: {get_gpu_utilization()}') + # set model to train mode + model.train() + start_epoch_message = f'EPOCH {epoch + 1} STARTED' + print(start_epoch_message) + print(f'{"-" * len(start_epoch_message)}') + + start_epoch = time.time() + # TODO model does not currently support saving + start_load = time.time() + + training_loss = 0 + for i, (inputs, targets) in enumerate(train_loader): + start_train = time.time() + inputs = _move(inputs) + targets = _move(targets) + #print(f'GPU Utilisation at batch {i+1} after data loading: {get_gpu_utilization()}') + + optimizer.zero_grad() + + loss, outputs = model( + labels=targets, + input_ids=inputs['input_ids'], + attention_mask=inputs['attention_mask'], + return_dict=False + ) + #print(f'GPU Utilisation at batch {i+1} after training: {get_gpu_utilization()}') + + print(loss) + print(outputs, outputs.shape) + training_loss += loss.item() + + """def active_logits(raw_logits, word_ids): + word_ids = word_ids.view(-1) + active_mask = word_ids.unsqueeze(1).expand(word_ids.shape[0], HyperParameters.num_labels) + active_mask = active_mask != NON_LABEL + active_logits = raw_logits.view(-1, HyperParameters.num_labels) + active_logits = torch.masked_select(active_logits, active_mask) # return 1dTensor + active_logits = active_logits.view(-1, HyperParameters.num_labels) + return active_logits""" + + # TODO evaluate code here + + # backward pass + optimizer.zero_grad() + loss.backward() + optimizer.step() + + end_train = time.time() + + if verbose > 1: + print( + f'Batch {i + 1} complete. Time taken: load({start_train - start_load:.3g}), ' + f'train({end_train - start_train:.3g}), total({end_train - start_load:.3g}). ' + ) + start_load = time.time() + + +def _get_zero_start_ids(iterable, split_by=[0]): + """ TODO run unit tests on this """ + + split_by = set(split_by) + add_item = float(iterable[0]) in split_by + zero_start_ids = [] + for i, item in enumerate(iterable): + if (float(item) in split_by) ^ add_item: + add_item = not add_item + zero_start_ids.append(i) + return zero_start_ids + +def chunk_into_contiguous_segments(tensor, split_ids, ignore=False): + tensor_split = torch.tensor_split(tensor, split_ids) + if ignore: + tensor_split = [tensor_split for i, chunk in enumerate(tensor_split) if i%2] + return tensor_split + + +def get_predicted_label(outputs): + probas, labels = outputs.max(dim=-1) + return probas, labels + +def _get_predictionString_from_tensors(word_id_masks, word_ids, outputs, strategy='first'): + """ Function to convert predicted token labels back into words """ + # outputs is of size batch_size, max_length, n_labels + if strategy == 'first': + # also you need to know what output to be expected here, if it's gonna be + # diff strategies you might have to give the WHOLE tensor, not just the highest pred and class + probas, labels = get_predicted_label(outputs) + df = pd.concat([ + pd.DataFrame({ + 'probas': proba[word_id_mask], + 'labels': label[word_id_mask], + 'word_ids': word_id, + 'doc_ids': i + }).groupby('word_ids').head(1) for i, (proba, label, word_id, word_id_mask) in enumerate(zip(probas, labels, word_ids, word_id_masks)) + ]) + + df = df.groupby('ids').agg({col: lambda x: x.values.flatten().tolist() for col in df.columns}).drop('ids', axis=1) + # also you need to convert back top pytorch tensors + df['split_ids'] = df.labels.apply(lambda x: _get_zero_start_ids(x)) + df.probas = df[['probas', 'split_ids']].apply(lambda x: c) + # continue this... + + + else: + raise NotImplementedError(f'Strategy {strategy} has not yet been implemented.') + # needs to return tensor/df of following format + # TODO need multiple strategies for calculating the CLASS. This might depend on the tokenisation + # DOC_ID, CLASS, predictionString (word level) + # find location of first zero section + zero_start_ids = [ + _get_zero_start_ids(arr) for arr in arrs + ] + pass + +def _calculate_f1_score(): + pass + +def test(model, test_loader, verbose=2): + """ + Performs inference on a trained model + :param model: + :param test_loader: + :param verbose: + :return: + """ + # TODO give option not to use GPU, in fact maybe you can't even + model.to(DEVICE) + model.eval() + with torch.no_grad(): + start_load = time.time() + for i, (inputs, targets) in enumerate(test_loader): + + start_get_predString = time.time() + + start_calculate_f1 = time.time() + + end_prediction = time.time() + if verbose > 1: + print( + f'Batch {i + 1} complete. Time taken: ' + f'load({start_get_predString - start_load:.3g}), ' + f'calc_predString({start_calculate_f1 - start_get_predString:.3g}), ' + f'calc_f1({end_prediction - start_calculate_f1}), ' + f'total({end_prediction - start_load:.3g}). ' + ) + # needs to convert the inputs to word level + # needs to calculate F1 score + # needs to average across the whole thing + pass + + return None + + +def evaluate_simple(outputs, targets): + """ Function that evaluates model predictions at word level based on an F1 Metric + This is a simple evaluation that checks a document level + """ + ids_equal = outputs == targets + overlap = (ids_equal.float()).mean(dim=1) + ids_tp = overlap >= 0.5 + + return (ids_equal.float()).mean(dim=1) + + +def _word_labels_to_df(passage_prediction_list, doc_ids): + ids = [] + classes = [] + prediction_strings = [] + for doc_id, passage_prediction in zip(doc_ids, passage_prediction_list): + pred_string_list = [] + for prediction_string, label in enumerate(passage_prediction, 1): + if label != 0: + pred_string_list.append(prediction_string) + else: + if pred_string_list: + ids.append(doc_id) + classes.append(label) + prediction_strings.append(set(pred_string_list)) + pred_string_list = [] + + return pd.DataFrame(data={'id': ids, 'class': classes, 'predictionString': prediction_strings}) + + +def evaluate(output_passage_prediction, target_passage_prediction): + + df_outputs = _word_labels_to_df(output_passage_prediction) + df_targets = _word_labels_to_df(target_passage_prediction) + + # assume you can get dataframes + df_targets = df_targets.merge( + df_outputs, on=['id', 'class'] + ) + + # make sure class_y is the correct one! e.g. the ground truth + df_targets['overlap_pred_gt'] = df_targets[['class_x', 'class_y']].apply( + lambda x: x.class_x.intersection(x.class_y) / len(x.class_y) + ) + df_targets['overlap_gt_pred'] = df_targets[['class_y', 'class_x']].apply( + lambda x: x.class_x.intersection(x.class_y) / len(x.class_x) + + ) + + df_targets['tp'] = df_targets[['overlap_pred_gt', 'overlap_gt_pred']].apply( + lambda x: int(x.overlap_pred_gt >= 0.5 and x.overlap_gt_pred >= 0.5) + ) + df_targets['overlap_sum'] = df_targets.overlap_pred_gt + df_targets.overlap_gt_pred + df_targets_match = df_targets[df_targets['tp'] == 1].groupby( + 'class_y' + ).agg({'overlap_sum':'max'}).drop(['overlap_gt_pred', 'overlap_pred_gt']) + + TP = df_targets.shape[0] + + df_targets_no_match = df_targets[df_targets['tp'] == 0] + FN = len(df_targets_no_match.class_y.unique()) + FP = len(df_targets_no_match.class_x.unique()) + pass + + diff --git a/experiments/yousef/python_files/utils.py b/experiments/yousef/python_files/utils.py new file mode 100644 index 0000000..450af05 --- /dev/null +++ b/experiments/yousef/python_files/utils.py @@ -0,0 +1,11 @@ +import torch + +def _move(data, device='cpu'): + if torch.is_tensor(data): + return data.to(device) + elif isinstance(data, dict): + return {key: tensor.to(device) for key, tensor in data.items()} + elif isinstance(data, list): + raise NotImplementedError('Currently no support for tensors stored in lists.') + else: + raise TypeError('Invalid data type.') \ No newline at end of file diff --git a/experiments/yousef/requirements.txt b/experiments/yousef/requirements.txt new file mode 100644 index 0000000..1411a4a --- /dev/null +++ b/experiments/yousef/requirements.txt @@ -0,0 +1 @@ +pandas \ No newline at end of file diff --git a/experiments/yousef/test.ipynb b/experiments/yousef/test.ipynb new file mode 100644 index 0000000..ea158d3 --- /dev/null +++ b/experiments/yousef/test.ipynb @@ -0,0 +1,159 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "iqUtMCs82b4U", + "metadata": { + "id": "iqUtMCs82b4U" + }, + "source": [ + "# Test File" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "6wYF-VaoYc_H", + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "6wYF-VaoYc_H", + "outputId": "cee38613-c1c7-40c6-f224-d362cc466f7a" + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Mounted at /content/drive\n", + "Drive successfully mounted.\n", + "Processing ./drive/MyDrive/argument-mining\n", + "\u001b[33m DEPRECATION: A future pip version will change local packages to be built in-place without first copying to a temporary directory. We recommend you use --use-feature=in-tree-build to test your packages with this new behavior before it becomes the default.\n", + " pip 21.3 will remove support for this functionality. You can find discussion regarding this at https://github.com/pypa/pip/issues/7555.\u001b[0m\n", + "Building wheels for collected packages: ArgMiner\n", + " Building wheel for ArgMiner (setup.py) ... \u001b[?25l\u001b[?25hdone\n", + " Created wheel for ArgMiner: filename=ArgMiner-0.0.1-py3-none-any.whl size=1644 sha256=dade86318530e2b97f8cbe27762285b510ec9d1c7a3135c3a5e859a97af3d7d9\n", + " Stored in directory: /root/.cache/pip/wheels/b3/4a/60/7e7788d68cd98674da14cff4bcdd1bc397f8d6ca34967d1251\n", + "Successfully built ArgMiner\n", + "Installing collected packages: ArgMiner\n", + "Successfully installed ArgMiner-0.0.1\n", + "Requirement already satisfied: pandas in /usr/local/lib/python3.7/dist-packages (from -r drive/MyDrive/argument-mining/experiments/yousef/requirements.txt (line 1)) (1.3.5)\n", + "Requirement already satisfied: numpy>=1.17.3 in /usr/local/lib/python3.7/dist-packages (from pandas->-r drive/MyDrive/argument-mining/experiments/yousef/requirements.txt (line 1)) (1.19.5)\n", + "Requirement already satisfied: python-dateutil>=2.7.3 in /usr/local/lib/python3.7/dist-packages (from pandas->-r drive/MyDrive/argument-mining/experiments/yousef/requirements.txt (line 1)) (2.8.2)\n", + "Requirement already satisfied: pytz>=2017.3 in /usr/local/lib/python3.7/dist-packages (from pandas->-r drive/MyDrive/argument-mining/experiments/yousef/requirements.txt (line 1)) (2018.9)\n", + "Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.7/dist-packages (from python-dateutil>=2.7.3->pandas->-r drive/MyDrive/argument-mining/experiments/yousef/requirements.txt (line 1)) (1.15.0)\n" + ] + } + ], + "source": [ + "REPOSITORY_NAME = 'argument-mining'; YOUR_NAME = 'yousef'\n", + "import os\n", + "\n", + "try:\n", + " from google.colab import drive\n", + " drive.mount('/content/drive')\n", + " print('Drive successfully mounted.')\n", + " base_path = f'drive/MyDrive/{REPOSITORY_NAME}'\n", + " requirements_path = os.path.join(base_path, f'experiments/{YOUR_NAME}/requirements.txt')\n", + " !pip install $base_path\n", + " !pip install -r $requirements_path\n", + "except:\n", + " print('Google Drive import failed... continuing anyways...')\n", + " base_path = '../../'" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "6Teo6X3OY_JG", + "metadata": { + "colab": { + "base_uri": "https://localhost:8080/" + }, + "id": "6Teo6X3OY_JG", + "outputId": "c264c4f4-9ae7-403f-8c55-0859258ced1d" + }, + "outputs": [ + { + "ename": "ModuleNotFoundError", + "evalue": "No module named 'argminer'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mModuleNotFoundError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0;32mimport\u001b[0m \u001b[0margminer\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m\u001b[1;32m 2\u001b[0m \u001b[0;32mimport\u001b[0m \u001b[0mtime\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n", + "\u001b[0;31mModuleNotFoundError\u001b[0m: No module named 'argminer'" + ] + } + ], + "source": [ + "import argminer\n" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "caef4bcf", + "metadata": {}, + "outputs": [], + "source": [ + "import time" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "081b6018", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "278 µs ± 28.8 µs per loop (mean ± std. dev. of 7 runs, 1000 loops each)\n" + ] + } + ], + "source": [ + "%%timeit\n", + "length = 10 ** 4\n", + "for i in range(length):\n", + " pass" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "68f429e2", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "colab": { + "name": "test.ipynb", + "provenance": [] + }, + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.7.6" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/experiments/yousef/tu_darmstadt_dataset.ipynb b/experiments/yousef/tu_darmstadt_dataset.ipynb new file mode 100644 index 0000000..d0617e9 --- /dev/null +++ b/experiments/yousef/tu_darmstadt_dataset.ipynb @@ -0,0 +1,1368 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "d9d2c16f", + "metadata": {}, + "source": [ + "# Development Notebook" + ] + }, + { + "cell_type": "markdown", + "id": "51853cce", + "metadata": {}, + "source": [ + "### Imports" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "57ddaf5f", + "metadata": {}, + "outputs": [], + "source": [ + "# -- public imports\n", + "\n", + "import os\n", + "import pandas as pd\n", + "from brat_parser import get_entities_relations_attributes_groups" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "id": "fe460c05", + "metadata": {}, + "outputs": [], + "source": [ + "# -- private import" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "id": "20077bcd", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "The autoreload extension is already loaded. To reload it, use:\n", + " %reload_ext autoreload\n" + ] + } + ], + "source": [ + "# -- dev imports\n", + "\n", + "%load_ext autoreload\n", + "%autoreload 2" + ] + }, + { + "cell_type": "markdown", + "id": "976709b2", + "metadata": {}, + "source": [ + "## Importing the dataset" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "id": "d1598cdb", + "metadata": {}, + "outputs": [], + "source": [ + "base_path = '../../data/UCL/dataset2'\n", + "path = os.path.join(base_path, 'ArgumentAnnotatedEssays-2.0')\n", + "text_file_dir = os.path.join(path, 'brat-project-final')\n", + "\n", + "texts = []\n", + "annotated_texts = []\n", + "for file in os.listdir(text_file_dir):\n", + " essay_num, file_extension = file.split('.')\n", + " if file_extension == 'ann':\n", + " with open(os.path.join(text_file_dir, file), 'r') as f:\n", + " df_temp = pd.read_csv(f, delimiter='\\t', header=None, names=['label_type', 'label', 'text'])\n", + " df_temp[['label', 'label_comp1', 'label_comp2']] = df_temp.label.str.split(expand=True)\n", + " df_temp['doc_id'] = essay_num\n", + " annotated_texts.append(df_temp)\n", + " elif file_extension == 'txt':\n", + " with open(os.path.join(text_file_dir, file), 'r') as f:\n", + " texts.append((essay_num, f.read()))\n", + " else:\n", + " continue\n", + "\n", + "df_texts = pd.DataFrame.from_records(texts, columns=['doc_id', 'text'])\n", + "df_annotated = pd.concat(annotated_texts)\n", + "\n", + "assert sorted(df_annotated.doc_id.unique()) == sorted(df_texts.doc_id)" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "id": "76d5bd4f", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextlabel_comp1label_comp2doc_id
0T1MajorClaimalternative means of transportation and intern...358464essay031
1T2MajorClaimalternative forms of transport and internation...23932565essay031
2T3Claimsome people claim the convenience of automobile23252372essay031
3A1StanceNaNT3Againstessay031
4T4Claimit is crucial to alter automobiles to the othe...822933essay031
.....................
21T13PremiseIn order to promote the country's attractions,...14681595essay028
22T14PremiseOnly well planned and well targeted advertisin...15971692essay028
23R5supportsNaNArg1:T12Arg2:T11essay028
24R6supportsNaNArg1:T13Arg2:T11essay028
25R7supportsNaNArg1:T14Arg2:T11essay028
\n", + "

11427 rows × 6 columns

\n", + "
" + ], + "text/plain": [ + " label_type label text \\\n", + "0 T1 MajorClaim alternative means of transportation and intern... \n", + "1 T2 MajorClaim alternative forms of transport and internation... \n", + "2 T3 Claim some people claim the convenience of automobile \n", + "3 A1 Stance NaN \n", + "4 T4 Claim it is crucial to alter automobiles to the othe... \n", + ".. ... ... ... \n", + "21 T13 Premise In order to promote the country's attractions,... \n", + "22 T14 Premise Only well planned and well targeted advertisin... \n", + "23 R5 supports NaN \n", + "24 R6 supports NaN \n", + "25 R7 supports NaN \n", + "\n", + " label_comp1 label_comp2 doc_id \n", + "0 358 464 essay031 \n", + "1 2393 2565 essay031 \n", + "2 2325 2372 essay031 \n", + "3 T3 Against essay031 \n", + "4 822 933 essay031 \n", + ".. ... ... ... \n", + "21 1468 1595 essay028 \n", + "22 1597 1692 essay028 \n", + "23 Arg1:T12 Arg2:T11 essay028 \n", + "24 Arg1:T13 Arg2:T11 essay028 \n", + "25 Arg1:T14 Arg2:T11 essay028 \n", + "\n", + "[11427 rows x 6 columns]" + ] + }, + "execution_count": 13, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_annotated" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "id": "62c6c2e4", + "metadata": {}, + "outputs": [], + "source": [ + "df_texts.to_json(\n", + " os.path.join(base_path, 'df_texts.json')\n", + ")\n", + "\n", + "df_annotated.reset_index(drop=True).to_json(\n", + " os.path.join(base_path, 'df_full_annotated.json')\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "id": "1c19f45d", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextlabel_comp1label_comp2doc_id
0T1MajorClaimalternative means of transportation and intern...358464essay031
1T2MajorClaimalternative forms of transport and internation...23932565essay031
2T3Claimsome people claim the convenience of automobile23252372essay031
4T4Claimit is crucial to alter automobiles to the othe...822933essay031
6T5Premisean increase in the number of automobiles bring...561638essay031
.....................
16T10PremiseThanks to ads we learn about new products, we ...12091305essay028
18T11ClaimThese days, not only many businesses, but also...13071393essay028
20T12Premisetourism makes up one-third of the Czech Republ...14081466essay028
21T13PremiseIn order to promote the country's attractions,...14681595essay028
22T14PremiseOnly well planned and well targeted advertisin...15971692essay028
\n", + "

6089 rows × 6 columns

\n", + "
" + ], + "text/plain": [ + " label_type label text \\\n", + "0 T1 MajorClaim alternative means of transportation and intern... \n", + "1 T2 MajorClaim alternative forms of transport and internation... \n", + "2 T3 Claim some people claim the convenience of automobile \n", + "4 T4 Claim it is crucial to alter automobiles to the othe... \n", + "6 T5 Premise an increase in the number of automobiles bring... \n", + ".. ... ... ... \n", + "16 T10 Premise Thanks to ads we learn about new products, we ... \n", + "18 T11 Claim These days, not only many businesses, but also... \n", + "20 T12 Premise tourism makes up one-third of the Czech Republ... \n", + "21 T13 Premise In order to promote the country's attractions,... \n", + "22 T14 Premise Only well planned and well targeted advertisin... \n", + "\n", + " label_comp1 label_comp2 doc_id \n", + "0 358 464 essay031 \n", + "1 2393 2565 essay031 \n", + "2 2325 2372 essay031 \n", + "4 822 933 essay031 \n", + "6 561 638 essay031 \n", + ".. ... ... ... \n", + "16 1209 1305 essay028 \n", + "18 1307 1393 essay028 \n", + "20 1408 1466 essay028 \n", + "21 1468 1595 essay028 \n", + "22 1597 1692 essay028 \n", + "\n", + "[6089 rows x 6 columns]" + ] + }, + "execution_count": 15, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "ids_argument_segment = df_annotated.label_type.str.startswith('T')\n", + "\n", + "df_arguments = df_annotated[ids_argument_segment]\n", + "\n", + "df_arguments" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "id": "a5af3ba7", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "label_type object\n", + "label object\n", + "text object\n", + "span_start int64\n", + "span_end int64\n", + "doc_id object\n", + "dtype: object" + ] + }, + "execution_count": 16, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_arguments = df_arguments.rename(columns={'label_comp1':'span_start', 'label_comp2':'span_end'}).astype(\n", + " {'span_start': int, 'span_end':int}\n", + ")\n", + "df_arguments.dtypes" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "id": "32191521", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "murdering criminals is therefore immoral and hard to accept\n", + "\"murdering\" criminals is therefore immoral and hard to accept\n", + "\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_14116/2945358557.py:12: SettingWithCopyWarning: \n", + "A value is trying to be set on a copy of a slice from a DataFrame\n", + "\n", + "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", + " df_arguments['text'][df_arguments.text == text_segment] = text[span_start: span_end]\n", + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_14116/2945358557.py:12: SettingWithCopyWarning: \n", + "A value is trying to be set on a copy of a slice from a DataFrame\n", + "\n", + "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", + " df_arguments['text'][df_arguments.text == text_segment] = text[span_start: span_end]\n", + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_14116/2945358557.py:12: SettingWithCopyWarning: \n", + "A value is trying to be set on a copy of a slice from a DataFrame\n", + "\n", + "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", + " df_arguments['text'][df_arguments.text == text_segment] = text[span_start: span_end]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Click is a very interesting comedy, with a serious approach about the importance of having a balanced life between family and work businesses\n", + "\"Click\" is a very interesting comedy, with a serious approach about the importance of having a balanced life between family and work businesses\n", + "\n", + "Blood diamond, an adaptation of a real story in South Africa, focuses on the link between diamonds and conflict\n", + "\"Blood diamond\", an adaptation of a real story in South Africa, focuses on the link between diamonds and conflict\n", + "\n", + "rush hours are usually not the direct consequence of drivers\n", + "\"rush hours\" are usually not the direct consequence of drivers\n", + "\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/var/folders/_6/scw_50_57tb8mmbpq6ylnl6w0000gn/T/ipykernel_14116/2945358557.py:12: SettingWithCopyWarning: \n", + "A value is trying to be set on a copy of a slice from a DataFrame\n", + "\n", + "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", + " df_arguments['text'][df_arguments.text == text_segment] = text[span_start: span_end]\n" + ] + } + ], + "source": [ + "records = []\n", + "df_arguments = df_arguments.sort_values(['doc_id', 'span_start', 'span_end'])\n", + "for (doc_id, text) in df_texts.sort_values('doc_id').itertuples(index=False):\n", + " df_argument = df_arguments[df_arguments.doc_id == doc_id]\n", + " prev_span = 0\n", + " for i, (text_segment, span_start, span_end) in enumerate(df_argument[['text', 'span_start', 'span_end']].itertuples(index=False)):\n", + " try:\n", + " assert text_segment == text[span_start: span_end]\n", + " except Exception as e:\n", + " print(f'{text_segment}\\n{text[span_start: span_end]}\\n')\n", + " # all the exception were manually checked. These are because of qutoe chars, this is a hot fix.!!!! TODO\n", + " df_arguments['text'][df_arguments.text == text_segment] = text[span_start: span_end]\n", + " records.append(('O', 'Other', text[prev_span: span_start], prev_span, span_start, doc_id))\n", + " prev_span = span_end\n", + " records.append(('O', 'Other', text[prev_span:], prev_span, len(text), doc_id))" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "id": "43607841", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextspan_startspan_enddoc_id
0OOtherShould students be taught to compete or to coo...0503essay001
1OOther.\\nFirst of all,575591essay001
2OOther.714716essay001
3OOther.851853essay001
4OOther.10861088essay001
.....................
6486OOther.13391341essay402
6487OOther, so13881393essay402
6488OOther. Secondly,14361448essay402
6489OOther. \\nIn conclusion,15251543essay402
6490OOther.16201621essay402
\n", + "

6491 rows × 6 columns

\n", + "
" + ], + "text/plain": [ + " label_type label text \\\n", + "0 O Other Should students be taught to compete or to coo... \n", + "1 O Other .\\nFirst of all, \n", + "2 O Other . \n", + "3 O Other . \n", + "4 O Other . \n", + "... ... ... ... \n", + "6486 O Other . \n", + "6487 O Other , so \n", + "6488 O Other . Secondly, \n", + "6489 O Other . \\nIn conclusion, \n", + "6490 O Other . \n", + "\n", + " span_start span_end doc_id \n", + "0 0 503 essay001 \n", + "1 575 591 essay001 \n", + "2 714 716 essay001 \n", + "3 851 853 essay001 \n", + "4 1086 1088 essay001 \n", + "... ... ... ... \n", + "6486 1339 1341 essay402 \n", + "6487 1388 1393 essay402 \n", + "6488 1436 1448 essay402 \n", + "6489 1525 1543 essay402 \n", + "6490 1620 1621 essay402 \n", + "\n", + "[6491 rows x 6 columns]" + ] + }, + "execution_count": 18, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_other = pd.DataFrame.from_records(records, columns=df_arguments.columns)\n", + "df_other" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "id": "4c05b031", + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
label_typelabeltextspan_startspan_enddoc_id
0OOtherShould students be taught to compete or to coo...0503essay001
1T1MajorClaimwe should attach more importance to cooperatio...503575essay001
2OOther.\\nFirst of all,575591essay001
3T3Claimthrough cooperation, children can learn about ...591714essay001
4OOther.714716essay001
5T4PremiseWhat we acquired from team work is not only ho...716851essay001
6OOther.851853essay001
7T5PremiseDuring the process of cooperation, children ca...8531086essay001
8OOther.10861088essay001
9T6PremiseAll of these skills help them to get on well w...10881191essay001
10OOther.\\nOn the other hand,11911212essay001
11T8Premisethe significance of competition is that how to...12121301essay001
12OOther. Hence it is always said that13011332essay001
13T7Claimcompetition makes the society more effective13321376essay001
14OOther. However,13761387essay001
15T9Premisewhen we consider about the question that how t...13871492essay001
16OOther. The greater our goal is, the more competitio...14921549essay001
17T10PremiseTake Olympic games which is a form of competit...15491846essay001
18OOther. The winner is the athlete but the success be...18461927essay001
19T11Claimwithout the cooperation, there would be no vic...19271992essay001
20OOther.\\nConsequently, no matter from the view of in...19922154essay001
21T2MajorClaima more cooperative attitudes towards life is m...21542231essay001
22OOther.22312232essay001
\n", + "
" + ], + "text/plain": [ + " label_type label text \\\n", + "0 O Other Should students be taught to compete or to coo... \n", + "1 T1 MajorClaim we should attach more importance to cooperatio... \n", + "2 O Other .\\nFirst of all, \n", + "3 T3 Claim through cooperation, children can learn about ... \n", + "4 O Other . \n", + "5 T4 Premise What we acquired from team work is not only ho... \n", + "6 O Other . \n", + "7 T5 Premise During the process of cooperation, children ca... \n", + "8 O Other . \n", + "9 T6 Premise All of these skills help them to get on well w... \n", + "10 O Other .\\nOn the other hand, \n", + "11 T8 Premise the significance of competition is that how to... \n", + "12 O Other . Hence it is always said that \n", + "13 T7 Claim competition makes the society more effective \n", + "14 O Other . However, \n", + "15 T9 Premise when we consider about the question that how t... \n", + "16 O Other . The greater our goal is, the more competitio... \n", + "17 T10 Premise Take Olympic games which is a form of competit... \n", + "18 O Other . The winner is the athlete but the success be... \n", + "19 T11 Claim without the cooperation, there would be no vic... \n", + "20 O Other .\\nConsequently, no matter from the view of in... \n", + "21 T2 MajorClaim a more cooperative attitudes towards life is m... \n", + "22 O Other . \n", + "\n", + " span_start span_end doc_id \n", + "0 0 503 essay001 \n", + "1 503 575 essay001 \n", + "2 575 591 essay001 \n", + "3 591 714 essay001 \n", + "4 714 716 essay001 \n", + "5 716 851 essay001 \n", + "6 851 853 essay001 \n", + "7 853 1086 essay001 \n", + "8 1086 1088 essay001 \n", + "9 1088 1191 essay001 \n", + "10 1191 1212 essay001 \n", + "11 1212 1301 essay001 \n", + "12 1301 1332 essay001 \n", + "13 1332 1376 essay001 \n", + "14 1376 1387 essay001 \n", + "15 1387 1492 essay001 \n", + "16 1492 1549 essay001 \n", + "17 1549 1846 essay001 \n", + "18 1846 1927 essay001 \n", + "19 1927 1992 essay001 \n", + "20 1992 2154 essay001 \n", + "21 2154 2231 essay001 \n", + "22 2231 2232 essay001 " + ] + }, + "execution_count": 26, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_combined = pd.concat([df_other, df_arguments])\n", + "df_combined = df_combined.sort_values(['doc_id', 'span_start', 'span_end']).reset_index(drop=True)\n", + "df_combined[df_combined.doc_id == 'essay001']" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "id": "22cecd2d", + "metadata": {}, + "outputs": [], + "source": [ + "df_combined.to_json(\n", + " os.path.join(base_path, 'df_with_other.json')\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "id": "1bb4c0b1", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "\"Should students be taught to compete or to cooperate?\\n\\nIt is always said that competition can effectively promote the development of economy. In order to survive in the competition, companies continue to improve their products and service, and as a result, the whole society prospers. However, when we discuss the issue of competition or cooperation, what we are concerned about is not the whole society, but the development of an individual's whole life. From this point of view, I firmly believe that we should attach more importance to cooperation during primary education.\\nFirst of all, through cooperation, children can learn about interpersonal skills which are significant in the future life of all students. What we acquired from team work is not only how to achieve the same goal with others but more importantly, how to get along with others. During the process of cooperation, children can learn about how to listen to opinions of others, how to communicate with others, how to think comprehensively, and even how to compromise with other team members when conflicts occurred. All of these skills help them to get on well with other people and will benefit them for the whole life.\\nOn the other hand, the significance of competition is that how to become more excellence to gain the victory. Hence it is always said that competition makes the society more effective. However, when we consider about the question that how to win the game, we always find that we need the cooperation. The greater our goal is, the more competition we need. Take Olympic games which is a form of competition for instance, it is hard to imagine how an athlete could win the game without the training of his or her coach, and the help of other professional staffs such as the people who take care of his diet, and those who are in charge of the medical care. The winner is the athlete but the success belongs to the whole team. Therefore without the cooperation, there would be no victory of competition.\\nConsequently, no matter from the view of individual development or the relationship between competition and cooperation we can receive the same conclusion that a more cooperative attitudes towards life is more profitable in one's success.\"" + ] + }, + "execution_count": 35, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_essay001 = df_combined[df_combined.doc_id == 'essay001']\n", + "''.join(df_essay001.text)" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "id": "4ef11459", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "array(['T1', 'MajorClaim',\n", + " 'we should attach more importance to cooperation during primary education',\n", + " 503, 575, 'essay001'], dtype=object)" + ] + }, + "execution_count": 33, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_essay001.values[1]" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "id": "2f6939ea", + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "array(['O', 'Other', '.\\nFirst of all, ', 575, 591, 'essay001'],\n", + " dtype=object)" + ] + }, + "execution_count": 34, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df_essay001.values[2]" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "id": "a81018d4", + "metadata": {}, + "outputs": [], + "source": [ + "from argminer.data import DataProcessor, TUDarmstadtProcessor" + ] + }, + { + "cell_type": "code", + "execution_count": 78, + "id": "dfd6c728", + "metadata": {}, + "outputs": [ + { + "ename": "AttributeError", + "evalue": "'DataProcessor' object has no attribute '_preprocess'", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mAttributeError\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [78]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[1;32m 1\u001b[0m test \u001b[38;5;241m=\u001b[39m DataProcessor(\u001b[38;5;241m1\u001b[39m)\n\u001b[0;32m----> 2\u001b[0m \u001b[43mtest\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mpreprocess\u001b[49m()\n\u001b[1;32m 3\u001b[0m test\u001b[38;5;241m.\u001b[39mpreprocess()\n", + "File \u001b[0;32m~/Desktop/Main/0.Education/2.UCL/Courses/NLP/argument-mining/argminer/data.py:25\u001b[0m, in \u001b[0;36mDataProcessor.preprocess\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 23\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mstatus \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[1;32m 24\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mException\u001b[39;00m(\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mPreprocess method has already been called.\u001b[39m\u001b[38;5;124m'\u001b[39m)\n\u001b[0;32m---> 25\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_preprocess\u001b[49m\n", + "\u001b[0;31mAttributeError\u001b[0m: 'DataProcessor' object has no attribute '_preprocess'" + ] + } + ], + "source": [ + "test = DataProcessor(1)\n", + "test.preprocess()\n", + "test.pr()" + ] + }, + { + "cell_type": "code", + "execution_count": 88, + "id": "8c257188", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "murdering criminals is therefore immoral and hard to accept\n", + "\n", + "\"murdering\" criminals is therefore immoral and hard to accept\n", + "\n", + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "Click is a very interesting comedy, with a serious approach about the importance of having a balanced life between family and work businesses\n", + "\n", + "\"Click\" is a very interesting comedy, with a serious approach about the importance of having a balanced life between family and work businesses\n", + "\n", + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "Blood diamond, an adaptation of a real story in South Africa, focuses on the link between diamonds and conflict\n", + "\n", + "\"Blood diamond\", an adaptation of a real story in South Africa, focuses on the link between diamonds and conflict\n", + "\n", + "Found non-matching segments:--------------------------------------------------\n", + "\n", + "rush hours are usually not the direct consequence of drivers\n", + "\n", + "\"rush hours\" are usually not the direct consequence of drivers\n", + "\n", + " doc_id text label\n", + "0 essay001 Should students be taught to compete or to coo... Other\n", + "1 essay001 we should attach more importance to cooperatio... MajorClaim\n", + "2 essay001 .\\nFirst of all, Other\n", + "3 essay001 through cooperation, children can learn about ... Claim\n", + "4 essay001 . Other\n", + "... ... ... ...\n", + "12575 essay402 . Secondly, Other\n", + "12576 essay402 playing sport makes children getting healthy a... Premise\n", + "12577 essay402 . \\nIn conclusion, Other\n", + "12578 essay402 both studying hard at school and playing sport... MajorClaim\n", + "12579 essay402 . Other\n", + "\n", + "[12580 rows x 3 columns]\n", + "None\n" + ] + } + ], + "source": [ + "path = '../../data/UCL/dataset2/ArgumentAnnotatedEssays-2.0/brat-project-final'\n", + "test2 = TUDarmstadtProcessor(path)\n", + "test2.preprocess()\n", + "test2.process('bio')" + ] + }, + { + "cell_type": "code", + "execution_count": 85, + "id": "d3ea7b54", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " a\n", + "0 2\n", + "1 4\n", + "2 6\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[autoreload of argminer.data failed: Traceback (most recent call last):\n", + " File \"/Users/yousefnami/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/IPython/extensions/autoreload.py\", line 257, in check\n", + " superreload(m, reload, self.old_objects)\n", + " File \"/Users/yousefnami/opt/anaconda3/envs/argument-mining/lib/python3.8/site-packages/IPython/extensions/autoreload.py\", line 455, in superreload\n", + " module = reload(module)\n", + " File \"/Users/yousefnami/opt/anaconda3/envs/argument-mining/lib/python3.8/importlib/__init__.py\", line 169, in reload\n", + " _bootstrap._exec(spec, module)\n", + " File \"\", line 604, in _exec\n", + " File \"\", line 839, in exec_module\n", + " File \"\", line 976, in get_code\n", + " File \"\", line 906, in source_to_code\n", + " File \"\", line 219, in _call_with_frames_removed\n", + " File \"/Users/yousefnami/Desktop/Main/0.Education/2.UCL/Courses/NLP/argument-mining/argminer/data.py\", line 180\n", + " df =\n", + " ^\n", + "SyntaxError: invalid syntax\n", + "]\n" + ] + } + ], + "source": [ + "df = pd.DataFrame({'a':[1,2,3]})\n", + "\n", + "df2 = df\n", + "df2.a = df2.a.apply(lambda x: x*2)\n", + "print(df)" + ] + }, + { + "cell_type": "code", + "execution_count": 66, + "id": "36696d4e", + "metadata": { + "collapsed": true + }, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "preprocessed\n" + ] + }, + { + "ename": "Exception", + "evalue": "Preprocess method has already been called.", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mException\u001b[0m Traceback (most recent call last)", + "Input \u001b[0;32mIn [66]\u001b[0m, in \u001b[0;36m\u001b[0;34m\u001b[0m\n\u001b[0;32m----> 1\u001b[0m \u001b[43mtest2\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mpreprocess\u001b[49m()\n", + "File \u001b[0;32m~/Desktop/Main/0.Education/2.UCL/Courses/NLP/argument-mining/argminer/data.py:25\u001b[0m, in \u001b[0;36mDataProcessor.preprocess\u001b[0;34m(self)\u001b[0m\n\u001b[1;32m 23\u001b[0m \u001b[38;5;28mprint\u001b[39m(\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mstatus)\n\u001b[1;32m 24\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mstatus \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[0;32m---> 25\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mException\u001b[39;00m(\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mPreprocess method has already been called.\u001b[39m\u001b[38;5;124m'\u001b[39m)\n\u001b[1;32m 26\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_preprocess\n", + "\u001b[0;31mException\u001b[0m: Preprocess method has already been called." + ] + } + ], + "source": [ + "test2.preprocess()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "41ca3c0d", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "argument-mining", + "language": "python", + "name": "argument-mining" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/setup.py b/setup.py new file mode 100644 index 0000000..fa7ca44 --- /dev/null +++ b/setup.py @@ -0,0 +1,48 @@ +from setuptools import setup, find_packages +import codecs +import os.path + +def read(rel_path): + here = os.path.abspath(os.path.dirname(__file__)) + with codecs.open(os.path.join(here, rel_path), 'r') as fp: + return fp.read() + +def get_version(rel_path): + for line in read(rel_path).splitlines(): + if line.startswith('__version__'): + delim = '"' if '"' in line else "'" + return line.split(delim)[1] + else: + raise RuntimeError("Unable to find version string.") + +setup( + name='argminer', + version=get_version("argminer/__init__.py"), #'0.0.12', + description='', + author='Yousef Nami', + author_email='namiyousef@hotmail.com', + url='https://github.com/namiyousef/argument-mining', + install_requires=[ + 'torch', + 'transformers', + 'sentencepiece', + 'pandas', + 'plac', + 'numpy', + 'tqdm', + 'sklearn', + 'protobuf', + 'colab-dev-tools', + 'matplotlib', + #'colab-dev-tools@git+https://git@github.com/namiyousef/colab-utils.git', + 'mlutils@git+https://git@github.com/namiyousef/ml-utils.git@develop', + 'connexion[swagger-ui]' + #'pip install torch==1.7.1+cu101 torchvision==0.8.2+cu101 torchaudio==0.7.2 -f https://download.pytorch.org/whl/torch_stable.html' + ], + #package_data={} + packages=find_packages(exclude=('tests*', 'experiments*')), + license='MIT', + entry_points={ + 'console_scripts': ['argminer-api=argminer.run_api:main'], + } +) \ No newline at end of file diff --git a/tests/test_config.py b/tests/test_config.py new file mode 100644 index 0000000..0511c7d --- /dev/null +++ b/tests/test_config.py @@ -0,0 +1,100 @@ +import unittest +import pandas as pd +from pandas.testing import assert_frame_equal +from itertools import product +from argminer.config import LABELS_MAP_DICT, PREDICTION_STRING_START_ID + + +class TestConfig(unittest.TestCase): + + def test_label_map_dict(self): + + # -- configuration + datasets = ['TUDarmstadt', 'Persuade'] + labelling_schemes = ['io', 'bio', 'bieo', 'bixo'] + + inputs = { + f'{dataset}_{labelling_scheme}': (dataset, labelling_scheme) for dataset, labelling_scheme in product( + datasets, labelling_schemes + ) + } + + # -- test labelling schemes + + expected_outputs = dict( + TUDarmstadt_io=pd.DataFrame(dict( + label_id=[0, 1, 2, 3], + label=['O', 'I-MajorClaim', 'I-Claim', 'I-Premise'], + + )), + TUDarmstadt_bio=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6], + label=['O', 'B-MajorClaim', 'I-MajorClaim', 'B-Claim', 'I-Claim', 'B-Premise', 'I-Premise'], + + )), + TUDarmstadt_bieo=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6, 7, 8, 9], + label=['O', 'B-MajorClaim', 'I-MajorClaim', 'E-MajorClaim', + 'B-Claim', 'I-Claim', 'E-Claim', 'B-Premise', 'I-Premise', 'E-Premise'], + + )), + TUDarmstadt_bixo=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6, 7], + label=['O', 'X', 'B-MajorClaim', 'I-MajorClaim', 'B-Claim', 'I-Claim', 'B-Premise', 'I-Premise'], + + )), + Persuade_io=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6, 7], + label=[ + 'O', + 'I-Lead', 'I-Position', 'I-Claim', 'I-Counterclaim', + 'I-Rebuttal', 'I-Evidence', 'I-Concluding Statement' + ], + + )), + Persuade_bio=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14], + label=[ + 'O', + 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', + 'B-Counterclaim', 'I-Counterclaim', 'B-Rebuttal', 'I-Rebuttal', + 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', 'I-Concluding Statement' + ], + + )), + Persuade_bieo=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21], + label=[ + 'O', + 'B-Lead', 'I-Lead', 'E-Lead', 'B-Position', 'I-Position', 'E-Position', + 'B-Claim', 'I-Claim', 'E-Claim', 'B-Counterclaim', 'I-Counterclaim', 'E-Counterclaim', + 'B-Rebuttal', 'I-Rebuttal', 'E-Rebuttal', 'B-Evidence', 'I-Evidence', 'E-Evidence', + 'B-Concluding Statement', 'I-Concluding Statement', 'E-Concluding Statement' + ], + )), + Persuade_bixo=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], + label=[ + 'O', 'X', + 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', + 'B-Counterclaim', 'I-Counterclaim', 'B-Rebuttal', 'I-Rebuttal', + 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', 'I-Concluding Statement' + ], + )) + ) + + for configuration, (dataset, labelling_scheme) in inputs.items(): + expected_output = expected_outputs[configuration] + output = LABELS_MAP_DICT[dataset][labelling_scheme] + + assert_frame_equal(expected_output, output) + + def test_constants(self): + + assert PREDICTION_STRING_START_ID == 0 + + + + +if __name__ == '__main__': + unittest.main() \ No newline at end of file diff --git a/tests/test_data_helpers.py b/tests/test_data_helpers.py new file mode 100644 index 0000000..89a5548 --- /dev/null +++ b/tests/test_data_helpers.py @@ -0,0 +1,69 @@ +import unittest +from itertools import product + +from argminer.data import _generate_entity_labels + + +class TestDataHelpers(unittest.TestCase): + + def test_generate_entity_labels(self): + # -- configuration + labels_dict = dict( + Other='Other', + NotOther='NotOther' + ) + add_beg_dict = dict(Beg=True, NotBeg=False) + add_end_dict = dict(End=True, NotEnd=False) + + test_params = {} + for (label, add_beg_key, add_end_key) in product(labels_dict, add_beg_dict, add_end_dict): + identifier = f'{label}{add_beg_key}{add_end_key}' + test_params[identifier] = dict( + label=labels_dict[label], + add_beg=add_beg_dict[add_beg_key], + add_end=add_end_dict[add_end_key] + ) + + # -- test normal case + length = 3 + + expected_outputs = dict( + OtherBegEnd=['O', 'O', 'O'], + OtherBegNotEnd=['O', 'O', 'O'], + OtherNotBegEnd=['O', 'O', 'O'], + OtherNotBegNotEnd=['O', 'O', 'O'], + NotOtherBegEnd=['B-NotOther', 'I-NotOther', 'E-NotOther'], + NotOtherBegNotEnd=['B-NotOther', 'I-NotOther', 'I-NotOther'], + NotOtherNotBegEnd=['I-NotOther', 'I-NotOther', 'E-NotOther'], + NotOtherNotBegNotEnd=['I-NotOther', 'I-NotOther', 'I-NotOther'], + ) + + for configuration, expected_output in expected_outputs.items(): + params = test_params[configuration] + output = _generate_entity_labels(length, **params) + assert expected_output == output + + # test edge case (even) + length = 2 + + expected_outputs = dict( + NotOtherBegEnd=['B-NotOther', 'E-NotOther'] + ) + + for configuration, expected_output in expected_outputs.items(): + params = test_params[configuration] + output = _generate_entity_labels(length, **params) + assert expected_output == output + + # -- test edge case (only 1) + length = 1 + + expected_outputs = dict( + NotOtherBegEnd=['B-NotOther'] + ) + + for configuration, expected_output in expected_outputs.items(): + params = test_params[configuration] + output = _generate_entity_labels(length, **params) + assert expected_output == output + diff --git a/tests/test_data_processor.py b/tests/test_data_processor.py new file mode 100644 index 0000000..e8eea6d --- /dev/null +++ b/tests/test_data_processor.py @@ -0,0 +1,230 @@ +# -- public imports +import io +import json +from pandas.testing import assert_frame_equal +import unittest +import sys +import pandas as pd +import numpy as np +from itertools import permutations +from unittest.mock import Mock, patch + +# -- private imports +from argminer.data import DataProcessor, TUDarmstadtProcessor, PersuadeProcessor + +# -- functions +class Logger: + def __init__(self): + print(f'Running test "{sys._getframe(1).f_code.co_name}"') + print("=" * 50) + self.counter = 1 + + def log(self, description): + print(f'{self.counter}: {description}') + self.counter += 1 + +class TestDataProcessor(unittest.TestCase): + + def test_base_processor(self): + logger = Logger() + + logger.log('Test the preproc, proc, postproc cannot be called in incorrect order') + + # define dummy subclass to test superclass features + class DummyProcessor(DataProcessor): + def __init__(self, path=''): + super().__init__(path) + def _preprocess(self): + + self.dataframe = pd.DataFrame().from_records([ + (1, '1', '1'), + (1, '2', '2'), + (1, '3', '3'), + (1, '4', '4'), + ]) + self.status = 'preprocessed' + + def _process(self): + pass + + def _postprocess(self): + pass + + processor = DummyProcessor() + + status = ['preprocess', 'process', 'postprocess'] + status_perm = list(permutations(status, r=2)) + + for s1, s2 in status_perm: + processor.status = s1 + try: + getattr(processor, s2) + raise Exception(f'Failure: Successfully ran {s2} after {s1}') + except: + pass + processor.status = None + + logger.log('Test saving') + + logger.log('Test loading') + + + logger.log('Test default train test split') + + + + + logger.log('Test custom train test split') + + + def test_tu_darmstadt_processor(self): + + df_tu_darmstadt_raw = pd.DataFrame.from_records([ + ('1', 'Sentence 1', '1'), + ('1', 'Sentence 2', '3'), + ('1', 'Sentence 3', '2'), + ('2', 'Sentence 1', '1'), + ('3', 'Sentence 1', '0'), + ('3', 'Sentence 2', '1'), + ], columns=['doc_id', 'text', 'label']) + + def _preprocess_mock(self): + self.dataframe = df_tu_darmstadt_raw + self.status = 'preprocessed' + return self + + def _save_json_mock(self): + return self.dataframe + + df_expected_outputs = dict( + test=pd.DataFrame.from_records([ + ('2', 'Sentence 1', ['B-1', 'I-1'], [0, 1]), + ('3', 'Sentence 1', ['B-0', 'I-0'], [0, 1]), + ('3', 'Sentence 2', ['B-1', 'I-1'], [2, 3]), + ], columns=['doc_id', 'text', 'label', 'predictionString']), + train=pd.DataFrame.from_records([ + ('1', 'Sentence 1', ['B-1', 'I-1'], [0, 1]), + ('1', 'Sentence 2', ['B-3', 'I-3'], [2, 3]), + ('1', 'Sentence 3', ['B-2', 'I-2'], [4, 5]), + ], columns=['doc_id', 'text', 'label', 'predictionString']), + ) + + df_expected_outputs_post = dict( + test=pd.DataFrame.from_records([ + ('2', 'Sentence 1', ['B-1', 'I-1'], [0, 1]), + ('3', 'Sentence 1 Sentence 2', ['B-0', 'I-0', 'B-1', 'I-1'], [0, 1, 2, 3]), + ], columns=['doc_id', 'text', 'labels', 'predictionString']), + train=pd.DataFrame.from_records([ + ('1', 'Sentence 1 Sentence 2 Sentence 3', ['B-1', 'I-1', 'B-3', 'I-3', 'B-2', 'I-2'], [0, 1, 2, 3, 4, 5]), + ], columns=['doc_id', 'text', 'labels', 'predictionString']), + ) + + logger = Logger() + + logger.log('Test train test split - during process method') + + with patch.object( + TUDarmstadtProcessor, '_preprocess', _preprocess_mock + ) as _preprocess_mock, \ + patch.object(pd, 'read_csv') as read_csv_mock,\ + patch.object(DataProcessor, 'save_json', _save_json_mock) as _save_json_mock: + read_csv_mock.return_value = pd.DataFrame().from_records([ + ('1', 'TRAIN'), + ('2', 'TEST'), + ('3', 'TEST') + ], columns=['ID', 'SET']) + # TODO needs to add a test for the validation.... + for split in ['test', 'train']: + processor = TUDarmstadtProcessor().preprocess().process('bio', split=split) + df_output = processor.dataframe.reset_index(drop=True) + assert_frame_equal( + df_output, + df_expected_outputs[split] + ) + + + processor = processor.postprocess() + df_output = processor.dataframe.reset_index(drop=True)[['doc_id', 'text', 'labels', 'predictionString']] + assert_frame_equal( + df_output, + df_expected_outputs_post[split][['doc_id', 'text', 'labels', 'predictionString']] + ) + + + def test_persuade_processor(self): + + + logger = Logger() + + df_persuade_raw = pd.DataFrame.from_records([ + ('1', 'Sentence 1', '1'), + ('1', 'Sentence 2', '3'), + ('1', 'Sentence 3', '2'), + ('2', 'Sentence 1', '1'), + ('3', 'Sentence 1', '0'), + ('3', 'Sentence 2', '1'), + ], columns=['doc_id', 'text', 'label']) + + def _preprocess_mock(self): + self.dataframe = df_persuade_raw + self.status = 'preprocessed' + return self + + def _save_json_mock(self): + return self.dataframe + + df_expected_outputs = dict( + train=pd.DataFrame.from_records([ + ('2', 'Sentence 1', ['B-1', 'I-1'], [0, 1]), + ('3', 'Sentence 1', ['B-0', 'I-0'], [0, 1]), + ('3', 'Sentence 2', ['B-1', 'I-1'], [2, 3]), + ], columns=['doc_id', 'text', 'label', 'predictionString']), + test=pd.DataFrame.from_records([ + ('1', 'Sentence 1', ['B-1', 'I-1'], [0, 1]), + ('1', 'Sentence 2', ['B-3', 'I-3'], [2, 3]), + ('1', 'Sentence 3', ['B-2', 'I-2'], [4, 5]), + ], columns=['doc_id', 'text', 'label', 'predictionString']), + ) + + df_expected_outputs_post = dict( + train=pd.DataFrame.from_records([ + ('2', 'Sentence 1', ['B-1', 'I-1'], [0, 1]), + ('3', 'Sentence 1 Sentence 2', ['B-0', 'I-0', 'B-1', 'I-1'], [0, 1, 2, 3]), + ], columns=['doc_id', 'text', 'labels', 'predictionString']), + test=pd.DataFrame.from_records([ + ('1', 'Sentence 1 Sentence 2 Sentence 3', ['B-1', 'I-1', 'B-3', 'I-3', 'B-2', 'I-2'], + [0, 1, 2, 3, 4, 5]), + ], columns=['doc_id', 'text', 'labels', 'predictionString']), + ) + + + + logger.log('Test train test split - during process method') + + with patch.object( + PersuadeProcessor, '_preprocess', _preprocess_mock + ) as _preprocess_mock, \ + patch.object(np.random, 'shuffle') as shuffle_mock, \ + patch.object(DataProcessor, 'save_json', _save_json_mock) as _save_json_mock: + shuffle_mock.return_value = None + # TODO needs to add a test for the validation.... + for split in ['test', 'train']: + processor = PersuadeProcessor().preprocess().process('bio', split=split, test_size=0.5) + df_output = processor.dataframe.reset_index(drop=True) + assert_frame_equal( + df_output, + df_expected_outputs[split] + ) + processor = processor.postprocess() + df_output = processor.dataframe.reset_index(drop=True) + assert_frame_equal( + df_output[['doc_id', 'text', 'labels', 'predictionString']], + df_expected_outputs_post[split][['doc_id', 'text', 'labels', 'predictionString']] + ) + + def test_arg2020_processor(self): + pass + + +if __name__ == '__main__': + unittest.main() \ No newline at end of file diff --git a/tests/test_dataset.py b/tests/test_dataset.py new file mode 100644 index 0000000..0b9c6d1 --- /dev/null +++ b/tests/test_dataset.py @@ -0,0 +1,542 @@ +import unittest +from argminer.data import ArgumentMiningDataset +from argminer.utils import _get_label_maps +from transformers import AutoTokenizer +import pandas as pd +import torch + +from itertools import product + + +test_string = 'I am Yousef Nami. NLP is the fastest growing Machine Learning field. NLP to science direct is it the most fire field in Machine NLP. Some other sentences. NLP, I conclude that NLP is NLP' +labels = ['Other', 'Claim', 'Evidence', 'Other', 'Conclusion'] +def create_labelled_stentences(string, labels, strategy): + sentences = string.split('.') + output_labels = [] + for sentence, label in zip(sentences, labels): + print(sentence, label) + if label == 'Other': + sentence_labels = len(sentence.split()) * ['O'] + else: + sentence_labels = len(sentence.split()) * [f'I-{label}'] + if strategy == 'bieo': + sentence_labels[-1] = f'E-{label}' + sentence_labels[0] = f'B-{label}' + output_labels += sentence_labels + return pd.DataFrame({'text':[' '.join(string)], 'labels':[output_labels]}) + + +class TestDataset(unittest.TestCase): + + def test_dataset_bigbird_tokenizer(self): + model_name = 'google/bigbird-roberta-large' + tokenizer = AutoTokenizer.from_pretrained(model_name) + + # tests + strategy_names = ['bio', 'bieo', 'bixo'] + strategy_levels = ['wordLevel', 'standard'] + + + strategies = [ + f'{strategy_level}_{strategy_name}' for strategy_name in strategy_names for strategy_level in strategy_levels if f'{strategy_level}_{strategy_name}' != 'word_level_bixo' + ] + label_maps = { + strategy: _get_label_maps(labels, strategy.split('_')[-1]) for strategy in strategies + } + + test_string = 'I am Yousef Nami ' \ + 'NLP is the fastest growing Machine Learning field ' \ + 'NLP to science direct is it the most fire field in Machine NLP ' \ + 'Some other sentences ' \ + 'NLP I conclude that NLP is NLP' + + bio_labels = ['O']*4 +['B-Claim']+['I-Claim']*7 + ['B-Evidence']+['I-Evidence']*12 + ['O']*3 + ['B-Conclusion']+['I-Conclusion']*6 + bieo_labels = ['O']*4 +['B-Claim']+['I-Claim']*6+['E-Claim'] + ['B-Evidence']+['I-Evidence']*11+['E-Evidence'] + ['O']*3 + ['B-Conclusion']+['I-Conclusion']*5+['E-Conclusion'] + + text_labels = dict( + wordLevel_bio=bio_labels, + standard_bio=bio_labels, + wordLevel_bieo=bieo_labels, + standard_bieo=bieo_labels, + standard_bixo=bio_labels + ) + + text_dfs = { + key: pd.DataFrame({ + "labels": [text_labels[key]], + "text":test_string}) for key in text_labels + } + + max_length = len(tokenizer(test_string).word_ids()) + print(tokenizer.tokenize(test_string)) + expected_output = dict( + wordLevel_bio=[0]*7 + [1]*2 + [2]*7 + [3]*2 + [4]*13 + [0]*3 + [5]*2 + [6]*8, + wordLevel_bieo=[0]*7 + [1]*2 + [2]*6 + [3]*1 + [4]*2 + [5]*11 + [6]*2 + [0]*3 + [7]*2 + [8]*6 + [9]*2, + standard_bio=[0]*7 + [1] + [2]*8 + [3]*1 + [4]*14 + [0]*3 + [5]*1 + [6]*9, + standard_bieo=[0]*7 + [1] + [2]*7 + [3]*1 + [4]*1 + [5]*13 + [6]*1 + [0]*3 + [7]*1 + [8]*8 + [9]*1, + standard_bixo=[0]*7 + [2] + [1] + [3]*7 + [4] + [1] + [5]*12 + [1] + [0]*3 + [6] + [1] + [7]*4 + [1] + [7]*2+ [1] + ) + for i, strategy in enumerate(strategies): + if strategy in expected_output: + dataset = ArgumentMiningDataset(label_maps[strategy], text_dfs[strategy], tokenizer, max_length, strategy) + for (inputs, targets) in dataset: + targets = targets[targets != -100] + expected_targets = torch.as_tensor(expected_output[strategy]) + assert (targets == expected_targets).all(), f'assertion failed for strategy: {strategy}:\n{targets}\n{expected_targets}' + + def test_argument_mining_dataset(self): + + # -- configuration + + class TokenizerMock: + def __init__(self): + # set random how to tokenize + + class Inputs: + def __init__(self, input_ids, attention_mask, word_id_list): + self.data = dict( + input_ids=input_ids, + attention_mask=attention_mask + ) + self.word_id_list = word_id_list + + def __getitem__(self, key): + return self.data[key] + + def __setitem__(self, key, value): + self.data[key] = value + + def word_ids(self): + return self.word_id_list + + def items(self): + return [(key, val) for key, val in self.data.items()] + + self.inputs = Inputs + self.vocab = {'PAD': 0, 'CLS': 1, 'ing': 2, 'er': 3, 'es': 4, 'SEP':5, 'UNK': 6} + + + def __call__(self, word_split, max_length, **kwargs): + input_ids = [self.vocab['CLS']] + attention_mask = [1] + word_id_list = [None] + if max_length == 2: + return self.inputs(input_ids+[self.vocab['SEP']], attention_mask+[1], word_id_list+[None]) + else: + for i, word in enumerate(word_split): + for j, token in enumerate(self.vocab): + if token in word: + input_ids.append(self.vocab['UNK']) + word_id_list.append(i) + attention_mask.append(1) + + input_ids.append(self.vocab[token]) + word_id_list.append(i) + attention_mask.append(1) + break + elif j == len(self.vocab) - 1: + if word not in self.vocab: + input_ids.append(self.vocab['UNK']) + word_id_list.append(i) + attention_mask.append(1) + if max_length == 1: + input_ids.append(self.vocab['CLS']) + attention_mask.append(i) + word_id_list.append(None) + else: + if max_length < len(input_ids): + # cut + input_ids = input_ids[:max_length] + attention_mask = attention_mask[:max_length] + word_id_list = word_id_list[:max_length] + input_ids[-1] = self.vocab['SEP'] + word_id_list[-1] = None + else: + if max_length == len(input_ids): + input_ids[-1] = self.vocab['SEP'] + word_id_list[-1] = None + else: + input_ids.append(self.vocab['SEP']) + word_id_list.append(None) + attention_mask.append(1) + for i in range(max_length - len(input_ids)): + input_ids.append(self.vocab['PAD']) + attention_mask.append(0) + word_id_list.append(None) + return self.inputs(input_ids, attention_mask, word_id_list) + + tokenizer = TokenizerMock() + print(tokenizer('Rares Mohammad Nami. I bring her with Rares'.split(), 15).items()) + # todo tokenizer needs testing + + df_text = pd.DataFrame(dict( + text=['Rares Mohammad Rares I bring her with Rares'] + )) + + df_text_dict = dict( + io=df_text.assign( + labels=[['I-PERS', 'I-PERS', 'I-PERS', 'O', 'O', 'O', 'O', 'I-PERS']] + ), + bio=df_text.assign( + labels=[['B-PERS', 'I-PERS', 'I-PERS', 'O', 'O', 'O', 'O', 'B-PERS']] + ), + bieo=df_text.assign( + labels=[['B-PERS', 'I-PERS', 'E-PERS', 'O', 'O', 'O', 'O', 'B-PERS']] + ), + bixo=df_text.assign( + labels=[['B-PERS', 'I-PERS', 'I-PERS', 'O', 'O', 'O', 'O', 'B-PERS']] + ) + ) + + df_label_map_dict = dict( + io=pd.DataFrame(dict( + label_id=[0, 1], + label=['O', 'I-PERS'] + )), + bio=pd.DataFrame(dict( + label_id=[0, 1, 2], + label=['O', 'B-PERS', 'I-PERS'] + )), + bieo=pd.DataFrame(dict( + label_id=[0, 1, 2, 3], + label=['O','B-PERS', 'I-PERS', 'E-PERS'] + )), + bixo=pd.DataFrame(dict( + label_id=[0, 1, 2, 3], + label=['O','X', 'B-PERS', 'I-PERS'] + )) + ) + + max_length_dict=dict( + MaxLengthLess=6, + MaxLengthEqual=15, + MaxLengthMore=17, + ) + + # Actual: Rares Mohammad Rar es I bring her with Rares' + # Tokenised: Ra res Mohammad Rar es I br ing h er with Ra res' + # word_ids: 0 0 1 2 2 3 4 4 5 5 6 7 7 + # input_ids: 6 4 6 6 4 6 6 2 6 3 6 6 4 + # targets: ? ? ? ? ? 0 0 0 0 0 0 ? ? + # length less = 6, equal = 13, more =15 + + inputs_dict = dict( + MaxLengthLess=dict( + input_ids=torch.tensor([ + 1, + 6, 4, 6, 6, + 5 + ]), + word_ids=torch.tensor([ + -100, + 0, 0, 1, 2, + -100 + ]), + attention_mask=torch.tensor([ + 1, + 1, 1, 1, 1, + 1 + ]), + index=torch.tensor([0]) + ), + MaxLengthEqual=dict( + input_ids=torch.tensor([ + 1, + 6, 4, 6, 6, 4, + 6, 6, 2, 6, 3, 6, + 6, 4, + 5 + ]), + word_ids=torch.tensor([ + -100, + 0, 0, 1, 2, 2, + 3, 4, 4, 5, 5, 6, + 7, 7, + -100 + ]), + attention_mask=torch.tensor([ + 1, + 1, 1, 1, 1, 1, + 1, 1, 1, 1, 1, 1, + 1, 1, + 1 + ]), + index=torch.tensor([0]) + ), + MaxLengthMore=dict( + input_ids=torch.tensor([ + 1, + 6, 4, 6, 6, 4, + 6, 6, 2, 6, 3, 6, + 6, 4, + 5, + 0, 0 + ]), + word_ids=torch.tensor([ + -100, + 0, 0, 1, 2, 2, + 3, 4, 4, 5, 5, 6, + 7, 7, + -100, + -100, -100 + ]), + attention_mask=torch.tensor([ + 1, + 1, 1, 1, 1, 1, + 1, 1, 1, 1, 1, 1, + 1, 1, + 1, + 0, 0 + ]) + ) + ) + expected_outputs = dict( + standard_io_MaxLengthLess=dict( + inputs=inputs_dict['MaxLengthLess'], + targets=torch.tensor([ + -100, + 1, 1, 1, 1, + -100 + ]) + ), + standard_io_MaxLengthEqual=dict( + inputs=inputs_dict['MaxLengthEqual'], + targets=torch.tensor([ + -100, + 1, 1, 1, 1, 1, + 0, 0, 0, 0, 0, 0, + 1, 1, + -100 + ]) + ), + standard_io_MaxLengthMore=dict( + inputs=inputs_dict['MaxLengthMore'], + targets=torch.tensor([ + -100, + 1, 1, 1, 1, 1, + 0, 0, 0, 0, 0, 0, + 1, 1, + -100, + -100, -100 + ]) + ), + wordLevel_io_MaxLengthLess=dict( + inputs=inputs_dict['MaxLengthLess'], + targets=torch.tensor([ + -100, + 1, 1, 1, 1, + -100 + ]) + ), + wordLevel_io_MaxLengthEqual=dict( + inputs=inputs_dict['MaxLengthEqual'], + targets=torch.tensor([ + -100, + 1, 1, 1, 1, 1, + 0, 0, 0, 0, 0, 0, + 1, 1, + -100 + ]) + ), + wordLevel_io_MaxLengthMore=dict( + inputs=inputs_dict['MaxLengthMore'], + targets=torch.tensor([ + -100, + 1, 1, 1, 1, 1, + 0, 0, 0, 0, 0, 0, + 1, 1, + -100, + -100, -100 + ]) + ), + standard_bio_MaxLengthLess=dict( + inputs=inputs_dict['MaxLengthLess'], + targets=torch.tensor([ + -100, + 1, 2, 2, 2, + -100 + ]) + ), + # Actual: Rares Mohammad Nami. I bring her with Rares' + # Tokenised: Ra res Mohammad Nami. I br ing h er with Ra res' + # word_ids: 0 0 1 1 2 3 3 4 4 5 6 6 + # input_ids: 6 4 6 6 6 6 2 6 3 6 6 4 + # targets: ? ? ? ? 0 0 0 0 0 0 ? ? + # length less = 6, equal = 13, more =15 + standard_bio_MaxLengthEqual=dict( + inputs=inputs_dict['MaxLengthEqual'], + targets=torch.tensor([ + -100, + 1, 2, 2, 2, 2, + 0, 0, 0, 0, 0, 0, + 1, 2, + -100 + ]) + ), + standard_bio_MaxLengthMore=dict( + inputs=inputs_dict['MaxLengthMore'], + targets=torch.tensor([ + -100, + 1, 2, 2, 2, 2, + 0, 0, 0, 0, 0, 0, + 1, 2, + -100, + -100, -100 + ]) + ), + wordLevel_bio_MaxLengthLess=dict( + inputs=inputs_dict['MaxLengthLess'], + targets=torch.tensor([ + -100, + 1, 1, 2, 2, + -100 + ]) + ), + wordLevel_bio_MaxLengthEqual=dict( + inputs=inputs_dict['MaxLengthEqual'], + targets=torch.tensor([ + -100, + 1, 1, 2, 2, 2, + 0, 0, 0, 0, 0, 0, + 1, 1, + -100 + ]) + ), + wordLevel_bio_MaxLengthMore=dict( + inputs=inputs_dict['MaxLengthMore'], + targets=torch.tensor([ + -100, + 1, 1, 2, 2, 2, + 0, 0, 0, 0, 0, 0, + 1, 1, + -100, + -100, -100 + ]) + ), + + standard_bieo_MaxLengthLess=dict( + inputs=inputs_dict['MaxLengthLess'], + targets=torch.tensor([ + -100, + 1, 2, 2, 3, # TODO double check if this is the behaviour you want! + -100 + ]) + ), + standard_bieo_MaxLengthEqual=dict( + inputs=inputs_dict['MaxLengthEqual'], + targets=torch.tensor([ + -100, + 1, 2, 2, 2, 3, + 0, 0, 0, 0, 0, 0, + 1, 2, + -100, + ]) + ), + standard_bieo_MaxLengthMore=dict( + inputs=inputs_dict['MaxLengthMore'], + targets=torch.tensor([ + -100, + 1, 2, 2, 2, 3, + 0, 0, 0, 0, 0, 0, + 1, 2, + -100, + -100, -100 + ]) + ), + wordLevel_bieo_MaxLengthLess=dict( + inputs=inputs_dict['MaxLengthLess'], + targets=torch.tensor([ + -100, + 1, 1, 2, 3, + -100 + ]) + ), + wordLevel_bieo_MaxLengthEqual=dict( + inputs=inputs_dict['MaxLengthEqual'], + targets=torch.tensor([ + -100, + 1, 1, 2, 3, 3, + 0, 0, 0, 0, 0, 0, + 1, 1, + -100, + ]) + ), + wordLevel_bieo_MaxLengthMore=dict( + inputs=inputs_dict['MaxLengthMore'], + targets=torch.tensor([ + -100, + 1, 1, 2, 3, 3, + 0, 0, 0, 0, 0, 0, + 1, 1, + -100, + -100, -100 + ]) + ), + + standard_bixo_MaxLengthLess=dict( + inputs=inputs_dict['MaxLengthLess'], + targets=torch.tensor([ + -100, + 2, 1, 3, 3, + -100 + ]) + ), + standard_bixo_MaxLengthEqual=dict( + inputs=inputs_dict['MaxLengthEqual'], + targets=torch.tensor([ + -100, + 2, 1, 3, 3, 1, + 0, 0, 0, 0, 0, 0, + 2, 1, + -100, + ]) + ), + standard_bixo_MaxLengthMore=dict( + inputs=inputs_dict['MaxLengthMore'], + targets=torch.tensor([ + -100, + 2, 1, 3, 3, 1, + 0, 0, 0, 0, 0, 0, + 2, 1, + -100, + -100, -100 + ]) + ), + ) + + strategies = [ + 'standard_io', + 'wordLevel_io', + 'standard_bio', + 'wordLevel_bio', + 'standard_bixo', + 'standard_bieo', + 'wordLevel_bieo' + ] + + test_params = { + '_'.join([strategy, max_length_key]): dict( + df_label_map=df_label_map_dict[strategy.split('_')[1]], + max_length=max_length_dict[max_length_key], + strategy=strategy, + df_text=df_text_dict[strategy.split('_')[1]], + tokenizer=TokenizerMock(), + is_train=False + ) for (max_length_key, strategy) in product(max_length_dict, strategies) + } + + for configuration, expected_output in expected_outputs.items(): + param = test_params[configuration] + dataset = ArgumentMiningDataset(**param) + inputs, targets = dataset[0] + + expected_inputs = expected_output['inputs'] + expected_targets = expected_output['targets'] + assert (targets == expected_targets).all(), f'{configuration} Targets:\n' \ + f'Expected: {expected_targets}\n' \ + f'Predicted: {targets}\n' + + for key in expected_inputs: + assert (inputs[key] == expected_inputs[key]).all(), f'{configuration} {key}:\n' \ + f'Expected: {expected_inputs[key]}\n' \ + f'Predicted: {inputs[key]}\n' \ No newline at end of file diff --git a/tests/test_evaluation.py b/tests/test_evaluation.py new file mode 100644 index 0000000..e4bd45c --- /dev/null +++ b/tests/test_evaluation.py @@ -0,0 +1,286 @@ +import unittest +import torch +import pandas as pd +from pandas.testing import assert_frame_equal +from argminer.evaluation import get_word_labels, get_predictionString, evaluate + +class TestEvaluation(unittest.TestCase): + + def test_get_word_labels(self): + """ + Function to test the function 'get_word_labels' + NOTE: this function is expected to be used in a pipeline. It can be + used to concatenate sequences back into original form given IDs, usually used + to concatenate subtokens back to text: + Example: Yousef "Tsunami" Nami. I like NLP! + Tokenized: Y ou sef "Tsu na mi" Na mi. I li ke NLP ! + IDs: 0 0 0 1 1 1 2 2 3 4 4 5 6 + + Typically, this will have extra tokens that are to be ignored at the beginning + and end of the sequence, there are indicated by -100. + The final IDs is thus: + -100, 0, 0, 0, 1, 1, 1, 2, 2, 3, 4, 4, 5, 6 + """ + + # define word ids + word_ids = torch.tensor([[ + -100, + 0, 0, 0, + 1, 1, 1, + 2, 2, + 3, + 4, 4, + 5, + 6, + -100 + ]]) + + # define probabilities associated with each token for a 2 class problem + probas = torch.tensor( + [[ + [0.5, 0.2], + [0.5, 0.1], [0.2, 0.7], [0.3, 0.1], + [0.1, 0.8], [0.9, 0.7], [0.3, 0.1], + [0.9, 0.8], [0.9, 0.2], + [0.1, 0.8], + [0.4, 0.2], [0.6, 0.7], + [0.1, 0.1], + [0.1, 0.1], + [0.2, 0.8] + ]], + ) + + # define the ground truth target classes + classes = torch.tensor([ + [ + -100, + 1, 2, 3, + 1, 1, 1, + 1, 2, + 1, + 1, 2, + 1, + 1, + -100 + ] + ]) + + + # define expected targets with first aggregation strategy + targets_first = [ + torch.tensor([[1, 1, 1, 1, 1, 1, 1]]) + ] + + + # define expected outputs with first aggregation strategy + outputs_first = [ + torch.tensor([ + [0.5, 0.1], + [0.1, 0.8], + [0.9, 0.8], + [0.1, 0.8], + [0.4, 0.2], + [0.1, 0.1], + [0.1, 0.1], + ]) + + ] + + # define expected outputs with mean aggregation strategy + outputs_mean = [ + torch.tensor([ + [1 / 3, 0.3], + [13 / 30, 8 / 15], + [0.9, 0.5], + [0.1, 0.8], + [0.5, 0.45], + [0.1, 0.1], + [0.1, 0.1] + ]) + + ] + + # define expected outputs with max agg strategy + outputs_max = [ + torch.tensor([ + [0.5, 0.7], + [0.9, 0.8], + [0.9, 0.8], + [0.1, 0.8], + [0.6, 0.7], + [0.1, 0.1], + [0.1, 0.1], + ]) + ] + + expected_outputs = dict( + first_HasX=outputs_first, + mean_HasX=outputs_first, + max_HasX=outputs_first, + first_NoX=outputs_first, + mean_NoX=outputs_mean, + max_NoX=outputs_max, + ) + + for agg_strategy in ['first', 'mean', 'max']: + for identifier, has_x in {'HasX': True, 'NoX': False}.items(): + configuration = f'{agg_strategy}_{identifier}' + outputs = get_word_labels(word_ids, probas, agg_strategy, has_x) + targets = get_word_labels(word_ids, classes, 'first', has_x) # *** fixes targets to first aggregation strategy + + expected_output = expected_outputs[configuration] + expected_targets = targets_first # see above *** + assert torch.tensor([ + torch.allclose(output, expected_output_) for output, expected_output_ in zip( + outputs, expected_output + ) + ]).all(), f'For {configuration} outputs FAILED\n' \ + f'EXPECTED: {expected_output}\n' \ + f'PREDICTED: {outputs}\n' + assert torch.tensor([ + (target == expected_target).all() for target, expected_target in zip( + targets, expected_targets + ) + ]).all(), f'For {configuration} targets FAILED\n' \ + f'EXPECTED: {expected_targets}\n' \ + f'PREDICTED: {targets}' + def test_get_predictionString(self): + + labels = [ + torch.tensor([1, 2, 2, 3, 3, 3, 4]), + torch.tensor([1, 2, 3, 4, 5, 6, 7]) + ] + doc_ids = torch.tensor([1, 2]) + + df_expected = pd.DataFrame().from_records([ + (1, 1, {0, 1}), + (1, 2, {2, 3, 4}), + (1, 3, {5, 6, 7, 8}), + (1, 4, {9, 10}), + (2, 1, {0, 1}), + (2, 2, {2, 3}), + (2, 3, {4, 5}), + (2, 4, {6, 7}), + (2, 5, {8, 9}), + (2, 6, {10, 11}), + (2, 7, {12, 13}), + ], columns=['id', 'class', 'predictionString']) + df_output = get_predictionString(labels, doc_ids) + + # ensure equal for testing purposes + df_output.predictionString = df_output.predictionString.apply(lambda x: sorted(x)) + df_expected.predictionString = df_expected.predictionString.apply(lambda x: sorted(x)) + + assert_frame_equal( + df_output, + df_expected + ) + + def test_evaluate(self): + # Gold sentence 1 + # Hi, this is an argument. -- Other (0) + # According to Wikipedia, Wales is the largest country in the world. -- Evidence (1) + # This is just filler. -- Other (0) + # Montenegro is beautiful. -- Claim (2) + # In conclusion, -- Other (0) + # Montenegro is the best country in the world. -- Concluding Statement (3) + + # Gold sentence 2 + # The new Batman film is a 6/10. -- Claim (2) + # This is because, -- Other (0) + # It is internally inconsistent with regards to the + # assumptions it makes about the hero and decisions he takes. -- Evidence (1) + + + df_targets_in = pd.DataFrame().from_records([ + (1, 0, {0, 1, 2, 3, 4}), + (1, 1, {5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15}), + (1, 0, {16, 17, 18, 19}), + (1, 2, {20, 21, 22}), + (1, 0, {23, 24}), + (1, 3, {25, 26, 27, 28, 29, 30, 31, 32}), + + (2, 2, {0, 1, 2, 3, 4, 5, 6}), + (2, 0, {7, 8, 9}), + (2, 1, {10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27}) + ], columns=['id', 'class', 'predictionString']) + + df_outputs_in_dict = dict( + EqualMisses=pd.DataFrame().from_records([ + (1, 0, {0, 1}), # FP + (1, 1, {2, 3, 4, 5, 6, 7, 8, 9}), # FP + (1, 0, {10, 11, 12, 13, 14, 15, 16, 17, 18, 19}), # FP + (1, 2, {20, 21, 22, 23}), # should be a true positive + (1, 0, {24, 25, 26, 27, 28, 29}), # FP + (1, 3, {30, 31, 32}), # FP + (2, 2, {0, 1, 2}), # FP + (2, 0, {7}), # FP + (2, 1, {8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27}), + ], columns=['id', 'class', 'predictionString']), + AllTruePositive=pd.DataFrame().from_records([ + (1, 0, {0, 1, 2, 3, 4}), + (1, 1, {4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14}), + (1, 0, {15, 16, 17, 18}), + (1, 2, {19, 20, 21}), + (1, 0, {22, 23, 24}), + (1, 3, {25, 26, 27, 28, 29, 30, 31, 32}), + (2, 2, {0, 1, 2, 3}), + (2, 0, {4, 5, 6, 7, 8, 9}), + (2, 1, {10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27}) + ], columns=['id', 'class', 'predictionString']), + ComplexPrediction=pd.DataFrame().from_records([ + (1, 1, {0, 1, 2, 3, 4}), # prediction misses ground truth completely, FP1 + (1, 1, {5, 6, 7, 8, 9, 10}), #TP1 + (1, 0, {11, 12, 13}), #FP0 + (1, 1, {14, 15}), #FP1 + (1, 4, {16, 17}), # out of prediction value!, #FP4 + (1, 0, {18, 19}), #TP0 + (1, 2, {20, 21}), #TP2 + (1, 0, {22, 23}), #TP0 + (1, 3, {25, 26, 27, 28}), #TP3 + (1, 0, {29, 30}), # FP0 + (1, 3, {31, 32}), #FP3 + + (2, 2, {0, 1, 2, 3}), #TP2 + (2, 0, {4, 5, 6}), #FP0 + (2, 1, {7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25}), #TP1 + (2, 6, {26, 27}) #FP6 + ], columns=['id', 'class', 'predictionString']) + ) + # TODO df_expected outputs will likely need to change if shape of + # output scores changes! + df_expected_outputs_dict = dict( + AllTruePositive=pd.DataFrame({ + 'class': [0, 1, 2, 3], + 'tp': [4, 2, 2, 1], + 'fn': [0, 0, 0, 0], + 'fp': [0, 0, 0, 0], + 'f1': [1., 1., 1., 1.] # TODO likely will remove + }), + EqualMisses=pd.DataFrame({ + 'class': [0, 1, 2, 3], + 'tp': [0., 1., 1., 0.], + 'fn': [4., 1., 1., 1.], + 'fp': [4., 1., 1., 1.], + 'f1': [0, 0.5, 0.5, 0] + }), + ComplexPrediction=pd.DataFrame({ + 'class': [0, 1, 2, 3, 4, 6], + 'tp': [2., 2., 2., 1., 0., 0.], + 'fn': [2., 0., 0., 0., 0., 0.], + 'fp': [3., 2., 0., 1., 1., 1.], + 'f1': [2/4.5, 2/3, 1, 1/1.5, 0, 0] + }) + ) + + for configuration, df_expected_output in df_expected_outputs_dict.items(): + df_output = evaluate( + df_outputs_in_dict[configuration], + df_targets_in + ).sort_values('class').reset_index(drop=True) + assert_frame_equal(df_output, df_expected_output, check_dtype=False) + + + + def test_inference(self): + pass \ No newline at end of file diff --git a/tests/test_package_install.py b/tests/test_package_install.py new file mode 100644 index 0000000..550b3ec --- /dev/null +++ b/tests/test_package_install.py @@ -0,0 +1,6 @@ +import unittest + +class TestPackageInstall(unittest.TestCase): + + def test_package_import(self): + import argminer \ No newline at end of file diff --git a/tests/test_text_processing.py b/tests/test_text_processing.py new file mode 100644 index 0000000..e69de29 diff --git a/tests/test_utils.py b/tests/test_utils.py new file mode 100644 index 0000000..09d98be --- /dev/null +++ b/tests/test_utils.py @@ -0,0 +1,115 @@ +import unittest + +from argminer.utils import get_predStr, _get_label_maps +import pandas as pd +from pandas.testing import assert_frame_equal +from itertools import product + +class TestUtils(unittest.TestCase): + + def test_get_prediction_string(self): + + texts = [ + 'Hi my name is Yousef', + 'Hi my\n name is Yousef', + 'Hi my name\n is Yousef', + ' Hi my name is Joe' # extra space example + ] + df_input = pd.DataFrame(dict( + text=texts, + )).assign(doc_id=list(range(len(texts))), label='Other') + + df_expected = df_input.copy().assign(predictionString=[ + [0, 1, 2, 3, 4], + [0, 1, 2, 3, 4], + [0, 1, 2, 3, 4], + [0, 1, 2, 3, 4] + ]) + + df_output = get_predStr(df_input) + + assert_frame_equal(df_expected, df_output) + + def test_get_label_maps(self): + strategies = ['io', 'bio', 'bieo', 'bixo'] + unique_labels_dict = dict( + TUDarmstadt=['MajorClaim', 'Claim', 'Premise'], + Persuade=['Lead', 'Position', 'Claim', 'Counterclaim', 'Rebuttal', 'Evidence', 'Concluding Statement'] + ) + + test_params = { + f'{dataset}_{strategy}': dict( + unique_labels=unique_labels_dict[dataset], strategy=strategy + ) for (dataset, strategy) in product(unique_labels_dict, strategies) + } + + # -- test + + expected_outputs = dict( + TUDarmstadt_io=pd.DataFrame(dict( + label_id=[0, 1, 2, 3], + label=['O', 'I-MajorClaim', 'I-Claim', 'I-Premise'], + + )), + TUDarmstadt_bio=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6], + label=['O', 'B-MajorClaim', 'I-MajorClaim', 'B-Claim', 'I-Claim', 'B-Premise', 'I-Premise'], + + )), + TUDarmstadt_bieo=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6, 7, 8, 9], + label=['O', 'B-MajorClaim', 'I-MajorClaim', 'E-MajorClaim', + 'B-Claim', 'I-Claim', 'E-Claim', 'B-Premise', 'I-Premise', 'E-Premise'], + + )), + TUDarmstadt_bixo=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6, 7], + label=['O', 'X', 'B-MajorClaim', 'I-MajorClaim', 'B-Claim', 'I-Claim', 'B-Premise', 'I-Premise'], + + )), + Persuade_io=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6, 7], + label=[ + 'O', + 'I-Lead', 'I-Position', 'I-Claim', 'I-Counterclaim', + 'I-Rebuttal', 'I-Evidence', 'I-Concluding Statement' + ], + + )), + Persuade_bio=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14], + label=[ + 'O', + 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', + 'B-Counterclaim', 'I-Counterclaim', 'B-Rebuttal', 'I-Rebuttal', + 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', 'I-Concluding Statement' + ], + + )), + Persuade_bieo=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21], + label=[ + 'O', + 'B-Lead', 'I-Lead', 'E-Lead', 'B-Position', 'I-Position', 'E-Position', + 'B-Claim', 'I-Claim', 'E-Claim', 'B-Counterclaim', 'I-Counterclaim', 'E-Counterclaim', + 'B-Rebuttal', 'I-Rebuttal', 'E-Rebuttal', 'B-Evidence', 'I-Evidence', 'E-Evidence', + 'B-Concluding Statement', 'I-Concluding Statement', 'E-Concluding Statement' + ], + )), + Persuade_bixo=pd.DataFrame(dict( + label_id=[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], + label=[ + 'O', 'X', + 'B-Lead', 'I-Lead', 'B-Position', 'I-Position', 'B-Claim', 'I-Claim', + 'B-Counterclaim', 'I-Counterclaim', 'B-Rebuttal', 'I-Rebuttal', + 'B-Evidence', 'I-Evidence', 'B-Concluding Statement', 'I-Concluding Statement' + ], + )) + ) + + for configuration, expected_output in expected_outputs.items(): + param = test_params[configuration] + output = _get_label_maps(**param) + assert_frame_equal(output, expected_output) + +